From af18824f430225330ca58dd9a5a08bdc57900955 Mon Sep 17 00:00:00 2001 From: Satya Kumar Jandhyala Date: Mon, 26 Aug 2024 14:46:04 -0700 Subject: [PATCH 001/119] [JS/WebGPU] Add GatherBlockQuantized op support (#21734) ### Description Add GatherBlockQuantized operator to JSEP. ### Motivation and Context Gemma model requires this. --- js/common/lib/tensor-impl.ts | 4 +- js/web/docs/webgpu-operators.md | 1 + .../lib/wasm/jsep/webgpu/op-resolve-rules.ts | 2 + js/web/lib/wasm/jsep/webgpu/ops/common.ts | 5 +- .../jsep/webgpu/ops/gather-block-quantized.ts | 196 +++++++++++++ .../jsep/webgpu/ops/multihead-attention.ts | 18 +- js/web/lib/wasm/wasm-common.ts | 4 +- js/web/script/generate-webgpu-operator-md.ts | 1 + ...nt4.jsonc => dequantize-linear-int4.jsonc} | 0 .../data/ops/gather-block-quantized.jsonc | 257 ++++++++++++++++++ js/web/test/suite-test-list.jsonc | 3 + .../contrib_ops/js/js_contrib_kernels.cc | 13 +- .../js/quantization/gather_block_quantized.cc | 31 +++ .../js/quantization/gather_block_quantized.h | 46 ++++ 14 files changed, 567 insertions(+), 14 deletions(-) create mode 100644 js/web/lib/wasm/jsep/webgpu/ops/gather-block-quantized.ts rename js/web/test/data/ops/{dequantize-linear_int4.jsonc => dequantize-linear-int4.jsonc} (100%) create mode 100644 js/web/test/data/ops/gather-block-quantized.jsonc create mode 100644 onnxruntime/contrib_ops/js/quantization/gather_block_quantized.cc create mode 100644 onnxruntime/contrib_ops/js/quantization/gather_block_quantized.h diff --git a/js/common/lib/tensor-impl.ts b/js/common/lib/tensor-impl.ts index 12c6d79d88d2b..4e0ef821dde57 100644 --- a/js/common/lib/tensor-impl.ts +++ b/js/common/lib/tensor-impl.ts @@ -140,7 +140,9 @@ export class Tensor implements TensorInterface { type !== 'int64' && type !== 'uint32' && type !== 'uint8' && - type !== 'bool' + type !== 'bool' && + type !== 'uint4' && + type !== 'int4' ) { throw new TypeError(`unsupported type "${type}" to create tensor from gpu buffer`); } diff --git a/js/web/docs/webgpu-operators.md b/js/web/docs/webgpu-operators.md index cf21fe8ed117d..425d479ad305e 100644 --- a/js/web/docs/webgpu-operators.md +++ b/js/web/docs/webgpu-operators.md @@ -48,6 +48,7 @@ Do not modify directly.* | Floor | ai.onnx(6-12,13+) | | | FusedConv | com.microsoft(1+) | | | Gather | ai.onnx(1-10,11-12,13+) | | +| GatherBlockQuantized | com.microsoft(1+) | | | GatherElements | ai.onnx(11-12,13+) | | | Gelu | ai.onnx(20+); com.microsoft(1+) | | | Gemm | ai.onnx(7-8,9-10,11-12,13+) | | diff --git a/js/web/lib/wasm/jsep/webgpu/op-resolve-rules.ts b/js/web/lib/wasm/jsep/webgpu/op-resolve-rules.ts index 0808d45a307ca..fe824a5c4558a 100644 --- a/js/web/lib/wasm/jsep/webgpu/op-resolve-rules.ts +++ b/js/web/lib/wasm/jsep/webgpu/op-resolve-rules.ts @@ -16,6 +16,7 @@ import { einsum, parseEinsumAttributes } from './ops/einsum'; import { expand } from './ops/expand'; import { fastGelu } from './ops/fast-gelu'; import { gather, parseGatherAttributes } from './ops/gather'; +import { gatherBlockQuantized, parseGatherBlockQuantizedAttributes } from './ops/gather-block-quantized'; import { gatherElements, parseGatherElementsAttributes } from './ops/gather-elements'; import { gemm, parseGemmAttributes } from './ops/gemm'; import { groupQueryAttention, parseGroupQueryAttentionAttributes } from './ops/group-query-attention'; @@ -96,6 +97,7 @@ export const WEBGPU_OP_RESOLVE_RULES: Map = new ['FusedConv', [conv, parseConvAttributes]], ['Gather', [gather, parseGatherAttributes]], ['GatherElements', [gatherElements, parseGatherElementsAttributes]], + ['GatherBlockQuantized', [gatherBlockQuantized, parseGatherBlockQuantizedAttributes]], ['Gelu', [unaryOps.gelu]], ['Gemm', [gemm, parseGemmAttributes]], ['GlobalAveragePool', [pool.globalAveragePool, pool.parseGlobalAveragePoolAttributes]], diff --git a/js/web/lib/wasm/jsep/webgpu/ops/common.ts b/js/web/lib/wasm/jsep/webgpu/ops/common.ts index 7696f22d44abd..65e54414e957e 100644 --- a/js/web/lib/wasm/jsep/webgpu/ops/common.ts +++ b/js/web/lib/wasm/jsep/webgpu/ops/common.ts @@ -243,7 +243,10 @@ const getWgslMappedType = (type: number, components: 1 | 2 | 3 | 4): string | [s throw new Error('bool must be vec4'); } return ['u32', 'vec4']; - + case DataType.int4: + return 'i32'; + case DataType.uint4: + return 'u32'; default: throw new Error(`Unknown data type: ${type}`); } diff --git a/js/web/lib/wasm/jsep/webgpu/ops/gather-block-quantized.ts b/js/web/lib/wasm/jsep/webgpu/ops/gather-block-quantized.ts new file mode 100644 index 0000000000000..f0f1f28342936 --- /dev/null +++ b/js/web/lib/wasm/jsep/webgpu/ops/gather-block-quantized.ts @@ -0,0 +1,196 @@ +// Copyright (c) Microsoft Corporation. All rights reserved. +// Licensed under the MIT License. + +import { DataType } from '../../../wasm-common'; +import { TensorView } from '../../tensor-view'; +import { ShapeUtil } from '../../util'; +import { AttributeWithCacheKey, createAttributeWithCacheKey } from '../attribute-with-cache-key'; +import { ComputeContext, ProgramInfo, ProgramUniform } from '../types'; + +import { + createTensorShapeVariables, + inputVariable, + outputVariable, + ShaderHelper, + tensorTypeToWsglValueType, + UniformsArrayType, +} from './common'; + +export interface GatherBlockQuantizedAttributes extends AttributeWithCacheKey { + gatherAxis: number; + quantizeAxis: number; + blockSize: number; +} + +export const validateInputs = (inputs: readonly TensorView[], attributes: GatherBlockQuantizedAttributes): void => { + if (inputs.length < 3 || inputs.length > 4) { + throw new Error('GatherBlockQuantized requires 3 or 4 inputs.'); + } + const quantizeAxis = ShapeUtil.normalizeAxis(attributes.quantizeAxis, inputs[0].dims.length); + const blockSize = attributes.blockSize; + const data = inputs[0]; + const scales = inputs[2]; + const zeroPoint = inputs.length === 4 ? inputs[3] : undefined; + if ( + scales.dims.length !== data.dims.length || + !data.dims + .map((d, i) => (i === quantizeAxis ? Math.ceil(d / blockSize) === scales.dims[i] : d === scales.dims[i])) + .reduce((a, b) => a && b, true) + ) { + throw new Error( + 'Scales must have the same rank as the input tensor and the dims should match except on gatherAxis.', + ); + } + // TODO Uncomment the following check once the test case creation code is fixed to create data correctly aligned. + // const indices = inputs[1]; + // const validIndex = (index: number) => index >= 0 && index < data.dims[attributes.gatherAxis]; + // if (indices.dataType === DataType.int32 && indices.getInt32Array().some((v) => !validIndex(v)) || + // indices.dataType === DataType.int64 && indices.getBigInt64Array().some((v) => !validIndex(Number(v)))) { + // throw new Error('Indices must be within the bounds of the gatherAxis.'); + // } + if (zeroPoint) { + if (zeroPoint.dataType !== data.dataType) { + throw new Error('Zero point must have the same data type as the input tensor.'); + } + if ( + zeroPoint.dims.length !== scales.dims.length || + !zeroPoint.dims.map((d, i) => d === scales.dims[i]).reduce((a, b) => a && b, true) + ) { + throw new Error( + 'Zero point must have the same rank as the input tensor and the dims should match except on quantizeAxis.', + ); + } + } +}; + +const createGatherBlockQuantizedProgramInfo = ( + inputs: readonly TensorView[], + attributes: GatherBlockQuantizedAttributes, +): ProgramInfo => { + const inputShape = inputs[0].dims; + const indicesShape = inputs[1].dims; + const inputRank = inputShape.length; + const gatherAxis = ShapeUtil.normalizeAxis(attributes.gatherAxis, inputRank); + const quantizeAxis = ShapeUtil.normalizeAxis(attributes.quantizeAxis, inputRank); + const outputShape = inputShape.slice(0); + outputShape.splice(gatherAxis, 1, ...indicesShape); + const outputSize = ShapeUtil.size(outputShape); + const outputType = inputs[2].dataType; + const inputType = inputs[0].dataType; + const isSigned = inputType === DataType.int4; // input data type is either int4 or uint4. + const programUniforms: ProgramUniform[] = [ + { type: DataType.uint32, data: outputSize }, + { type: DataType.uint32, data: quantizeAxis }, + { type: DataType.uint32, data: gatherAxis }, + { type: DataType.uint32, data: attributes.blockSize }, + ...createTensorShapeVariables(...inputs.map((input, _) => input.dims), outputShape), + ]; + + const getShaderSource = (shaderHelper: ShaderHelper) => { + const data = inputVariable('data', inputs[0].dataType, inputs[0].dims.length); + const indices = inputVariable('inputIndices', inputs[1].dataType, inputs[1].dims.length); + const scales = inputVariable('scales', inputs[2].dataType, inputs[2].dims.length); + const zeroPoint = + inputs.length > 3 ? inputVariable('zeroPoint', inputs[3].dataType, inputs[3].dims.length) : undefined; + const output = outputVariable('output', outputType, outputShape.length); + const inputVariables = [data, indices, scales]; + if (zeroPoint) { + inputVariables.push(zeroPoint); + } + const uniforms: UniformsArrayType = [ + { name: 'output_size', type: 'u32' }, + { name: 'quantize_axis', type: 'u32' }, + { name: 'gather_axis', type: 'u32' }, + { name: 'block_size', type: 'u32' }, + ]; + return ` + ${shaderHelper.registerUniforms(uniforms).declareVariables(...inputVariables, output)} + ${shaderHelper.mainStart()} + let output_indices = ${output.offsetToIndices('global_idx')}; + var indices_indices = ${indices.type.indices}(0); + ${(() => { + if (indicesShape.length > 1) { + return ` + for (var i: u32 = 0; i < ${indicesShape.length}; i++) { + let index = ${output.indicesGet('output_indices', 'uniforms.gather_axis + i')}; + ${indices.indicesSet('indices_indices', 'i', 'index')}; + }`; + } else { + return `indices_indices = ${output.indicesGet('output_indices', 'uniforms.gather_axis')};`; + } + })()}; + var data_indices = ${data.type.indices}(0); + for (var i: u32 = 0; i < uniforms.gather_axis; i++) { + let index = ${output.indicesGet('output_indices', 'i')}; + ${data.indicesSet('data_indices', 'i', 'index')}; + } + var index_from_indices = ${indices.getByIndices('indices_indices')}; + if (index_from_indices < 0) { + index_from_indices += ${inputShape[gatherAxis]}; + } + ${data.indicesSet('data_indices', 'uniforms.gather_axis', 'u32(index_from_indices)')}; + for (var i = uniforms.gather_axis + 1; i < ${outputShape.length}; i++) { + let index = ${output.indicesGet('output_indices', `i + ${indicesShape.length} - 1`)}; + ${data.indicesSet('data_indices', 'i', 'index')}; + } + let data_offset = ${data.indicesToOffset('data_indices')}; + let data_index = data_offset % 8; + // Convert 4-bit packed data to 8-bit packed data. + let packed_4bit_quantized_data = ${data.getByOffset('data_offset / 8')}; + let packed_8bit_quantized_data = (packed_4bit_quantized_data >> (4 * (data_index % 2))) & 0x0f0f0f0f; + let quantized_data_vec = ${isSigned ? 'unpack4xI8' : 'unpack4xU8'}(u32(packed_8bit_quantized_data)); + let quantized_data = quantized_data_vec[data_index / 2]; + var scale_indices = data_indices; + let quantize_axis_index = ${scales.indicesGet('data_indices', 'uniforms.quantize_axis')} / uniforms.block_size; + ${scales.indicesSet('scale_indices', 'uniforms.quantize_axis', 'quantize_axis_index')}; + var scale = ${scales.getByIndices('scale_indices')}; + ${(() => { + if (!zeroPoint) { + return 'var zero_point = 0'; + } else { + return ` + let zero_point_indices = scale_indices; + let zero_point_offset = ${zeroPoint.indicesToOffset('zero_point_indices')}; + let zero_point_index = zero_point_offset % 8; + let packed_4bit_zero_points = ${zeroPoint.getByOffset('zero_point_offset / 8')}; + let packed_8bit_zero_points = (packed_4bit_zero_points >> (4 * (zero_point_index % 2))) & 0x0f0f0f0f; + let zero_point_vec = ${isSigned ? 'unpack4xI8' : 'unpack4xU8'}(u32(packed_8bit_zero_points)); + let zero_point = zero_point_vec[zero_point_index / 2];`; + } + })()}; + let dequantized_data = ${tensorTypeToWsglValueType(outputType)}(quantized_data - zero_point) * scale; + ${output.setByOffset('global_idx', 'dequantized_data')}; + }`; + }; + return { + name: 'GatherBlockQuantized', + shaderCache: { + hint: `${attributes.cacheKey};${inputs + .filter((_, i) => i !== 1) + .map((input) => input.dims.join('_')) + .join(';')}`, + inputDependencies: Array.from({ length: inputs.length }, (_v, _i) => 'rank'), + }, + getRunData: () => ({ + outputs: [{ dims: outputShape, dataType: outputType }], + dispatchGroup: { x: Math.ceil(outputSize / 64 /* workgroup size */) }, + programUniforms, + }), + getShaderSource, + }; +}; + +export const gatherBlockQuantized = (context: ComputeContext, attributes: GatherBlockQuantizedAttributes): void => { + const inputs = context.inputs; + validateInputs(inputs, attributes); + context.compute(createGatherBlockQuantizedProgramInfo(context.inputs, attributes)); +}; + +export const parseGatherBlockQuantizedAttributes = ( + attributes: Record, +): GatherBlockQuantizedAttributes => + createAttributeWithCacheKey({ + blockSize: attributes.blockSize as number, + gatherAxis: attributes.gatherAxis as number, + quantizeAxis: attributes.quantizeAxis as number, + }); diff --git a/js/web/lib/wasm/jsep/webgpu/ops/multihead-attention.ts b/js/web/lib/wasm/jsep/webgpu/ops/multihead-attention.ts index 485ebec9847fd..0949d65174b41 100644 --- a/js/web/lib/wasm/jsep/webgpu/ops/multihead-attention.ts +++ b/js/web/lib/wasm/jsep/webgpu/ops/multihead-attention.ts @@ -85,7 +85,7 @@ const validateInputs = (inputs: readonly TensorView[], attributes: AttentionAttr let pastSequenceLength = 0; let maxSequenceLength = 0; const headSize = Math.floor(hiddenSize / attributes.numHeads); - if (pastKey && pastValue) { + if (pastKey && pastValue && ShapeUtil.size(pastKey.dims) && ShapeUtil.size(pastValue.dims)) { if (pastKey.dims.length !== 4) { throw new Error('Input "past_key" is expected to have 4 dimensions'); } @@ -107,12 +107,12 @@ const validateInputs = (inputs: readonly TensorView[], attributes: AttentionAttr } pastSequenceLength = pastKey.dims[2]; maxSequenceLength = pastKey.dims[2]; - } else if (pastKey || pastValue) { + } else if ((pastKey && ShapeUtil.size(pastKey.dims)) || (pastValue && ShapeUtil.size(pastValue.dims))) { throw new Error('Input "past_key" and "past_value" shall be both present or both absent'); } let qkvFormat: AttentionQkvFormat; - if (key) { + if (key && ShapeUtil.size(key.dims) > 0) { if (query.dims.length !== 3) { throw new Error('Input "query" is expected to have 3 dimensions when key is given'); } @@ -159,7 +159,7 @@ const validateInputs = (inputs: readonly TensorView[], attributes: AttentionAttr qkvFormat = AttentionQkvFormat.qkvBSN3H; } - if (bias) { + if (bias && ShapeUtil.size(bias.dims) > 0) { if (bias.dims.length !== 1) { throw new Error('Input "bias" is expected to have 1 dimension'); } @@ -174,7 +174,7 @@ const validateInputs = (inputs: readonly TensorView[], attributes: AttentionAttr const totalSequenceLength = pastSequenceLength + kvSequenceLength; let maskType: AttentionMaskType = AttentionMaskType.none; - if (keyPaddingMask) { + if (keyPaddingMask && ShapeUtil.size(keyPaddingMask.dims) > 0) { maskType = AttentionMaskType.maskUnknown; const maskDims = keyPaddingMask.dims; if (maskDims.length === 1) { @@ -194,7 +194,7 @@ const validateInputs = (inputs: readonly TensorView[], attributes: AttentionAttr let passPastInKv = false; let vHiddenSize = hiddenSize; - if (value) { + if (value && ShapeUtil.size(value.dims) > 0) { if (value.dims.length !== 3 && value.dims.length !== 4) { throw new Error('Input "value" is expected to have 3 or 4 dimensions'); } @@ -220,11 +220,11 @@ const validateInputs = (inputs: readonly TensorView[], attributes: AttentionAttr const broadcastResPosBias = false; - if (keyPaddingMask) { + if (keyPaddingMask && ShapeUtil.size(keyPaddingMask.dims) > 0) { throw new Error('Key padding mask is not supported'); } - if (attentionBias) { + if (attentionBias && ShapeUtil.size(attentionBias.dims) > 0) { if (attentionBias.dims.length !== 4) { throw new Error('Input "attention_bias" is expected to have 4 dimensions'); } @@ -334,7 +334,7 @@ export const maybeTransposeToBNSHAndAddBias = ( // const newDims = []; let reshapedInput = input; - if (!bias) { + if (!(bias && ShapeUtil.size(bias.dims) > 0)) { if (input.dims.length === 3) { reshapedInput = input.reshape([batchSize, sequenceLength, numHeads, headSize]); } diff --git a/js/web/lib/wasm/wasm-common.ts b/js/web/lib/wasm/wasm-common.ts index fd5d93675154c..78ff14540d8cb 100644 --- a/js/web/lib/wasm/wasm-common.ts +++ b/js/web/lib/wasm/wasm-common.ts @@ -236,7 +236,9 @@ export const isGpuBufferSupportedType = (type: Tensor.Type): type is Tensor.GpuB type === 'int64' || type === 'uint32' || type === 'uint8' || - type === 'bool'; + type === 'bool' || + type === 'uint4' || + type === 'int4'; /** * Map string data location to integer value diff --git a/js/web/script/generate-webgpu-operator-md.ts b/js/web/script/generate-webgpu-operator-md.ts index 5e9a7152bf185..26640749defc2 100644 --- a/js/web/script/generate-webgpu-operator-md.ts +++ b/js/web/script/generate-webgpu-operator-md.ts @@ -26,6 +26,7 @@ const MATCHERS = [ /class ONNX_OPERATOR_KERNEL_CLASS_NAME\(\s*(?\w+),\s*(?\w+),\s*(?\d+),\s*(?\w+)\)/g, /class ONNX_OPERATOR_VERSIONED_TYPED_KERNEL_CLASS_NAME\(\s*(?\w+),\s*(?\w+),\s*(?\d+),\s*(?\d+),\s*(?\w+),\s*(?\w+)\)/g, /class ONNX_OPERATOR_TYPED_KERNEL_CLASS_NAME\(\s*(?\w+),\s*(?\w+),\s*(?\d+),\s*(?\w+),\s*(?\w+)\)/g, + /class ONNX_OPERATOR_TWO_TYPED_KERNEL_CLASS_NAME\(\s*(?\w+),\s*(?\w+),\s*(?\d+),\s*(?\w+),\s*(?\w+),\s*(?\w+)\)/g, ]; /* eslint-enable max-len */ diff --git a/js/web/test/data/ops/dequantize-linear_int4.jsonc b/js/web/test/data/ops/dequantize-linear-int4.jsonc similarity index 100% rename from js/web/test/data/ops/dequantize-linear_int4.jsonc rename to js/web/test/data/ops/dequantize-linear-int4.jsonc diff --git a/js/web/test/data/ops/gather-block-quantized.jsonc b/js/web/test/data/ops/gather-block-quantized.jsonc new file mode 100644 index 0000000000000..a6a346ab42a39 --- /dev/null +++ b/js/web/test/data/ops/gather-block-quantized.jsonc @@ -0,0 +1,257 @@ +[ + { + "name": "GatherBlockQuantized; quantize_axis=0, gather_axis=1, signed input, block_size=16", + "operator": "GatherBlockQuantized", + "opset": { + "domain": "com.microsoft", + "version": 1 + }, + "attributes": [ + { + "name": "block_size", + "data": 16, + "type": "int" + }, + { + "name": "gather_axis", + "data": 0, + "type": "int" + }, + { + "name": "quantize_axis", + "data": 2, + "type": "int" + } + ], + "cases": [ + { + "name": "GatherBlockQuantized; quantize_axis=0, gather_axis=1, block_size=16, signed input", + "inputs": [ + // data + { + "data": [ + 0, 1, 2, 3, 4, 5, 6, 7, 7, 0, 1, 2, 3, 4, 5, 6, 6, 7, 0, 1, 2, 3, 4, 5, 5, 6, 7, 0, 1, 2, 3, 4, 4, 5, 6, + 7, 0, 1, 2, 3, 3, 4, 5, 6, 7, 0, 1, 2, 2, 3, 4, 5, 6, 7, 0, 1, 1, 2, 3, 4, 5, 6, 7, 0, 0, 1, 2, 3, 4, 5, + 6, 7, 7, 0, 1, 2, 3, 4, 5, 6, 6, 7, 0, 1, 2, 3, 4, 5, 5, 6, 7, 0, 1, 2, 3, 4 + ], + "dims": [2, 3, 16], + "type": "int4" + }, + // indices + { + "data": [1], + "dims": [1, 1, 1, 1], + "type": "int32" + }, + // scale + { + "data": [1.0, 2.0, 1.0, 2.0, 1.0, 2.0], + "dims": [2, 3, 1], + "type": "float32" + }, + // zero + { + "data": [1, 1, 0, 0, 1, -1], + "dims": [2, 3, 1], + "type": "int4" + } + ], + "outputs": [ + { + "data": [ + 4, 6, 8, 10, 12, 14, 0, 2, 2, 4, 6, 8, 10, 12, 14, 0, -1, 0, 1, 2, 3, 4, 5, 6, 6, -1, 0, 1, 2, 3, 4, 5, + 14, 16, 2, 4, 6, 8, 10, 12, 12, 14, 16, 2, 4, 6, 8, 10 + ], + "dims": [1, 1, 1, 1, 3, 16], + "type": "float32" + } + ] + }, + { + "name": "GatherBlockQuantized; quantize_axis=0, gather_axis=1, signed block_size=16, signed input, negative indices", + "inputs": [ + // data + { + "data": [ + 0, 1, 2, 3, 4, 5, 6, 7, 7, 0, 1, 2, 3, 4, 5, 6, 6, 7, 0, 1, 2, 3, 4, 5, 5, 6, 7, 0, 1, 2, 3, 4, 4, 5, 6, + 7, 0, 1, 2, 3, 3, 4, 5, 6, 7, 0, 1, 2, 2, 3, 4, 5, 6, 7, 0, 1, 1, 2, 3, 4, 5, 6, 7, 0, 0, 1, 2, 3, 4, 5, + 6, 7, 7, 0, 1, 2, 3, 4, 5, 6, 6, 7, 0, 1, 2, 3, 4, 5, 5, 6, 7, 0, 1, 2, 3, 4 + ], + "dims": [2, 3, 16], + "type": "int4" + }, + // indices + { + "data": [-1], + "dims": [1], + "type": "int32" + }, + // scale + { + "data": [0.5, 1.0, 1.25, 1.5, 1.75, 2.0], + "dims": [2, 3, 1], + "type": "float32" + }, + // zero + { + "data": [0, 1, 2, 3, 4, 5], + "dims": [2, 3, 1], + "type": "int4" + } + ], + "outputs": [ + { + "data": [ + -1.5, 0, 1.5, 3, 4.5, 6, -4.5, -3, -3, -1.5, 0, 1.5, 3, 4.5, 6, -4.5, -7, -5.25, -3.5, -1.75, 0, 1.75, + 3.5, 5.25, 5.25, -7, -5.25, -3.5, -1.75, 0, 1.75, 3.5, 2, 4, -10, -8, -6, -4, -2, 0, 0, 2, 4, -10, -8, -6, + -4, -2 + ], + "dims": [1, 3, 16], + "type": "float32" + } + ] + } + ] + }, + { + "name": "GatherBlockQuantized; quantize_axis=0, gather_axis=1, unsigned input, block_size=16", + "operator": "GatherBlockQuantized", + "opset": { + "domain": "com.microsoft", + "version": 1 + }, + "attributes": [ + { + "name": "block_size", + "data": 16, + "type": "int" + }, + { + "name": "gather_axis", + "data": 0, + "type": "int" + }, + { + "name": "quantize_axis", + "data": 2, + "type": "int" + } + ], + "cases": [ + { + "name": "GatherBlockQuantized; quantize_axis=0, gather_axis=1, block_size=16, unsigned input", + "inputs": [ + // data + { + "data": [ + 0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 15, 0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, + 14, 14, 15, 0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 13, 14, 15, 0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, + 11, 12, 12, 13, 14, 15, 0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 11, 12, 13, 14, 15, 0, 1, 2, 3, 4, 5, 6, 7, + 8, 9, 10 + ], + "dims": [2, 3, 16], + "type": "uint4" + }, + // indices + { + "data": [1], + "dims": [1], + "type": "int32" + }, + // scale + { + "data": [1.0, 2.0, 1.0, 2.0, 1.0, 2.0], + "dims": [2, 3, 1], + "type": "float32" + }, + // zero + { + "data": [1, 1, 0, 0, 1, 1], + "dims": [2, 3, 1], + "type": "uint4" + } + ], + "outputs": [ + { + "data": [ + 26, 28, 30, 0, 2, 4, 6, 8, 10, 12, 14, 16, 18, 20, 22, 24, 11, 12, 13, 14, -1, 0, 1, 2, 3, 4, 5, 6, 7, 8, + 9, 10, 20, 22, 24, 26, 28, -2, 0, 2, 4, 6, 8, 10, 12, 14, 16, 18 + ], + "dims": [1, 3, 16], + "type": "float32" + } + ] + } + ] + }, + { + "name": "GatherBlockQuantized; quantize_axis=0, gather_axis=1, signed block_size=16", + "operator": "GatherBlockQuantized", + "opset": { + "domain": "com.microsoft", + "version": 1 + }, + "attributes": [ + { + "name": "block_size", + "data": 16, + "type": "int" + }, + { + "name": "gather_axis", + "data": 0, + "type": "int" + }, + { + "name": "quantize_axis", + "data": 2, + "type": "int" + } + ], + "cases": [ + { + "name": "GatherBlockQuantized; quantize_axis=0, gather_axis=1, signed block_size=16, signed input; indices dim > 1", + "inputs": [ + // data + { + "data": [ + 0, 1, 2, 3, 4, 5, 6, 7, 7, 0, 1, 2, 3, 4, 5, 6, 6, 7, 0, 1, 2, 3, 4, 5, 5, 6, 7, 0, 1, 2, 3, 4, 4, 5, 6, + 7, 0, 1, 2, 3, 3, 4, 5, 6, 7, 0, 1, 2, 2, 3, 4, 5, 6, 7, 0, 1, 1, 2, 3, 4, 5, 6, 7, 0, 0, 1, 2, 3, 4, 5, + 6, 7, 7, 0, 1, 2, 3, 4, 5, 6, 6, 7, 0, 1, 2, 3, 4, 5, 5, 6, 7, 0, 1, 2, 3, 4 + ], + "dims": [2, 3, 16], + "type": "int4" + }, + // indices + { + "data": [1], + "dims": [1, 1], + "type": "int32" + }, + // scale + { + "data": [1.0, 2.0, 1.0, 2.0, 1.0, 2.0], + "dims": [2, 3, 1], + "type": "float32" + }, + // zero + { + "data": [1, 1, 0, 0, 1, -1], + "dims": [2, 3, 1], + "type": "int4" + } + ], + "outputs": [ + { + "data": [ + 4, 6, 8, 10, 12, 14, 0, 2, 2, 4, 6, 8, 10, 12, 14, 0, -1, 0, 1, 2, 3, 4, 5, 6, 6, -1, 0, 1, 2, 3, 4, 5, + 14, 16, 2, 4, 6, 8, 10, 12, 12, 14, 16, 2, 4, 6, 8, 10 + ], + "dims": [1, 1, 3, 16], + "type": "float32" + } + ] + } + ] + } +] diff --git a/js/web/test/suite-test-list.jsonc b/js/web/test/suite-test-list.jsonc index 829e55a625102..7f0c1cc3e420c 100644 --- a/js/web/test/suite-test-list.jsonc +++ b/js/web/test/suite-test-list.jsonc @@ -1354,6 +1354,7 @@ "div_int32.jsonc", "depth-to-space.jsonc", "dequantizelinear.jsonc", + "dequantize-linear-int4.jsonc", "equal.jsonc", "exp.jsonc", "expand.jsonc", @@ -1361,6 +1362,8 @@ "floor.jsonc", "fused-conv.jsonc", "fused-conv3dncdhw.jsonc", + "gather.jsonc", + "gather-block-quantized.jsonc", "gather-elements.jsonc", "gemm.jsonc", "global-average-pool.jsonc", diff --git a/onnxruntime/contrib_ops/js/js_contrib_kernels.cc b/onnxruntime/contrib_ops/js/js_contrib_kernels.cc index 11899feb6e1dc..36a6f9bd87013 100644 --- a/onnxruntime/contrib_ops/js/js_contrib_kernels.cc +++ b/onnxruntime/contrib_ops/js/js_contrib_kernels.cc @@ -24,6 +24,11 @@ class ONNX_OPERATOR_KERNEL_CLASS_NAME(kJsExecutionProvider, kMSDomain, 1, SkipLa class ONNX_OPERATOR_KERNEL_CLASS_NAME(kJsExecutionProvider, kOnnxDomain, 1, SimplifiedLayerNormalization); class ONNX_OPERATOR_KERNEL_CLASS_NAME(kJsExecutionProvider, kMSDomain, 1, SkipSimplifiedLayerNormalization); +class ONNX_OPERATOR_TWO_TYPED_KERNEL_CLASS_NAME(kJsExecutionProvider, kMSDomain, 1, UInt4x2, int32_t, GatherBlockQuantized); +class ONNX_OPERATOR_TWO_TYPED_KERNEL_CLASS_NAME(kJsExecutionProvider, kMSDomain, 1, UInt4x2, int64_t, GatherBlockQuantized); +class ONNX_OPERATOR_TWO_TYPED_KERNEL_CLASS_NAME(kJsExecutionProvider, kMSDomain, 1, Int4x2, int32_t, GatherBlockQuantized); +class ONNX_OPERATOR_TWO_TYPED_KERNEL_CLASS_NAME(kJsExecutionProvider, kMSDomain, 1, Int4x2, int64_t, GatherBlockQuantized); + template <> KernelCreateInfo BuildKernelCreateInfo() { @@ -51,8 +56,12 @@ Status RegisterJsContribKernels(KernelRegistry& kernel_registry) { BuildKernelCreateInfo, BuildKernelCreateInfo}; - + SkipSimplifiedLayerNormalization)>, + BuildKernelCreateInfo, + BuildKernelCreateInfo, + BuildKernelCreateInfo, + BuildKernelCreateInfo, + }; for (auto& function_table_entry : function_table) { KernelCreateInfo info = function_table_entry(); if (info.kernel_def != nullptr) { // filter disabled entries where type is void diff --git a/onnxruntime/contrib_ops/js/quantization/gather_block_quantized.cc b/onnxruntime/contrib_ops/js/quantization/gather_block_quantized.cc new file mode 100644 index 0000000000000..ea4a5448bb6ea --- /dev/null +++ b/onnxruntime/contrib_ops/js/quantization/gather_block_quantized.cc @@ -0,0 +1,31 @@ +// Copyright (c) Microsoft Corporation. All rights reserved. +// Licensed under the MIT License. + +#include "core/providers/js/js_data_types.h" +#include "contrib_ops/js/quantization/gather_block_quantized.h" +namespace onnxruntime { +namespace contrib { +namespace js { + +using onnxruntime::js::JsepSupportedFloatTypes; + +#define ONNX_GATHER_BLOCK_QUANTIZED_KERNELS(T1, Tind) \ + ONNX_OPERATOR_TWO_TYPED_KERNEL_EX( \ + GatherBlockQuantized, \ + kMSDomain, 1, \ + T1, Tind, \ + kJsExecutionProvider, \ + (*KernelDefBuilder::Create()) \ + .TypeConstraint("T1", DataTypeImpl::GetTensorType()) \ + .TypeConstraint("T2", JsepSupportedFloatTypes()) \ + .TypeConstraint("Tind", DataTypeImpl::GetTensorType()), \ + GatherBlockQuantized); + +ONNX_GATHER_BLOCK_QUANTIZED_KERNELS(UInt4x2, int32_t); +ONNX_GATHER_BLOCK_QUANTIZED_KERNELS(UInt4x2, int64_t); +ONNX_GATHER_BLOCK_QUANTIZED_KERNELS(Int4x2, int32_t); +ONNX_GATHER_BLOCK_QUANTIZED_KERNELS(Int4x2, int64_t); + +} // namespace js +} // namespace contrib +} // namespace onnxruntime diff --git a/onnxruntime/contrib_ops/js/quantization/gather_block_quantized.h b/onnxruntime/contrib_ops/js/quantization/gather_block_quantized.h new file mode 100644 index 0000000000000..69f258916895d --- /dev/null +++ b/onnxruntime/contrib_ops/js/quantization/gather_block_quantized.h @@ -0,0 +1,46 @@ +// Copyright (c) Microsoft Corporation. All rights reserved. +// Licensed under the MIT License. + +#include "core/providers/js/js_data_types.h" +#include "core/providers/js/js_kernel.h" + +namespace onnxruntime { +namespace contrib { +namespace js { + +using onnxruntime::js::JsKernel; + +class GatherBlockQuantized : public JsKernel { + public: + GatherBlockQuantized(const OpKernelInfo& info) : JsKernel(info) { + int64_t gather_axis; + int64_t quantize_axis; + int64_t block_size; + if (!info.GetAttr("gather_axis", &gather_axis).IsOK()) { + gather_axis = 0; + } + + if (!info.GetAttr("quantize_axis", &quantize_axis).IsOK()) { + quantize_axis = 1; + } + + if (!info.GetAttr("block_size", &block_size).IsOK()) { + block_size = 128; + } + + ORT_ENFORCE(block_size >= 16 && ((block_size - 1) & block_size) == 0, + "'block_size' must be 2's power and not less than 16."); + JSEP_INIT_KERNEL_ATTRIBUTE(GatherBlockQuantized, ({ + "gatherAxis" : $1, + "quantizeAxis" : $2, + "blockSize" : $3 + }), + static_cast(gather_axis), + static_cast(quantize_axis), + static_cast(block_size)); + } +}; + +} // namespace js +} // namespace contrib +} // namespace onnxruntime From 422e6e6fb055f03e20a07530d808af4590d3d724 Mon Sep 17 00:00:00 2001 From: zz002 Date: Tue, 27 Aug 2024 12:16:44 +0800 Subject: [PATCH 002/119] [VitisAI] add OpSchema, VitisAI use IKernelLookup to check supported ops, VitisAI def_builder adds TypeConstraint related processing (#21688) ### Description 1. add OpSchema 2. VitisAI use IKernelLookup to check supported ops 3. VitisAI def_builder adds TypeConstraint related processing ### Motivation and Context --------- Co-authored-by: Zhenze Wang --- .../providers/shared_library/provider_api.h | 1 + .../provider_bridge_provider.cc | 1 + .../shared_library/provider_interfaces.h | 9 +++++ .../shared_library/provider_wrappedtypes.h | 10 ++++++ .../core/providers/vitisai/imp/capability.cc | 7 ++-- .../core/providers/vitisai/imp/global_api.cc | 33 +++++++++++++++++-- .../providers/vitisai/imp/register_xir_ops.cc | 16 +++++---- .../vitisai/include/vaip/capability.h | 2 +- .../vitisai/vitisai_execution_provider.cc | 14 ++------ .../vitisai/vitisai_execution_provider.h | 1 - .../core/session/provider_bridge_ort.cc | 9 +++++ 11 files changed, 75 insertions(+), 28 deletions(-) diff --git a/onnxruntime/core/providers/shared_library/provider_api.h b/onnxruntime/core/providers/shared_library/provider_api.h index 2f54a04e15304..0bfa52e7869cc 100644 --- a/onnxruntime/core/providers/shared_library/provider_api.h +++ b/onnxruntime/core/providers/shared_library/provider_api.h @@ -123,6 +123,7 @@ struct ValueInfoProto; struct ValueInfoProtos; // RepeatedPtrField struct FunctionProto; struct InferenceContext; +struct OpSchema; class GraphInferencer; using InferenceFunction = std::function; } // namespace ONNX_NAMESPACE diff --git a/onnxruntime/core/providers/shared_library/provider_bridge_provider.cc b/onnxruntime/core/providers/shared_library/provider_bridge_provider.cc index 252ce9298bda8..d3b12f9728135 100644 --- a/onnxruntime/core/providers/shared_library/provider_bridge_provider.cc +++ b/onnxruntime/core/providers/shared_library/provider_bridge_provider.cc @@ -174,6 +174,7 @@ MLDataType DataTypeImpl::GetType() { return Provider_GetHost()->DataTyp template <> MLDataType DataTypeImpl::GetType() { return Provider_GetHost()->DataTypeImpl__GetType_string(); } +MLDataType DataTypeImpl::GetTensorTypeFromOnnxType(int onnx_type) { return Provider_GetHost()->DataTypeImpl__GetTensorTypeFromOnnxType(onnx_type); } template <> MLDataType DataTypeImpl::GetTensorType() { return Provider_GetHost()->DataTypeImpl__GetTensorType_bool(); } template <> diff --git a/onnxruntime/core/providers/shared_library/provider_interfaces.h b/onnxruntime/core/providers/shared_library/provider_interfaces.h index 4527c0a89303c..1059443469067 100644 --- a/onnxruntime/core/providers/shared_library/provider_interfaces.h +++ b/onnxruntime/core/providers/shared_library/provider_interfaces.h @@ -27,6 +27,8 @@ enum OperatorStatus : int; // String pointer as unique TypeProto identifier. using DataType = const std::string*; +using DataTypeSet = std::unordered_set; +using TypeConstraintMap = std::unordered_map>; } // namespace ONNX_NAMESPACE @@ -566,6 +568,12 @@ struct ProviderHost { virtual ONNX_NAMESPACE::StringStringEntryProto* FunctionProto__add_metadata_props(ONNX_NAMESPACE::FunctionProto* p) = 0; virtual void RegisterSchema(const std::string& domain, const OrtCustomOp* op, int type) = 0; + virtual const ONNX_NAMESPACE::OpSchema* GetSchema(const std::string& name, const int maxInclusiveVersion, const std::string& domain) = 0; + virtual const std::string& OpSchema__inputs__GetName(const ONNX_NAMESPACE::OpSchema* p, const size_t i) = 0; + virtual const std::string& OpSchema__inputs__GetTypeStr(const ONNX_NAMESPACE::OpSchema* p, const size_t i) = 0; + virtual const std::string& OpSchema__outputs__GetName(const ONNX_NAMESPACE::OpSchema* p, const size_t i) = 0; + virtual const std::string& OpSchema__outputs__GetTypeStr(const ONNX_NAMESPACE::OpSchema* p, const size_t i) = 0; + virtual const ONNX_NAMESPACE::TypeConstraintMap& OpSchema__typeConstraintMap(const ONNX_NAMESPACE::OpSchema* p) const = 0; // ConfigOptions virtual std::optional ConfigOptions__GetConfigEntry(const ConfigOptions* p, const std::string& config_key) = 0; @@ -694,6 +702,7 @@ struct ProviderHost { virtual MLDataType DataTypeImpl__GetType_Int4x2() = 0; virtual MLDataType DataTypeImpl__GetType_UInt4x2() = 0; + virtual MLDataType DataTypeImpl__GetTensorTypeFromOnnxType(int) = 0; virtual MLDataType DataTypeImpl__GetTensorType_bool() = 0; virtual MLDataType DataTypeImpl__GetTensorType_int8() = 0; virtual MLDataType DataTypeImpl__GetTensorType_uint8() = 0; diff --git a/onnxruntime/core/providers/shared_library/provider_wrappedtypes.h b/onnxruntime/core/providers/shared_library/provider_wrappedtypes.h index d98d91759b164..a0bc73a478b96 100644 --- a/onnxruntime/core/providers/shared_library/provider_wrappedtypes.h +++ b/onnxruntime/core/providers/shared_library/provider_wrappedtypes.h @@ -451,6 +451,15 @@ struct FunctionProto final { FunctionProto(const FunctionProto&) = delete; void operator=(const FunctionProto&) = delete; }; + +struct OpSchema final { + const TypeConstraintMap& typeConstraintMap() const { return g_host->OpSchema__typeConstraintMap(this); } + const std::string& inputs__GetName(const size_t i) const { return g_host->OpSchema__inputs__GetName(this, i); }; + const std::string& inputs__GetTypeStr(const size_t i) const { return g_host->OpSchema__inputs__GetTypeStr(this, i); }; + const std::string& outputs__GetName(const size_t i) const { return g_host->OpSchema__outputs__GetName(this, i); }; + const std::string& outputs__GetTypeStr(const size_t i) const { return g_host->OpSchema__outputs__GetTypeStr(this, i); }; + PROVIDER_DISALLOW_ALL(OpSchema) +}; } // namespace ONNX_NAMESPACE namespace onnxruntime { @@ -702,6 +711,7 @@ class DataTypeImpl final { #endif static MLDataType GetTypeFromOnnxType(int); + static MLDataType GetTensorTypeFromOnnxType(int); bool IsTensorType() const { return g_host->DataTypeImpl__IsTensorType(this); } bool IsTensorSequenceType() const { return g_host->DataTypeImpl__IsTensorSequenceType(this); } diff --git a/onnxruntime/core/providers/vitisai/imp/capability.cc b/onnxruntime/core/providers/vitisai/imp/capability.cc index 6d188076fe613..f2cefe9dff48e 100644 --- a/onnxruntime/core/providers/vitisai/imp/capability.cc +++ b/onnxruntime/core/providers/vitisai/imp/capability.cc @@ -42,7 +42,7 @@ std::unique_ptr XirSubgraphToComputeCapability1(const onnxrun std::vector> GetComputeCapabilityOps(const onnxruntime::GraphViewer& graph, vaip_core::DllSafe>>* eps, - const std::set& all_support_optypes_by_eps) { + const onnxruntime::IExecutionProvider::IKernelLookup& kernel_lookup) { std::set all_nodes_included_eps; for (auto& ep : **eps) { auto nodes = node_names_to_nodes(graph, *ep->get_meta_def_nodes()); @@ -52,11 +52,8 @@ GetComputeCapabilityOps(const onnxruntime::GraphViewer& graph, std::vector node_indexs = graph.GetNodesInTopologicalOrder(); node_indexs.erase(std::remove_if(node_indexs.begin(), node_indexs.end(), [&](NodeIndex index) { return all_nodes_included_eps.count(index) > 0; }), node_indexs.end()); node_indexs.erase(std::remove_if(node_indexs.begin(), node_indexs.end(), - [&](NodeIndex index) { - auto node = graph.GetNode(index); - return all_support_optypes_by_eps.count(node->Domain() + ":" + node->OpType()) == 0; }), + [&](NodeIndex index) { return kernel_lookup.LookUpKernel(*graph.GetNode(index)) == nullptr; }), node_indexs.end()); - std::vector> result; for (auto& n : node_indexs) { auto indexed_subgraph = IndexedSubGraph::Create(); diff --git a/onnxruntime/core/providers/vitisai/imp/global_api.cc b/onnxruntime/core/providers/vitisai/imp/global_api.cc index d4125fcc0941d..e5610f9464741 100644 --- a/onnxruntime/core/providers/vitisai/imp/global_api.cc +++ b/onnxruntime/core/providers/vitisai/imp/global_api.cc @@ -133,17 +133,46 @@ void create_kernel_registry(std::vector domains) { s_kernel_registry_vitisaiep = KernelRegistry::Create(); for (const auto& domain : domains) { for (const auto* op : domain->custom_ops_) { + const size_t input_count = op->GetInputTypeCount(op); + const size_t output_count = op->GetOutputTypeCount(op); auto def_builder = KernelDefBuilder::Create(); def_builder->SetName(op->GetName(op)); def_builder->SetDomain(domain->domain_.c_str()); def_builder->SinceVersion(op->GetStartVersion(op), op->GetEndVersion(op)); if (op->version > 12) { - auto input_count = op->GetInputTypeCount(op); for (auto i = 0u; i < input_count; i++) { def_builder->InputMemoryType(op->GetInputMemoryType(op, i), i); } } - def_builder->Provider(onnxruntime::kVitisAIExecutionProvider); + def_builder->Provider(op->GetExecutionProviderType(op)); + + auto schema = Provider_GetHost()->GetSchema(op->GetName(op), op->GetStartVersion(op), domain->domain_); + for (size_t i = 0; i < input_count; i++) { + const auto input_type = op->GetInputType(op, i); + auto input_name = schema->inputs__GetName(i); + if (schema->typeConstraintMap().count(schema->inputs__GetTypeStr(i))) { + input_name = schema->inputs__GetTypeStr(i); + } + if (input_type == ONNX_TENSOR_ELEMENT_DATA_TYPE_UNDEFINED) { + def_builder->TypeConstraint(input_name.c_str(), DataTypeImpl::AllTensorTypes()); + } else { + def_builder->TypeConstraint(input_name.c_str(), DataTypeImpl::GetTensorTypeFromOnnxType(input_type)); + } + } + for (size_t i = 0; i < output_count; i++) { + const auto output_type = op->GetOutputType(op, i); + auto output_name = schema->outputs__GetName(i); + if (schema != nullptr) { + if (schema->typeConstraintMap().count(schema->outputs__GetTypeStr(i))) { + output_name = schema->outputs__GetTypeStr(i); + } + } + if (output_type == ONNX_TENSOR_ELEMENT_DATA_TYPE_UNDEFINED) { + def_builder->TypeConstraint(output_name.c_str(), DataTypeImpl::AllTensorTypes()); + } else { + def_builder->TypeConstraint(output_name.c_str(), DataTypeImpl::GetTensorTypeFromOnnxType(output_type)); + } + } KernelCreateFn kernel_create_fn = [op](FuncManager&, const OpKernelInfo& info, std::unique_ptr& out) -> Status { out = std::make_unique(info, *op); diff --git a/onnxruntime/core/providers/vitisai/imp/register_xir_ops.cc b/onnxruntime/core/providers/vitisai/imp/register_xir_ops.cc index 97ed2d3b4b8a1..03458f42d5f28 100644 --- a/onnxruntime/core/providers/vitisai/imp/register_xir_ops.cc +++ b/onnxruntime/core/providers/vitisai/imp/register_xir_ops.cc @@ -12,13 +12,15 @@ namespace vaip { void register_xir_ops(const std::vector& domains) { for (auto domain : domains) { for (auto op : domain->custom_ops_) { - auto name = op->GetName(op); - if ((std::string)name == "super_layer") { - Provider_GetHost()->RegisterSchema(domain->domain_, op, 1); - } else if ((std::string)name == "FixNeuron") { - Provider_GetHost()->RegisterSchema(domain->domain_, op, 2); - } else { - Provider_GetHost()->RegisterSchema(domain->domain_, op, 3); + if (Provider_GetHost()->GetSchema(op->GetName(op), op->GetStartVersion(op), domain->domain_) == nullptr) { + auto name = op->GetName(op); + if ((std::string)name == "super_layer") { + Provider_GetHost()->RegisterSchema(domain->domain_, op, 1); + } else if ((std::string)name == "FixNeuron") { + Provider_GetHost()->RegisterSchema(domain->domain_, op, 2); + } else { + Provider_GetHost()->RegisterSchema(domain->domain_, op, 3); + } } } } diff --git a/onnxruntime/core/providers/vitisai/include/vaip/capability.h b/onnxruntime/core/providers/vitisai/include/vaip/capability.h index e7644dbe86354..9e37dc52792c8 100644 --- a/onnxruntime/core/providers/vitisai/include/vaip/capability.h +++ b/onnxruntime/core/providers/vitisai/include/vaip/capability.h @@ -8,6 +8,6 @@ namespace vaip { using namespace ::onnxruntime; std::unique_ptr XirSubgraphToComputeCapability1(const onnxruntime::GraphViewer& graph, vaip_core::ExecutionProvider* ep, size_t index); std::vector> GetComputeCapabilityOps(const onnxruntime::GraphViewer& graph, - vaip_core::DllSafe>>* ep, const std::set& all_not_support_optypes); + vaip_core::DllSafe>>* ep, const onnxruntime::IExecutionProvider::IKernelLookup& kernel_lookup); } // namespace vaip diff --git a/onnxruntime/core/providers/vitisai/vitisai_execution_provider.cc b/onnxruntime/core/providers/vitisai/vitisai_execution_provider.cc index 4c21f3951110b..57c3e21b70104 100644 --- a/onnxruntime/core/providers/vitisai/vitisai_execution_provider.cc +++ b/onnxruntime/core/providers/vitisai/vitisai_execution_provider.cc @@ -25,8 +25,6 @@ constexpr const char* VITISAI = "VITISAI"; VitisAIExecutionProvider::VitisAIExecutionProvider( const ProviderOptions& info) : IExecutionProvider{onnxruntime::kVitisAIExecutionProvider}, info_(info) { - CreateKernelRegistry(); - auto it = info_.find("ep_context_enable"); ep_ctx_enabled_ = it != info_.end() && it->second == "1"; it = info_.find("ep_context_embed_mode"); @@ -39,14 +37,6 @@ VitisAIExecutionProvider::VitisAIExecutionProvider( LOGS_DEFAULT(VERBOSE) << "User specified EP context cache path: " << ep_ctx_model_path_cfg_; } -void VitisAIExecutionProvider::CreateKernelRegistry() { - for (const auto& domain : get_domains_vitisaiep()) { - for (const auto* op : domain->custom_ops_) { - vitisai_optypes_.insert(domain->domain_ + ":" + op->GetName(op)); - } - } -} - std::shared_ptr VitisAIExecutionProvider::GetKernelRegistry() const { return get_kernel_registry_vitisaiep(); } // This method is called after both `GetComputeCapabilityOps()` and `Compile()`. @@ -60,7 +50,7 @@ const InlinedVector VitisAIExecutionProvider::GetEpContextNodes() c return ep_context_node_ptrs; } std::vector> VitisAIExecutionProvider::GetCapability( - const onnxruntime::GraphViewer& graph_viewer, const IKernelLookup& /*kernel_lookup*/) const { + const onnxruntime::GraphViewer& graph_viewer, const IKernelLookup& kernel_lookup) const { if (graph_viewer.IsSubgraph()) { // VITIS AI EP not support sungraph. Assigned to CPU. return {}; @@ -70,7 +60,7 @@ std::vector> VitisAIExecutionProvider::GetCap return {}; } execution_providers_ = std::make_unique(compile_onnx_model(graph_viewer, *GetLogger(), info_)); - auto result = vaip::GetComputeCapabilityOps(graph_viewer, execution_providers_.get(), vitisai_optypes_); + auto result = vaip::GetComputeCapabilityOps(graph_viewer, execution_providers_.get(), kernel_lookup); size_t index = 0u; for (auto& ep : **execution_providers_) { result.emplace_back(vaip::XirSubgraphToComputeCapability1(graph_viewer, ep.get(), index)); diff --git a/onnxruntime/core/providers/vitisai/vitisai_execution_provider.h b/onnxruntime/core/providers/vitisai/vitisai_execution_provider.h index cca647abe0017..24692dd45ca49 100644 --- a/onnxruntime/core/providers/vitisai/vitisai_execution_provider.h +++ b/onnxruntime/core/providers/vitisai/vitisai_execution_provider.h @@ -41,7 +41,6 @@ class VitisAIExecutionProvider : public IExecutionProvider { const InlinedVector GetEpContextNodes() const override; private: - void CreateKernelRegistry(); using my_ep_t = vaip_core::DllSafe>>; using my_ep_uptr_t = std::shared_ptr; // we have to hide the implementation by forward declaration. diff --git a/onnxruntime/core/session/provider_bridge_ort.cc b/onnxruntime/core/session/provider_bridge_ort.cc index ff841950b4384..dc5b983f86cbb 100644 --- a/onnxruntime/core/session/provider_bridge_ort.cc +++ b/onnxruntime/core/session/provider_bridge_ort.cc @@ -813,6 +813,14 @@ struct ProviderHostImpl : ProviderHost { } ONNX_NAMESPACE::RegisterSchema(schema, ORT_API_VERSION); } + const ONNX_NAMESPACE::OpSchema* GetSchema(const std::string& name, const int maxInclusiveVersion, const std::string& domain) override { + return ONNX_NAMESPACE::OpSchemaRegistry::Instance()->GetSchema(name, maxInclusiveVersion, domain); + } + const std::string& OpSchema__inputs__GetName(const ONNX_NAMESPACE::OpSchema* p, const size_t i) override { return p->inputs()[i].GetName(); } + const std::string& OpSchema__inputs__GetTypeStr(const ONNX_NAMESPACE::OpSchema* p, const size_t i) override { return p->inputs()[i].GetTypeStr(); } + const std::string& OpSchema__outputs__GetName(const ONNX_NAMESPACE::OpSchema* p, const size_t i) override { return p->outputs()[i].GetName(); } + const std::string& OpSchema__outputs__GetTypeStr(const ONNX_NAMESPACE::OpSchema* p, const size_t i) override { return p->outputs()[i].GetTypeStr(); } + const ONNX_NAMESPACE::TypeConstraintMap& OpSchema__typeConstraintMap(const ONNX_NAMESPACE::OpSchema* p) const override { return p->typeConstraintMap(); } // ConfigOptions (wrapped) std::optional ConfigOptions__GetConfigEntry(const ConfigOptions* p, const std::string& config_key) override { @@ -946,6 +954,7 @@ struct ProviderHostImpl : ProviderHost { MLDataType DataTypeImpl__GetType_Int4x2() override { return DataTypeImpl::GetType(); } MLDataType DataTypeImpl__GetType_UInt4x2() override { return DataTypeImpl::GetType(); } + MLDataType DataTypeImpl__GetTensorTypeFromOnnxType(int onnx_type) override { return DataTypeImpl::TensorTypeFromONNXEnum(onnx_type)->AsTensorType(); } MLDataType DataTypeImpl__GetTensorType_bool() override { return DataTypeImpl::GetTensorType(); } MLDataType DataTypeImpl__GetTensorType_int8() override { return DataTypeImpl::GetTensorType(); } MLDataType DataTypeImpl__GetTensorType_uint8() override { return DataTypeImpl::GetTensorType(); } From 99bc45dcbd6e1801e5473b3fab333d75307468fe Mon Sep 17 00:00:00 2001 From: Yulong Wang <7679871+fs-eire@users.noreply.github.com> Date: Mon, 26 Aug 2024 22:08:26 -0700 Subject: [PATCH 003/119] [js] add big data file to formatter ignore list (#21767) ### Description Add the big data file `web/test/data/ops/pad-big.jsonc` to formatter ignore list. This file slows down the formatter quite a lot at local. --- js/.prettierignore | 5 ++++- 1 file changed, 4 insertions(+), 1 deletion(-) diff --git a/js/.prettierignore b/js/.prettierignore index dee8c1944e3fb..0c9c9eefa9d75 100644 --- a/js/.prettierignore +++ b/js/.prettierignore @@ -1,7 +1,10 @@ # ignore generated docs web/docs/ -# this JSON file is too large, so it takes too long to format it. +# these JSON file is too large, so it takes too long to format it. +web/test/data/ops/pad-big.jsonc +web/test/testdata-config.json +web/test/ort.test.js node/test/testdata/squeezenet.input0.json # ignore dist folder From 6e5757698870d029afaeeb50663e8326dddf0390 Mon Sep 17 00:00:00 2001 From: Tianlei Wu Date: Mon, 26 Aug 2024 23:13:15 -0700 Subject: [PATCH 004/119] Support Smooth Softmax in GroupQueryAttention (#21867) ### Description Softmax (formula 1) is like the following: ```math y_{i} = \frac{exp(x_{i})}{\sum_{i} exp(x_{i})} ``` After applying softmax, each element will be in the range of $(0, 1)$, and the elements will add up to 1, so that they can be interpreted as probabilities. However, in language model, softmax has two issues: * When all elements are -inf (for example, a whole row is masked when a query token is padding), the result is not defined since exp(-inf)=0 and divided-by-zero is encountered in the above formula. * Why do we need normalize in a way that each query word are treated as equal important (each row has sum equals to1)? **Smooth Softmax** (formula 2) is a modified version that introduces a smooth factor like the following: ```math s_{i} = \frac{exp(x_{i})}{1+ \sum_{i} exp(x_{i})} ``` This formula could tackle the above two issues: * It could handle the special case that all elements are -inf: the result $s_{i}$ is 0 for every element in such case. * Sum of all elements $\sum_{i}{s_{i}} = \frac{\sum_{i}{exp(x_{i})}}{1+ \sum_{i} exp(x_{i})}$ is in the range of (0, 1), so that we can train the model to assign different importance to different query words. Since exponential is prone to overflow or underflow, to get stable result, formula 3 can be used: ```math s_{i} = \frac{exp(x_{i} + c)}{exp(c)+ \sum_{i} exp(x_{i} +c)} ``` c can be any value in theory. In practical, choice of constant c shall avoid $exp(c)$ and $exp(x_{i} +c)$ overflow (or underflow) at the same time. A reasonable choice is like formula 4: ```math c=-\max_{i} \{ x_i \} ``` or apply a constraint that c <=0 like the following formula 5: ```math c=-\max(0, \max_{i} \{ x_i \}) ``` The latter one (formula 5) ensures that $s_{i}$ will fallback to formula 2 when all elements are negative. For CPU provider, smooth softmax is implemented in MLAS. CPU implementation uses formula 5. @wangyems implemented the smooth softmax in flash attention for CUDA, which requires Ampere or newer GPU. The implementation of smooth softmax in flash attention uses formula 4. --------- Co-authored-by: Ye Wang --- docs/ContribOperators.md | 2 + .../contrib_ops/cpu/bert/attention_common.h | 1 + .../contrib_ops/cpu/bert/attention_helper.h | 43 +++- .../contrib_ops/cpu/bert/gqa_attention_base.h | 19 +- .../contrib_ops/cuda/bert/attention_impl.cu | 2 +- .../cuda/bert/flash_attention/flash.h | 2 + .../cuda/bert/flash_attention/flash_api.cc | 7 + .../cuda/bert/flash_attention/flash_api.h | 2 + .../bert/flash_attention/flash_fwd_kernel.h | 4 +- .../cuda/bert/flash_attention/softmax.h | 4 +- .../cuda/bert/group_query_attention.cc | 3 + .../cuda/bert/group_query_attention.h | 1 + .../cuda/bert/group_query_attention_impl.cu | 6 +- .../core/graph/contrib_ops/bert_defs.cc | 4 + onnxruntime/core/mlas/inc/mlas.h | 1 + onnxruntime/core/mlas/lib/compute.cpp | 93 +++------ .../core/providers/cpu/math/softmax_shared.cc | 2 +- onnxruntime/core/providers/cpu/ml/ml_common.h | 2 +- .../test/mlas/bench/bench_computesoftmax.cpp | 4 +- .../test/mlas/unittest/test_softmax.cpp | 22 +- .../test/python/transformers/benchmark_gqa.py | 51 +++-- .../transformers/benchmark_gqa_windows.py | 18 +- .../transformers/test_flash_attn_cuda.py | 94 ++++++++- .../test/python/transformers/test_gqa_cpu.py | 195 +++++++++++++----- .../transformers/test_sparse_attention.py | 14 +- 25 files changed, 435 insertions(+), 161 deletions(-) diff --git a/docs/ContribOperators.md b/docs/ContribOperators.md index 0048190f9063b..33d872254a255 100644 --- a/docs/ContribOperators.md +++ b/docs/ContribOperators.md @@ -2541,6 +2541,8 @@ This version of the operator has been available since version 1 of the 'com.micr
Rotate using interleaved pattern. Default value is 0 (False).
scale : float
Custom scale will be used if specified. Default value is 1/sqrt(head_size)
+
smooth_softmax : int
+
Use a smooth factor in softmax.
#### Inputs (7 - 9) diff --git a/onnxruntime/contrib_ops/cpu/bert/attention_common.h b/onnxruntime/contrib_ops/cpu/bert/attention_common.h index 1e01aa765ca6d..9e6671c26cf59 100644 --- a/onnxruntime/contrib_ops/cpu/bert/attention_common.h +++ b/onnxruntime/contrib_ops/cpu/bert/attention_common.h @@ -116,6 +116,7 @@ struct GroupQueryAttentionParameters { bool is_prompt; // determines if seqlens_k is past or kv sequence length tensor bool do_rotary; bool rotary_interleaved; + bool use_smooth_softmax; float scale; AttentionQkvFormat qkv_format; AttentionQkvFormat past_kv_format; diff --git a/onnxruntime/contrib_ops/cpu/bert/attention_helper.h b/onnxruntime/contrib_ops/cpu/bert/attention_helper.h index 29ae769ed89f1..04e120863d39e 100644 --- a/onnxruntime/contrib_ops/cpu/bert/attention_helper.h +++ b/onnxruntime/contrib_ops/cpu/bert/attention_helper.h @@ -16,6 +16,47 @@ using onnxruntime::concurrency::ThreadPool; namespace onnxruntime { namespace contrib { +template +void ComputeSmoothSoftmaxInplace(T* score, int N, int D, ThreadPool* tp) { + ThreadPool::TryParallelFor(tp, N, D * 2.0, [&](std::ptrdiff_t begin, std::ptrdiff_t end) { + for (std::ptrdiff_t j = begin; j != end; ++j) { + float* x = reinterpret_cast(score) + j * D; + float* y = x; + + float max = -std::numeric_limits::infinity(); + for (int i = 0; i < D; i++) { + if (max < x[i]) + max = x[i]; + } + + if (max < 0.0f) { + max = 0.0f; + } + + for (int i = 0; i < D; i++) { + y[i] = expf(x[i] - max); + } + + double sum = 0.0; + + for (int i = 0; i < D; i++) { + sum += x[i]; + } + + sum += exp(static_cast(-max)); + + for (int i = 0; i < D; i++) { + y[i] = x[i] / (float)sum; + } + } + }); +} + +template <> +inline void ComputeSmoothSoftmaxInplace(float* score, int N, int D, ThreadPool* tp) { + MlasComputeSoftmax(score, score, N, D, false, true, tp); +} + template void ComputeAttentionSoftmaxInplace(T* score, int N, int D, ThreadPool* tp) { ThreadPool::TryParallelFor(tp, N, D * 2.0, [&](std::ptrdiff_t begin, std::ptrdiff_t end) { @@ -58,7 +99,7 @@ void ComputeAttentionSoftmaxInplace(T* score, int N, int D, ThreadPool* tp) { template <> inline void ComputeAttentionSoftmaxInplace(float* score, int N, int D, ThreadPool* tp) { - MlasComputeSoftmax(score, score, N, D, false, tp); + MlasComputeSoftmax(score, score, N, D, false, false, tp); } template diff --git a/onnxruntime/contrib_ops/cpu/bert/gqa_attention_base.h b/onnxruntime/contrib_ops/cpu/bert/gqa_attention_base.h index 137612a4bf902..70f8564a2cbf2 100644 --- a/onnxruntime/contrib_ops/cpu/bert/gqa_attention_base.h +++ b/onnxruntime/contrib_ops/cpu/bert/gqa_attention_base.h @@ -30,6 +30,8 @@ class GQAAttentionBase { do_rotary_ = info.GetAttrOrDefault("do_rotary", 0) == 1; rotary_interleaved_ = info.GetAttrOrDefault("rotary_interleaved", 0) == 1; + use_smooth_softmax_ = info.GetAttrOrDefault("smooth_softmax", 0) == 1; + local_window_size_ = has_local ? static_cast(info.GetAttrOrDefault("local_window_size", -1)) : -1; } @@ -40,6 +42,8 @@ class GQAAttentionBase { bool rotary_interleaved_; int local_window_size_; + bool use_smooth_softmax_; + template Status ApplyAttention(const T* Q, // Q data with shape BxNxSxH const T* K, // K data with shape BxN_kvxSxH @@ -195,10 +199,19 @@ class GQAAttentionBase { for (int total_seq_id = 0; total_seq_id < seq_causal_length - local_window_size_ - 1; total_seq_id++) { output_softmax[total_seq_id] = 0.f; } - ComputeAttentionSoftmaxInplace(output_softmax + seq_causal_length - local_window_size_ - 1, 1, - local_window_size_ + 1, nullptr); + if (use_smooth_softmax_) { + ComputeSmoothSoftmaxInplace(output_softmax + seq_causal_length - local_window_size_ - 1, 1, + local_window_size_ + 1, nullptr); + } else { + ComputeAttentionSoftmaxInplace(output_softmax + seq_causal_length - local_window_size_ - 1, 1, + local_window_size_ + 1, nullptr); + } } else { - ComputeAttentionSoftmaxInplace(output_softmax, 1, seq_causal_length, nullptr); + if (use_smooth_softmax_) { + ComputeSmoothSoftmaxInplace(output_softmax, 1, seq_causal_length, nullptr); + } else { + ComputeAttentionSoftmaxInplace(output_softmax, 1, seq_causal_length, nullptr); + } } // set causal [seq_causal_length, total_seqlen) to 0.f diff --git a/onnxruntime/contrib_ops/cuda/bert/attention_impl.cu b/onnxruntime/contrib_ops/cuda/bert/attention_impl.cu index a02f5c7329b9a..347cf946e6ff3 100644 --- a/onnxruntime/contrib_ops/cuda/bert/attention_impl.cu +++ b/onnxruntime/contrib_ops/cuda/bert/attention_impl.cu @@ -303,7 +303,7 @@ Status FlashAttention( ORT_RETURN_IF_ERROR(onnxruntime::flash::mha_fwd( device_prop, stream, data.q, data.k, data.v, data.output, reinterpret_cast(data.scratch), parameters.batch_size, parameters.num_heads, parameters.num_heads, parameters.head_size, - parameters.sequence_length, parameters.total_sequence_length, scale, parameters.is_unidirectional, is_bf16, + parameters.sequence_length, parameters.total_sequence_length, scale, parameters.is_unidirectional, is_bf16, false, parameters.num_splits, reinterpret_cast(data.softmax_lse_accum), reinterpret_cast(data.out_accum), data.qkv_format == AttentionQkvFormat::Q_K_V_BSNH)); diff --git a/onnxruntime/contrib_ops/cuda/bert/flash_attention/flash.h b/onnxruntime/contrib_ops/cuda/bert/flash_attention/flash.h index 0463d3795b446..bcd87c1ab6251 100644 --- a/onnxruntime/contrib_ops/cuda/bert/flash_attention/flash.h +++ b/onnxruntime/contrib_ops/cuda/bert/flash_attention/flash.h @@ -121,6 +121,8 @@ struct Flash_fwd_params : public Qkv_params { bool is_rotary_interleaved = false; + bool smooth_softmax = false; + int num_splits = 0; // For split-KV version void* __restrict__ alibi_slopes_ptr = nullptr; diff --git a/onnxruntime/contrib_ops/cuda/bert/flash_attention/flash_api.cc b/onnxruntime/contrib_ops/cuda/bert/flash_attention/flash_api.cc index 967c04c52b182..f875d31f5ca7a 100644 --- a/onnxruntime/contrib_ops/cuda/bert/flash_attention/flash_api.cc +++ b/onnxruntime/contrib_ops/cuda/bert/flash_attention/flash_api.cc @@ -37,6 +37,7 @@ void set_params_fprop(Flash_fwd_params& params, float softmax_scale, bool is_causal, bool is_bf16, + bool use_smooth_softmax, bool kv_bsnh = true, int window_size_left = -1, int window_size_right = -1) { @@ -47,6 +48,7 @@ void set_params_fprop(Flash_fwd_params& params, params.o_ptr = out; params.is_bf16 = is_bf16; + params.smooth_softmax = use_smooth_softmax; // All stride are in elements, not bytes. if (kv_bsnh) { @@ -267,6 +269,7 @@ Status mha_fwd(const cudaDeviceProp& dprops, float softmax_scale, bool is_causal, bool is_bf16, + bool use_smooth_softmax, int num_splits, void* softmax_lse_accum, // num_splits x batch_size x seqlen_q x num_heads void* out_accum, // num_splits x batch_size x seqlen_q x num_heads x head_size_rounded @@ -293,6 +296,7 @@ Status mha_fwd(const cudaDeviceProp& dprops, softmax_scale, is_causal, is_bf16, + use_smooth_softmax, kv_bsnh, local_window_size, is_causal ? 0 : -1); @@ -365,6 +369,7 @@ Status mha_varlen_fwd(const cudaDeviceProp& dprops, softmax_scale, is_causal, is_bf16, + false, true, -1, is_causal ? 0 : -1); @@ -424,6 +429,7 @@ Status mha_fwd_kvcache(const cudaDeviceProp& dprops, const float softmax_scale, bool is_causal, bool is_bf16, + bool use_smooth_softmax, bool past_bsnh, // otherwise bnsh int num_splits, void* softmax_lse_accum, // num_splits x batch_size x seqlen_q x num_heads @@ -456,6 +462,7 @@ Status mha_fwd_kvcache(const cudaDeviceProp& dprops, softmax_scale, is_causal, is_bf16, + use_smooth_softmax, past_bsnh, local_window_size, is_causal ? 0 : -1); diff --git a/onnxruntime/contrib_ops/cuda/bert/flash_attention/flash_api.h b/onnxruntime/contrib_ops/cuda/bert/flash_attention/flash_api.h index 4c59561449851..baad0a938d377 100644 --- a/onnxruntime/contrib_ops/cuda/bert/flash_attention/flash_api.h +++ b/onnxruntime/contrib_ops/cuda/bert/flash_attention/flash_api.h @@ -52,6 +52,7 @@ Status mha_fwd(const cudaDeviceProp& dprops, float softmax_scale, bool is_causal, bool is_bf16, + bool use_smooth_softmax, int num_splits = 0, void* softmax_lse_accum = nullptr, // num_splits x batch_size x seqlen_q x num_heads void* out_accum = nullptr, // num_splits x batch_size x seqlen_q x num_heads x head_size_rounded @@ -105,6 +106,7 @@ Status mha_fwd_kvcache(const cudaDeviceProp& dprops, const float softmax_scale, bool is_causal, bool is_bf16, + bool use_smooth_softmax, bool past_bsnh, // otherwise bnsh int num_splits = 0, void* softmax_lse_accum = nullptr, // num_splits x batch_size x seqlen_q x num_heads diff --git a/onnxruntime/contrib_ops/cuda/bert/flash_attention/flash_fwd_kernel.h b/onnxruntime/contrib_ops/cuda/bert/flash_attention/flash_fwd_kernel.h index 1c8a93674a80b..b2aa3668a5be1 100644 --- a/onnxruntime/contrib_ops/cuda/bert/flash_attention/flash_fwd_kernel.h +++ b/onnxruntime/contrib_ops/cuda/bert/flash_attention/flash_fwd_kernel.h @@ -346,7 +346,7 @@ inline __device__ void compute_attn_1rowblock(const Params& params, const int bi // Epilogue - Tensor lse = softmax.template normalize_softmax_lse<>(acc_o, params.scale_softmax); + Tensor lse = softmax.template normalize_softmax_lse<>(acc_o, params.scale_softmax, params.smooth_softmax); // Convert acc_o from fp32 to fp16/bf16 Tensor rO = flash::convert_type(acc_o); @@ -902,7 +902,7 @@ inline __device__ void compute_attn_1rowblock_splitkv(const Params& params, cons // Epilogue - Tensor lse = softmax.template normalize_softmax_lse(acc_o, params.scale_softmax); + Tensor lse = softmax.template normalize_softmax_lse(acc_o, params.scale_softmax, params.smooth_softmax); Tensor sOaccum = make_tensor(make_smem_ptr(reinterpret_cast(smem_)), typename Kernel_traits::SmemLayoutO{}); // (SMEM_M,SMEM_N) // Partition sO to match the accumulator partitioning diff --git a/onnxruntime/contrib_ops/cuda/bert/flash_attention/softmax.h b/onnxruntime/contrib_ops/cuda/bert/flash_attention/softmax.h index ba678b740d376..7e0095cb39bd9 100644 --- a/onnxruntime/contrib_ops/cuda/bert/flash_attention/softmax.h +++ b/onnxruntime/contrib_ops/cuda/bert/flash_attention/softmax.h @@ -159,7 +159,7 @@ struct Softmax { }; template - __forceinline__ __device__ TensorT normalize_softmax_lse(Tensor0& acc_o, float softmax_scale) { + __forceinline__ __device__ TensorT normalize_softmax_lse(Tensor0& acc_o, float softmax_scale, bool smooth_softmax) { SumOp sum_op; quad_allreduce_(row_sum, row_sum, sum_op); TensorT lse = make_fragment_like(row_sum); @@ -167,7 +167,7 @@ struct Softmax { static_assert(decltype(size<0>(acc_o_rowcol))::value == kNRows); #pragma unroll for (int mi = 0; mi < size<0>(acc_o_rowcol); ++mi) { - float sum = row_sum(mi); + float sum = smooth_softmax ? row_sum(mi) + expf(-row_max(mi) * softmax_scale) : row_sum(mi); float inv_sum = (sum == 0.f || sum != sum) ? 1.f : 1.f / sum; lse(mi) = (sum == 0.f || sum != sum) ? (Split ? -INFINITY : INFINITY) : row_max(mi) * softmax_scale + __logf(sum); float scale = inv_sum; diff --git a/onnxruntime/contrib_ops/cuda/bert/group_query_attention.cc b/onnxruntime/contrib_ops/cuda/bert/group_query_attention.cc index 797f9b0a1ea47..48ecfd7304f4b 100644 --- a/onnxruntime/contrib_ops/cuda/bert/group_query_attention.cc +++ b/onnxruntime/contrib_ops/cuda/bert/group_query_attention.cc @@ -51,6 +51,7 @@ GroupQueryAttention::GroupQueryAttention(const OpKernelInfo& info) do_rotary_ = info.GetAttrOrDefault("do_rotary", 0) == 1; rotary_interleaved_ = info.GetAttrOrDefault("rotary_interleaved", 0) == 1; scale_ = info.GetAttrOrDefault("scale", 0.0f); + use_smooth_softmax_ = info.GetAttrOrDefault("smooth_softmax", 0) == 1; kernel_options_ = this->GetAttentionKernelOptions(); @@ -98,6 +99,7 @@ Status GroupQueryAttention::ComputeInternal(OpKernelContext* context) const { device_prop.maxThreadsPerBlock)); parameters.local_window_size = local_window_size_; parameters.is_unidirectional = is_unidirectional_; + parameters.use_smooth_softmax = use_smooth_softmax_; parameters.zeros_count = kZerosCount; parameters.zero_ptr = zeros_.get(); // parameters.left_padding = left_padding_; @@ -151,6 +153,7 @@ Status GroupQueryAttention::ComputeInternal(OpKernelContext* context) const { #if USE_MEMORY_EFFICIENT_ATTENTION int sm = (device_prop.major * 10) + device_prop.minor; bool use_memory_efficient_attention = + !use_smooth_softmax_ && !use_flash_attention && !disable_memory_efficient_attention_ && local_window_size_ == -1 && diff --git a/onnxruntime/contrib_ops/cuda/bert/group_query_attention.h b/onnxruntime/contrib_ops/cuda/bert/group_query_attention.h index 4ff5b0a59f021..872fe9fe05ad2 100644 --- a/onnxruntime/contrib_ops/cuda/bert/group_query_attention.h +++ b/onnxruntime/contrib_ops/cuda/bert/group_query_attention.h @@ -28,6 +28,7 @@ class GroupQueryAttention final : public CudaKernel { bool is_past_bsnh_; bool do_rotary_; bool rotary_interleaved_; + bool use_smooth_softmax_; float scale_; bool disable_flash_attention_; bool disable_memory_efficient_attention_; diff --git a/onnxruntime/contrib_ops/cuda/bert/group_query_attention_impl.cu b/onnxruntime/contrib_ops/cuda/bert/group_query_attention_impl.cu index b694de48d2961..63e94f95b04ff 100644 --- a/onnxruntime/contrib_ops/cuda/bert/group_query_attention_impl.cu +++ b/onnxruntime/contrib_ops/cuda/bert/group_query_attention_impl.cu @@ -678,9 +678,9 @@ Status FlashAttention( reinterpret_cast(data.softmax_lse), seqlens_k, cos_cache, sin_cache, /*block_table*/ nullptr, batch_size, num_heads, kv_num_heads, head_size, sequence_length, parameters.seqlen_present_kv_cache, kv_sequence_length, parameters.rotary_dim, - scale, is_causal, is_bf16, past_bsnh, parameters.num_splits, reinterpret_cast(data.softmax_lse_accum), - reinterpret_cast(data.out_accum), parameters.local_window_size, parameters.rotary_interleaved, - parameters.is_packed_qkv)); + scale, is_causal, is_bf16, parameters.use_smooth_softmax, past_bsnh, parameters.num_splits, + reinterpret_cast(data.softmax_lse_accum), reinterpret_cast(data.out_accum), + parameters.local_window_size, parameters.rotary_interleaved, parameters.is_packed_qkv)); // if (parameters.left_padding && parameters.is_prompt) { // ORT_RETURN_IF_ERROR(LaunchLeftPadLast(parameters, data, stream, device_prop.maxThreadsPerBlock)); diff --git a/onnxruntime/core/graph/contrib_ops/bert_defs.cc b/onnxruntime/core/graph/contrib_ops/bert_defs.cc index 334090e8f305f..dd3a06e3eb4ba 100644 --- a/onnxruntime/core/graph/contrib_ops/bert_defs.cc +++ b/onnxruntime/core/graph/contrib_ops/bert_defs.cc @@ -1073,6 +1073,10 @@ ONNX_MS_OPERATOR_SET_SCHEMA( "Rotate using interleaved pattern. Default value is 0 (False).", AttributeProto::INT, OPTIONAL_VALUE) + .Attr("smooth_softmax", + "Use a smooth factor in softmax.", + AttributeProto::INT, + static_cast(-1)) .Input(0, "query", "Query with shape (batch_size, sequence_length, hidden_size), or packed QKV with shape" diff --git a/onnxruntime/core/mlas/inc/mlas.h b/onnxruntime/core/mlas/inc/mlas.h index e46105324a7fb..bea4b91ebaa79 100644 --- a/onnxruntime/core/mlas/inc/mlas.h +++ b/onnxruntime/core/mlas/inc/mlas.h @@ -1013,6 +1013,7 @@ MlasComputeSoftmax( size_t N, size_t D, bool LogSoftmax, + bool SmoothSoftmax, MLAS_THREADPOOL* ThreadPool ); diff --git a/onnxruntime/core/mlas/lib/compute.cpp b/onnxruntime/core/mlas/lib/compute.cpp index f4c1e3da69289..73df23e64ca1f 100644 --- a/onnxruntime/core/mlas/lib/compute.cpp +++ b/onnxruntime/core/mlas/lib/compute.cpp @@ -71,6 +71,7 @@ MLAS_INTERNAL_DATA const float MlasMinimumF32Value = std::numeric_limits: struct MLAS_SOFTMAX_WORK_BLOCK { ptrdiff_t ThreadCountN; bool LogSoftmax; + bool SmoothSoftmax; const float* Input; float* Output; size_t N; @@ -81,7 +82,7 @@ MLAS_FORCEINLINE MLAS_FLOAT32X4 MlasComputeExpVector( MLAS_FLOAT32X4 Vector - ) +) /*++ Routine Description: @@ -186,7 +187,7 @@ MlasComputeExpF32Kernel( const float* Input, float* Output, size_t N - ) +) /*++ Routine Description: @@ -208,7 +209,6 @@ Return Value: --*/ { while (N > 0) { - MLAS_FLOAT32X4 Vector; if (N >= 4) { @@ -228,7 +228,6 @@ Return Value: Vector = MlasComputeExpVector(Vector); if (N >= 4) { - MlasStoreFloat32x4(Output, Vector); Input += 4; @@ -236,7 +235,6 @@ Return Value: N -= 4; } else { - MlasStoreLaneFloat32x4<0>(Output, Vector); Input += 1; @@ -252,7 +250,7 @@ MlasComputeExp( const float* Input, float* Output, size_t N - ) +) /*++ Routine Description: @@ -287,7 +285,7 @@ MLAS_FLOAT32X4 MlasComputeSumExpVector( MLAS_FLOAT32X4 Vector, MLAS_FLOAT32X4 NegativeMaximumVector - ) +) /*++ Routine Description: @@ -379,7 +377,7 @@ MlasComputeSumExpF32Kernel( float* Output, size_t N, const float* NegativeMaximum - ) +) /*++ Routine Description: @@ -411,7 +409,6 @@ Return Value: float Accumulator = 0.0f; if (N >= 4) { - MLAS_FLOAT32X4 AccumulatorVector = MlasZeroFloat32x4(); #if !defined(MLAS_SSE2_INTRINSICS) @@ -426,7 +423,6 @@ Return Value: // while (N >= 8) { - MLAS_FLOAT32X4 Vector0 = MlasLoadFloat32x4(Input); MLAS_FLOAT32X4 Vector1 = MlasLoadFloat32x4(Input + 4); @@ -448,7 +444,6 @@ Return Value: #endif while (N >= 4) { - MLAS_FLOAT32X4 Vector = MlasLoadFloat32x4(Input); Vector = MlasComputeSumExpVector(Vector, NegativeMaximumVector); @@ -467,7 +462,6 @@ Return Value: } while (N > 0) { - #if defined(MLAS_SSE2_INTRINSICS) // N.B. SSE2 lacks a broadcast load instruction, so avoid a shuffle and // use zeroes for the upper elements. @@ -498,7 +492,7 @@ MLASCALL MlasReduceMaximumF32Kernel( const float* Input, size_t N - ) +) /*++ Routine Description: @@ -521,17 +515,14 @@ Return Value: float Maximum = MlasMinimumF32Value; if (N >= 4) { - MLAS_FLOAT32X4 MaximumVector0 = MlasBroadcastFloat32x4(Maximum); if (N >= 16) { - MLAS_FLOAT32X4 MaximumVector1 = MaximumVector0; MLAS_FLOAT32X4 MaximumVector2 = MaximumVector0; MLAS_FLOAT32X4 MaximumVector3 = MaximumVector0; while (N >= 16) { - MaximumVector0 = MlasMaximumFloat32x4(MaximumVector0, MlasLoadFloat32x4(Input)); MaximumVector1 = MlasMaximumFloat32x4(MaximumVector1, MlasLoadFloat32x4(Input + 4)); MaximumVector2 = MlasMaximumFloat32x4(MaximumVector2, MlasLoadFloat32x4(Input + 8)); @@ -547,7 +538,6 @@ Return Value: } while (N >= 4) { - MaximumVector0 = MlasMaximumFloat32x4(MaximumVector0, MlasLoadFloat32x4(Input)); Input += 4; @@ -558,7 +548,6 @@ Return Value: } while (N > 0) { - Maximum = std::max(Maximum, *Input); Input += 1; @@ -575,18 +564,16 @@ MlasReduceMinimumMaximumF32Kernel( float* Min, float* Max, size_t N - ) +) { float tmp_min = std::numeric_limits::max(); float tmp_max = std::numeric_limits::lowest(); if (N >= 4) { - MLAS_FLOAT32X4 MaximumVector0 = MlasBroadcastFloat32x4(tmp_max); MLAS_FLOAT32X4 MinimumVector0 = MlasBroadcastFloat32x4(tmp_min); if (N >= 16) { - MLAS_FLOAT32X4 MaximumVector1 = MaximumVector0; MLAS_FLOAT32X4 MaximumVector2 = MaximumVector0; MLAS_FLOAT32X4 MaximumVector3 = MaximumVector0; @@ -596,7 +583,6 @@ MlasReduceMinimumMaximumF32Kernel( MLAS_FLOAT32X4 MinimumVector3 = MinimumVector0; while (N >= 16) { - MLAS_FLOAT32X4 InputVector0 = MlasLoadFloat32x4(Input); MLAS_FLOAT32X4 InputVector1 = MlasLoadFloat32x4(Input + 4); MLAS_FLOAT32X4 InputVector2 = MlasLoadFloat32x4(Input + 8); @@ -626,7 +612,6 @@ MlasReduceMinimumMaximumF32Kernel( } while (N >= 4) { - MLAS_FLOAT32X4 InputVector0 = MlasLoadFloat32x4(Input); MaximumVector0 = MlasMaximumFloat32x4(MaximumVector0, InputVector0); @@ -641,7 +626,6 @@ MlasReduceMinimumMaximumF32Kernel( } while (N > 0) { - tmp_max = std::max(tmp_max, *Input); tmp_min = std::min(tmp_min, *Input); @@ -659,7 +643,7 @@ MlasComputeSoftmaxOutputF32Kernel( float* Output, size_t N, const float* Parameters - ) +) /*++ Routine Description: @@ -686,7 +670,6 @@ Return Value: const MLAS_FLOAT32X4 ScaleVector = MlasBroadcastFloat32x4(Scale); while (N >= 16) { - MLAS_FLOAT32X4 Vector0 = MlasMultiplyFloat32x4(ScaleVector, MlasLoadFloat32x4(Output)); MLAS_FLOAT32X4 Vector1 = MlasMultiplyFloat32x4(ScaleVector, MlasLoadFloat32x4(Output + 4)); MLAS_FLOAT32X4 Vector2 = MlasMultiplyFloat32x4(ScaleVector, MlasLoadFloat32x4(Output + 8)); @@ -702,7 +685,6 @@ Return Value: } while (N >= 4) { - MlasStoreFloat32x4(Output, MlasMultiplyFloat32x4(ScaleVector, MlasLoadFloat32x4(Output))); Output += 4; @@ -710,7 +692,6 @@ Return Value: } while (N > 0) { - *Output *= Scale; Output += 1; @@ -725,7 +706,7 @@ MlasComputeLogSoftmaxOutputF32Kernel( float* Output, size_t N, const float* Parameters - ) +) /*++ Routine Description: @@ -757,7 +738,6 @@ Return Value: const MLAS_FLOAT32X4 LogarithmVector = MlasBroadcastFloat32x4(Logarithm); while (N >= 16) { - MLAS_FLOAT32X4 Vector0 = MlasLoadFloat32x4(Input); MLAS_FLOAT32X4 Vector1 = MlasLoadFloat32x4(Input + 4); MLAS_FLOAT32X4 Vector2 = MlasLoadFloat32x4(Input + 8); @@ -784,7 +764,6 @@ Return Value: } while (N >= 4) { - MLAS_FLOAT32X4 Vector = MlasLoadFloat32x4(Input); Vector = MlasAddFloat32x4(Vector, NegativeMaximumVector); Vector = MlasSubtractFloat32x4(Vector, LogarithmVector); @@ -796,7 +775,6 @@ Return Value: } while (N > 0) { - *Output = *Input + NegativeMaximum - Logarithm; Input += 1; @@ -809,7 +787,7 @@ void MlasComputeSoftmaxThreaded( void* Context, ptrdiff_t Index - ) +) /*++ Routine Description: @@ -846,6 +824,7 @@ Return Value: const size_t D = WorkBlock->D; const bool LogSoftmax = WorkBlock->LogSoftmax; + const bool SmoothSoftmax = WorkBlock->SmoothSoftmax; const float* Input = WorkBlock->Input + n * D; float* Output = WorkBlock->Output + n * D; @@ -857,7 +836,6 @@ Return Value: #endif while (CountN > 0) { - #if defined(MLAS_SSE2_INTRINSICS) // // Prefetch the next row of the input buffer. @@ -878,24 +856,30 @@ Return Value: float Maximum = MlasReduceMaximumF32Kernel(Input, D); #endif float NegativeMaximum = -Maximum; + if (SmoothSoftmax && NegativeMaximum > 0.0f) { + NegativeMaximum = 0.0f; + } - if (LogSoftmax) { - - // - // Compute the sum of the exponential functions for the row. - // - + // + // Compute the exponential function for each element of the row (save to Temp if provided) and + // compute the sum of these exponential functions. + // + float* Temp = LogSoftmax ? nullptr : Output; #if defined(MLAS_TARGET_AMD64) - float Accumulation = GetMlasPlatform().ComputeSumExpF32Kernel(Input, nullptr, D, &NegativeMaximum); + float Accumulation = GetMlasPlatform().ComputeSumExpF32Kernel(Input, Temp, D, &NegativeMaximum); #else - float Accumulation = MlasComputeSumExpF32Kernel(Input, nullptr, D, &NegativeMaximum); + float Accumulation = MlasComputeSumExpF32Kernel(Input, Temp, D, &NegativeMaximum); #endif + if (SmoothSoftmax) { + Accumulation += expf(NegativeMaximum); + } + + if (LogSoftmax) { // // Compute the log softmax output. // - - float Parameters[] = { NegativeMaximum, std::log(Accumulation)}; + float Parameters[] = {NegativeMaximum, std::log(Accumulation)}; #if defined(MLAS_TARGET_AMD64) || defined(MLAS_TARGET_LARCH64) GetMlasPlatform().ComputeLogSoftmaxOutputF32Kernel(Input, Output, D, Parameters); @@ -904,23 +888,10 @@ Return Value: #endif } else { - - // - // Compute the exponential function for each element of the row and - // compute the sum of these exponential functions. - // - -#if defined(MLAS_TARGET_AMD64) - float Accumulation = GetMlasPlatform().ComputeSumExpF32Kernel(Input, Output, D, &NegativeMaximum); -#else - float Accumulation = MlasComputeSumExpF32Kernel(Input, Output, D, &NegativeMaximum); -#endif - // // Normalize the softmax output. // - - float Parameters[] = { 1.0f / Accumulation }; + float Parameters[] = {1.0f / Accumulation}; #if defined(MLAS_TARGET_AMD64) || defined(MLAS_TARGET_LARCH64) GetMlasPlatform().ComputeSoftmaxOutputF32Kernel(Output, D, Parameters); @@ -943,8 +914,9 @@ MlasComputeSoftmax( size_t N, size_t D, bool LogSoftmax, + bool SmoothSoftmax, MLAS_THREADPOOL* ThreadPool - ) +) /*++ Routine Description: @@ -966,6 +938,8 @@ Routine Description: LogSoftmax - Supplies true if this is a log softmax operation, else false if this is a softmax operation. + SmoothSoftmax - Supplies true if a smooth factor is used in softmax operation. + ThreadPool - Supplies the thread pool object to use, else nullptr if the base library threading support should be used. @@ -982,6 +956,7 @@ Return Value: // WorkBlock.LogSoftmax = LogSoftmax; + WorkBlock.SmoothSoftmax = SmoothSoftmax; WorkBlock.Input = Input; WorkBlock.Output = Output; WorkBlock.N = N; diff --git a/onnxruntime/core/providers/cpu/math/softmax_shared.cc b/onnxruntime/core/providers/cpu/math/softmax_shared.cc index cae20b42725b8..2817dda9d0085 100644 --- a/onnxruntime/core/providers/cpu/math/softmax_shared.cc +++ b/onnxruntime/core/providers/cpu/math/softmax_shared.cc @@ -99,7 +99,7 @@ common::Status SoftmaxCPU(size_t N, float* Ydata, bool logarithmic, onnxruntime::concurrency::ThreadPool* thread_pool) { - MlasComputeSoftmax(Xdata, Ydata, N, D, logarithmic, thread_pool); + MlasComputeSoftmax(Xdata, Ydata, N, D, logarithmic, false, thread_pool); return Status::OK(); } diff --git a/onnxruntime/core/providers/cpu/ml/ml_common.h b/onnxruntime/core/providers/cpu/ml/ml_common.h index ed108eade05ab..2f4ebeabe043e 100644 --- a/onnxruntime/core/providers/cpu/ml/ml_common.h +++ b/onnxruntime/core/providers/cpu/ml/ml_common.h @@ -441,7 +441,7 @@ void batched_update_scores_inplace(gsl::span scores, int64_t num_batches_in, } if (use_mlas) { - MlasComputeSoftmax(s, s, num_batches, onnxruntime::narrow(batch_size), false, threadpool); + MlasComputeSoftmax(s, s, num_batches, onnxruntime::narrow(batch_size), false, false, threadpool); } else { while (s < s_end) { gsl::span scores_for_batch(s, s + batch_size); diff --git a/onnxruntime/test/mlas/bench/bench_computesoftmax.cpp b/onnxruntime/test/mlas/bench/bench_computesoftmax.cpp index 6181be873f73e..65822eb294d7d 100644 --- a/onnxruntime/test/mlas/bench/bench_computesoftmax.cpp +++ b/onnxruntime/test/mlas/bench/bench_computesoftmax.cpp @@ -58,10 +58,10 @@ void COMPUTESOFTMAXINPLACE(benchmark::State& state) { std::copy(data.begin(), data.end(), input); // Copy the data to the aligned memory // warming up run - MlasComputeSoftmax(input, output, N, D, false, tp.get()); + MlasComputeSoftmax(input, output, N, D, false, false, tp.get()); for (auto _ : state) { - MlasComputeSoftmax(input, output, N, D, false, tp.get()); + MlasComputeSoftmax(input, output, N, D, false, false, tp.get()); } free(ptr.underlying_buffer); diff --git a/onnxruntime/test/mlas/unittest/test_softmax.cpp b/onnxruntime/test/mlas/unittest/test_softmax.cpp index 4c5e11bbe9566..fb4ebbee77faf 100644 --- a/onnxruntime/test/mlas/unittest/test_softmax.cpp +++ b/onnxruntime/test/mlas/unittest/test_softmax.cpp @@ -23,13 +23,15 @@ class MlasSoftmaxTest : public MlasTestBase { Input[nd] = distribution(generator); } - Test(Input, Output, OutputReference, N, D, false); - Test(Input, Output, OutputReference, N, D, true); + Test(Input, Output, OutputReference, N, D, false, true); + Test(Input, Output, OutputReference, N, D, true, true); + Test(Input, Output, OutputReference, N, D, false, false); + Test(Input, Output, OutputReference, N, D, true, false); } - void Test(const float* Input, float* Output, float* OutputReference, size_t N, size_t D, bool LogSoftmax) { - MlasComputeSoftmax(Input, Output, N, D, LogSoftmax, threadpool_); - ReferenceSoftmax(Input, OutputReference, N, D, LogSoftmax); + void Test(const float* Input, float* Output, float* OutputReference, size_t N, size_t D, bool LogSoftmax, bool SmoothSoftmax) { + MlasComputeSoftmax(Input, Output, N, D, LogSoftmax, SmoothSoftmax, threadpool_); + ReferenceSoftmax(Input, OutputReference, N, D, LogSoftmax, SmoothSoftmax); constexpr float AbsoluteTolerance = 1e-6f; constexpr float RelativeTolerance = 1e-6f; @@ -42,7 +44,7 @@ class MlasSoftmaxTest : public MlasTestBase { } } - void ReferenceSoftmax(const float* Input, float* Output, size_t N, size_t D, bool LogSoftmax) { + void ReferenceSoftmax(const float* Input, float* Output, size_t N, size_t D, bool LogSoftmax, bool SmoothSoftmax) { for (size_t n = 0; n < N; n++) { float MaximumValue = std::numeric_limits::lowest(); @@ -50,6 +52,10 @@ class MlasSoftmaxTest : public MlasTestBase { MaximumValue = (std::max)(MaximumValue, Input[d]); } + if (SmoothSoftmax && MaximumValue < 0.0f) { + MaximumValue = 0.0f; + } + double Sum = 0.0; for (size_t d = 0; d < D; d++) { @@ -58,6 +64,10 @@ class MlasSoftmaxTest : public MlasTestBase { Output[d] = float(e); } + if (SmoothSoftmax) { + Sum += expf(-MaximumValue); + } + if (LogSoftmax) { float Scale = float(std::log(Sum)); diff --git a/onnxruntime/test/python/transformers/benchmark_gqa.py b/onnxruntime/test/python/transformers/benchmark_gqa.py index 5e028519b9f34..53d015a029083 100644 --- a/onnxruntime/test/python/transformers/benchmark_gqa.py +++ b/onnxruntime/test/python/transformers/benchmark_gqa.py @@ -37,6 +37,7 @@ def plot_prompt_performance( head_size: int, max_seq_len: int, local_window_size: Optional[int] = None, + use_smooth_softmax: bool = False, ): import triton @@ -55,6 +56,7 @@ def plot_prompt_performance( "kv_num_heads": kv_num_heads, "head_size": head_size, "local_window_size": local_window_size, + "use_smooth_softmax": use_smooth_softmax, }, ) ] @@ -68,6 +70,7 @@ def benchmark( kv_num_heads: int, head_size: int, local_window_size: Optional[int] = None, + use_smooth_softmax: bool = False, device="cuda", ): warmup = 15 @@ -82,6 +85,7 @@ def benchmark( kv_num_heads=kv_num_heads, head_size=head_size, local_window_size=local_window_size if provider in ["ort_gqa_local", "ort_gqa_local_packed"] else -1, + use_smooth_softmax=use_smooth_softmax, device=device, is_packed_qkv=provider in ["ort_gqa_packed", "ort_gqa_local_packed"], ) @@ -103,6 +107,7 @@ def plot_token_performance( head_size: int, max_seq_len: int, local_window_size: Optional[int] = None, + use_smooth_softmax: bool = False, ): import triton @@ -121,6 +126,7 @@ def plot_token_performance( "kv_num_heads": kv_num_heads, "head_size": head_size, "local_window_size": local_window_size, + "use_smooth_softmax": use_smooth_softmax, }, ) ] @@ -134,6 +140,7 @@ def benchmark( kv_num_heads: int, head_size: int, local_window_size: Optional[int] = None, + use_smooth_softmax: bool = False, device="cuda", ): warmup = 15 @@ -150,6 +157,7 @@ def benchmark( local_window_size=local_window_size if provider in ["ort_gqa_local", "ort_gqa_local_packed"] else -1, do_rotary=True, # Most models use rotary positional embeddings is_packed_qkv=provider in ["ort_gqa_packed", "ort_gqa_local_packed"], + use_smooth_softmax=use_smooth_softmax, device=device, ) @@ -186,26 +194,29 @@ def run_performance_test(sm: int): for num_heads, head_size, kv_num_heads, max_seq_len, local_window_size, model_name in configures: for batch_size in [1, 4]: - plot_prompt_performance( - sm=sm, - batch_size=batch_size, - num_heads=num_heads, - kv_num_heads=kv_num_heads, - head_size=head_size, - max_seq_len=min(threshold, max_seq_len), - local_window_size=local_window_size, - model_name=model_name, - ) - plot_token_performance( - sm=sm, - batch_size=batch_size, - num_heads=num_heads, - kv_num_heads=kv_num_heads, - head_size=head_size, - max_seq_len=min(threshold, max_seq_len), - local_window_size=local_window_size, - model_name=model_name, - ) + for use_smooth_softmax in [False, True]: + plot_prompt_performance( + sm=sm, + batch_size=batch_size, + num_heads=num_heads, + kv_num_heads=kv_num_heads, + head_size=head_size, + max_seq_len=min(threshold, max_seq_len), + local_window_size=local_window_size, + use_smooth_softmax=use_smooth_softmax, + model_name=model_name, + ) + plot_token_performance( + sm=sm, + batch_size=batch_size, + num_heads=num_heads, + kv_num_heads=kv_num_heads, + head_size=head_size, + max_seq_len=min(threshold, max_seq_len), + local_window_size=local_window_size, + use_smooth_softmax=use_smooth_softmax, + model_name=model_name, + ) if __name__ == "__main__": diff --git a/onnxruntime/test/python/transformers/benchmark_gqa_windows.py b/onnxruntime/test/python/transformers/benchmark_gqa_windows.py index b781ccf03f138..79cc8e41bf343 100644 --- a/onnxruntime/test/python/transformers/benchmark_gqa_windows.py +++ b/onnxruntime/test/python/transformers/benchmark_gqa_windows.py @@ -19,6 +19,7 @@ def save_results(results, filename): "Max Sequence Length", "Sequence Length", "Past Sequence Length", + "Smooth Softmax", "Model Name", ], ) @@ -36,6 +37,7 @@ def benchmark( sequence_length: int = 1, past_sequence_length: int = 0, local_window_size: Optional[int] = None, + use_smooth_softmax: bool = False, model_name: str = "Llama3-8B", ): warmup = 15 @@ -50,6 +52,7 @@ def benchmark( kv_num_heads=kv_num_heads, head_size=head_size, local_window_size=local_window_size if local_window_size else -1, + use_smooth_softmax=use_smooth_softmax, do_rotary=True, # Most models use rotary positional embeddings is_packed_qkv=model_name in ["Phi-3-mini-128k", "Phi-3-small-128k"], device="cuda", @@ -93,6 +96,8 @@ def run_performance_tests(args): # Reduce max sequence length when GPU memory is not enough. threshold = 131072 if memory_in_gb > 24 else 65536 if memory_in_gb > 12 else 32768 + smooth_softmax = args.use_smooth_softmax + all_metrics = [] for num_heads, head_size, kv_num_heads, max_seq_len, local_window_size, model_name in configures: prompt_metrics_model = [] @@ -131,6 +136,7 @@ def run_performance_tests(args): sequence_length=sequence_length, max_seq_len=min(threshold, max_seq_len), local_window_size=local_window_size, + use_smooth_softmax=smooth_softmax, model_name=model_name, ) metrics = [*metrics, batch_size, max_seq_len, sequence_length, 0, model_name] @@ -169,9 +175,10 @@ def run_performance_tests(args): past_sequence_length=past_sequence_length, max_seq_len=min(threshold, max_seq_len), local_window_size=local_window_size, + use_smooth_softmax=smooth_softmax, model_name=model_name, ) - metrics = [*metrics, batch_size, max_seq_len, 1, past_sequence_length, model_name] + metrics = [*metrics, batch_size, max_seq_len, 1, past_sequence_length, smooth_softmax, model_name] token_metrics_model.append(metrics) all_metrics.append(metrics) # Calculate average inference interval and throughput for each model @@ -209,6 +216,15 @@ def run_performance_tests(args): default="flash_attention", help="GQA Kernel to use for benchmarking. Options: flash_attention, memory_efficient", ) + + parser.add_argument( + "--use_smooth_softmax", + required=False, + action="store_true", + help="test smooth softmax", + ) + parser.set_defaults(use_smooth_softmax=False) + args = parser.parse_args() if args.kernel == "memory_efficient": diff --git a/onnxruntime/test/python/transformers/test_flash_attn_cuda.py b/onnxruntime/test/python/transformers/test_flash_attn_cuda.py index 84bf30b65a742..17b9276a882eb 100644 --- a/onnxruntime/test/python/transformers/test_flash_attn_cuda.py +++ b/onnxruntime/test/python/transformers/test_flash_attn_cuda.py @@ -22,6 +22,7 @@ from onnx import TensorProto, helper from packaging import version from parameterized import parameterized +from test_gqa_cpu import smooth_softmax_ref from onnxruntime import InferenceSession, OrtValue, SessionOptions @@ -222,6 +223,7 @@ def create_group_query_attention_graph_prompt( rotary=False, rotary_interleaved=False, packed=False, + use_smooth_softmax=False, ): past_kv_seqlen = config.buffer_sequence_length if share_buffer else 0 present_kv_seqlen = config.buffer_sequence_length if share_buffer else config.kv_sequence_length @@ -246,6 +248,7 @@ def create_group_query_attention_graph_prompt( local_window_size=local_window_size, do_rotary=rotary, rotary_interleaved=rotary_interleaved, + smooth_softmax=1 if use_smooth_softmax else 0, # is_past_bsnh=1 if past_kv_format == Formats.BSNH else 0, # kv_share_buffer=1 if share_buffer else 0, domain="com.microsoft", @@ -408,6 +411,7 @@ def create_group_query_attention_graph_past( rotary=False, rotary_interleaved=False, packed=False, + use_smooth_softmax=False, ): past_kv_seqlen = config.kv_sequence_length present_kv_seqlen = ( @@ -434,6 +438,7 @@ def create_group_query_attention_graph_past( local_window_size=local_window_size, do_rotary=rotary, rotary_interleaved=rotary_interleaved, + smooth_softmax=1 if use_smooth_softmax else 0, # is_past_bsnh=1 if past_kv_format == Formats.BSNH else 0, # kv_share_buffer=1 if share_buffer else 0, domain="com.microsoft", @@ -783,6 +788,7 @@ def gqa_prompt_func( past_kv_format=Formats.BSNH, share_buffer=True, rotary_interleaved=False, + use_smooth_softmax=False, ): onnx_model_str = create_group_query_attention_graph_prompt( config, @@ -792,6 +798,7 @@ def gqa_prompt_func( rotary=cos is not None, rotary_interleaved=rotary_interleaved, packed=new_k is None, + use_smooth_softmax=use_smooth_softmax, ) q = torch.reshape(q, (config.batch_size, config.q_sequence_length, -1)) past_k = k.clone() if share_buffer else None @@ -888,6 +895,7 @@ def gqa_past_func( share_buffer=True, window_size=-1, rotary_interleaved=False, + use_smooth_softmax=False, ): onnx_model_str = create_group_query_attention_graph_past( config, @@ -897,6 +905,7 @@ def gqa_past_func( rotary=cos is not None, rotary_interleaved=rotary_interleaved, packed=new_k is None, + use_smooth_softmax=use_smooth_softmax, ) q = torch.reshape(q, (config.batch_size, config.sequence_length, -1)) past_k = k.clone() @@ -1033,6 +1042,7 @@ def attention_ref( window_size=(-1, -1), # -1 means infinite window size upcast=True, reorder_ops=False, + use_smooth_softmax=False, ): """ Arguments: @@ -1079,7 +1089,12 @@ def attention_ref( q.device, ) scores.masked_fill_(local_mask, float("-inf")) - attention = torch.softmax(scores, dim=-1) + + if use_smooth_softmax: + attention = smooth_softmax_ref(scores) + else: + attention = torch.softmax(scores, dim=-1) + # Some rows might be completely masked out so we fill them with zero instead of NaN if window_size[0] >= 0 or window_size[1] >= 0: attention = attention.masked_fill(torch.all(local_mask, dim=-1, keepdim=True), 0.0) @@ -1099,7 +1114,14 @@ def attention_ref( def attention_qkvpacked_ref( - qkv, key_padding_mask=None, dropout_p=0.0, dropout_mask=None, causal=False, upcast=True, reorder_ops=False + qkv, + key_padding_mask=None, + dropout_p=0.0, + dropout_mask=None, + causal=False, + upcast=True, + reorder_ops=False, + use_smooth_softmax=False, ): return attention_ref( qkv[:, :, 0], @@ -1112,6 +1134,7 @@ def attention_qkvpacked_ref( upcast=upcast, causal=causal, reorder_ops=reorder_ops, + use_smooth_softmax=use_smooth_softmax, ) @@ -1192,6 +1215,7 @@ def parity_check_gqa_prompt( rotary=False, rotary_interleaved=False, packed=False, + use_smooth_softmax=False, rtol=1e-3, atol=1e-3, ): @@ -1306,7 +1330,16 @@ def parity_check_gqa_prompt( v_cache_rep = repeat(v_cache_ref, "b s h d -> b s (h g) d", g=config.num_heads // config.kv_num_heads) key_padding_mask = arange < cache_seqlens_expanded out_ref, _ = attention_ref( - q_ro, k_cache_rep, v_cache_rep, None, key_padding_mask, 0.0, None, causal=True, window_size=window_size + q_ro, + k_cache_rep, + v_cache_rep, + None, + key_padding_mask, + 0.0, + None, + causal=True, + window_size=window_size, + use_smooth_softmax=use_smooth_softmax, ) out_ref = out_ref.detach().cpu().numpy() if past_format == Formats.BNSH: @@ -1330,6 +1363,7 @@ def parity_check_gqa_prompt( past_format, True, rotary_interleaved, + use_smooth_softmax=use_smooth_softmax, ) else: out, present_k, present_v = gqa_prompt_func( @@ -1346,6 +1380,7 @@ def parity_check_gqa_prompt( past_format, True, rotary_interleaved, + use_smooth_softmax=use_smooth_softmax, ) out = torch.squeeze(out, 0) out = torch.reshape(out, (config.batch_size, config.q_sequence_length, config.num_heads, config.head_size)) @@ -1374,6 +1409,7 @@ def parity_check_gqa_prompt_no_buff( rotary=False, rotary_interleaved=False, packed=False, + use_smooth_softmax=False, rtol=1e-3, atol=1e-3, ): @@ -1465,7 +1501,16 @@ def parity_check_gqa_prompt_no_buff( k_cache_rep = repeat(k_cache_ref, "b s h d -> b s (h g) d", g=config.num_heads // config.kv_num_heads) v_cache_rep = repeat(v_cache_ref, "b s h d -> b s (h g) d", g=config.num_heads // config.kv_num_heads) out_ref, _ = attention_ref( - q_ro, k_cache_rep, v_cache_rep, None, new_mask, 0.0, None, causal=True, window_size=window_size + q_ro, + k_cache_rep, + v_cache_rep, + None, + new_mask, + 0.0, + None, + causal=True, + window_size=window_size, + use_smooth_softmax=use_smooth_softmax, ) out_ref = out_ref.detach().cpu().numpy() if past_format == Formats.BNSH: @@ -1489,6 +1534,7 @@ def parity_check_gqa_prompt_no_buff( past_format, False, rotary_interleaved, + use_smooth_softmax=use_smooth_softmax, ) else: out, present_k, present_v = gqa_prompt_func( @@ -1505,6 +1551,7 @@ def parity_check_gqa_prompt_no_buff( past_format, False, rotary_interleaved, + use_smooth_softmax=use_smooth_softmax, ) out = torch.squeeze(out, 0) out = torch.reshape(out, (config.batch_size, config.q_sequence_length, config.num_heads, config.head_size)) @@ -1512,7 +1559,8 @@ def parity_check_gqa_prompt_no_buff( err_msg = ( f" with {config}, causal={causal}, local={local}, past_format={past_format}," - f" rotary={rotary}, rotary_interleaved={rotary_interleaved}, packed={packed}" + f" rotary={rotary}, rotary_interleaved={rotary_interleaved}, packed={packed}," + f" use_smooth_softmax={use_smooth_softmax}" ) # Make sure past-present buffer updating correctly numpy.testing.assert_allclose( @@ -1533,6 +1581,7 @@ def parity_check_gqa_past( rotary=False, rotary_interleaved=False, packed=False, + use_smooth_softmax=False, rtol=1e-3, atol=1e-3, ): @@ -1643,7 +1692,16 @@ def parity_check_gqa_past( v_cache_rep = repeat(v_cache_ref, "b s h d -> b s (h g) d", g=config.num_heads // config.kv_num_heads) key_padding_mask = arange < cache_seqlens_expanded + config.sequence_length out_ref, _ = attention_ref( - q_ro, k_cache_rep, v_cache_rep, None, key_padding_mask, 0.0, None, causal=True, window_size=window_size + q_ro, + k_cache_rep, + v_cache_rep, + None, + key_padding_mask, + 0.0, + None, + causal=True, + window_size=window_size, + use_smooth_softmax=use_smooth_softmax, ) out_ref = out_ref.detach().cpu().numpy() if past_format == Formats.BNSH: @@ -1667,6 +1725,7 @@ def parity_check_gqa_past( True, left_window_size, rotary_interleaved, + use_smooth_softmax=use_smooth_softmax, ) else: out, present_k, present_v = gqa_past_func( @@ -1683,6 +1742,7 @@ def parity_check_gqa_past( True, left_window_size, rotary_interleaved, + use_smooth_softmax=use_smooth_softmax, ) out = torch.squeeze(out, 0) out = torch.reshape(out, (config.batch_size, config.sequence_length, config.num_heads, config.head_size)) @@ -1711,6 +1771,7 @@ def parity_check_gqa_past_no_buff( rotary=False, rotary_interleaved=False, packed=False, + use_smooth_softmax=False, rtol=1e-3, atol=1e-3, ): @@ -1827,7 +1888,16 @@ def parity_check_gqa_past_no_buff( v_cache_rep = repeat(v_cache_ref, "b s h d -> b s (h g) d", g=config.num_heads // config.kv_num_heads) key_padding_mask = arange < cache_seqlens_expanded + config.sequence_length out_ref, _ = attention_ref( - q_ro, k_cache_rep, v_cache_rep, None, key_padding_mask, 0.0, None, causal=True, window_size=window_size + q_ro, + k_cache_rep, + v_cache_rep, + None, + key_padding_mask, + 0.0, + None, + causal=True, + window_size=window_size, + use_smooth_softmax=use_smooth_softmax, ) out_ref = out_ref.detach().cpu().numpy() if past_format == Formats.BNSH: @@ -1851,6 +1921,7 @@ def parity_check_gqa_past_no_buff( False, window_size=left_window_size, rotary_interleaved=rotary_interleaved, + use_smooth_softmax=use_smooth_softmax, ) else: out, present_k, present_v = gqa_past_func( @@ -1867,6 +1938,7 @@ def parity_check_gqa_past_no_buff( False, window_size=left_window_size, rotary_interleaved=rotary_interleaved, + use_smooth_softmax=use_smooth_softmax, ) out = torch.squeeze(out, 0) out = torch.reshape(out, (config.batch_size, config.sequence_length, config.num_heads, config.head_size)) @@ -2137,6 +2209,7 @@ def test_gqa_no_past_memory_efficient(self, _, config, rotary, rotary_interleave rotary=rotary, rotary_interleaved=rotary_interleaved, packed=packed, + use_smooth_softmax=False, ) parity_check_gqa_prompt_no_buff( config, @@ -2146,6 +2219,7 @@ def test_gqa_no_past_memory_efficient(self, _, config, rotary, rotary_interleave rotary=rotary, rotary_interleaved=rotary_interleaved, packed=packed, + use_smooth_softmax=False, ) @parameterized.expand(gqa_no_past_flash_attention_test_cases()) @@ -2162,6 +2236,7 @@ def test_gqa_no_past_flash_attention(self, _, config, local, rotary, rotary_inte rotary=rotary, rotary_interleaved=rotary_interleaved, packed=packed, + use_smooth_softmax=True, ) parity_check_gqa_prompt_no_buff( config, @@ -2170,6 +2245,7 @@ def test_gqa_no_past_flash_attention(self, _, config, local, rotary, rotary_inte rotary=rotary, rotary_interleaved=rotary_interleaved, packed=packed, + use_smooth_softmax=False, ) @parameterized.expand(gqa_past_memory_efficient_test_cases()) @@ -2187,6 +2263,7 @@ def test_gqa_past_memory_efficient(self, _, config, rotary, rotary_interleaved, rotary=rotary, rotary_interleaved=rotary_interleaved, packed=packed, + use_smooth_softmax=False, ) parity_check_gqa_past_no_buff( config, @@ -2196,6 +2273,7 @@ def test_gqa_past_memory_efficient(self, _, config, rotary, rotary_interleaved, rotary=rotary, rotary_interleaved=rotary_interleaved, packed=packed, + use_smooth_softmax=False, ) @parameterized.expand(gqa_past_flash_attention_test_cases()) @@ -2214,6 +2292,7 @@ def test_gqa_past_flash_attention(self, _, config, local, rotary, rotary_interle rotary=rotary, rotary_interleaved=rotary_interleaved, packed=packed, + use_smooth_softmax=False, ) parity_check_gqa_past_no_buff( config, @@ -2224,6 +2303,7 @@ def test_gqa_past_flash_attention(self, _, config, local, rotary, rotary_interle rotary=rotary, rotary_interleaved=rotary_interleaved, packed=packed, + use_smooth_softmax=True, ) diff --git a/onnxruntime/test/python/transformers/test_gqa_cpu.py b/onnxruntime/test/python/transformers/test_gqa_cpu.py index b6b8aee15852f..eeba0baccf15b 100644 --- a/onnxruntime/test/python/transformers/test_gqa_cpu.py +++ b/onnxruntime/test/python/transformers/test_gqa_cpu.py @@ -145,6 +145,7 @@ def create_group_query_attention_graph_prompt( rotary=False, rotary_interleaved=False, packed=False, + use_smooth_softmax=False, ): past_kv_seqlen = config.buffer_sequence_length if share_buffer else 0 present_kv_seqlen = config.buffer_sequence_length if share_buffer else config.kv_sequence_length @@ -169,6 +170,7 @@ def create_group_query_attention_graph_prompt( local_window_size=local_window_size, do_rotary=rotary, rotary_interleaved=rotary_interleaved, + smooth_softmax=1 if use_smooth_softmax else 0, # is_past_bsnh=1 if past_kv_format == Formats.BSNH else 0, # kv_share_buffer=1 if share_buffer else 0, domain="com.microsoft", @@ -331,6 +333,7 @@ def create_group_query_attention_graph_past( rotary=False, rotary_interleaved=False, packed=False, + use_smooth_softmax=False, ): past_kv_seqlen = config.kv_sequence_length present_kv_seqlen = ( @@ -357,6 +360,7 @@ def create_group_query_attention_graph_past( local_window_size=local_window_size, do_rotary=rotary, rotary_interleaved=rotary_interleaved, + smooth_softmax=1 if use_smooth_softmax else 0, # is_past_bsnh=1 if past_kv_format == Formats.BSNH else 0, # kv_share_buffer=1 if share_buffer else 0, domain="com.microsoft", @@ -667,6 +671,7 @@ def gqa_prompt_func( past_kv_format=Formats.BSNH, share_buffer=True, rotary_interleaved=False, + use_smooth_softmax=False, ): onnx_model_str = create_group_query_attention_graph_prompt( config, @@ -676,6 +681,7 @@ def gqa_prompt_func( rotary=cos is not None, rotary_interleaved=rotary_interleaved, packed=new_k is None, + use_smooth_softmax=use_smooth_softmax, ) q = torch.reshape(q, (config.batch_size, config.q_sequence_length, -1)) past_k = k.clone() if share_buffer else None @@ -773,6 +779,7 @@ def gqa_past_func( share_buffer=True, window_size=-1, rotary_interleaved=False, + use_smooth_softmax=False, ): onnx_model_str = create_group_query_attention_graph_past( config, @@ -782,6 +789,7 @@ def gqa_past_func( rotary=cos is not None, rotary_interleaved=rotary_interleaved, packed=new_k is None, + use_smooth_softmax=use_smooth_softmax, ) q = torch.reshape(q, (config.batch_size, config.sequence_length, -1)) past_k = k.clone() @@ -906,6 +914,13 @@ def construct_local_mask( ) +def smooth_softmax_ref(x): + x_max = x.amax(axis=-1, keepdim=True) + x_max = torch.maximum(x_max, torch.zeros_like(x_max)) + w = torch.exp(x - x_max) + return w * torch.reciprocal(w.sum(axis=-1, keepdim=True) + torch.exp(-x_max)) + + def attention_ref( q, k, @@ -918,6 +933,7 @@ def attention_ref( window_size=(-1, -1), # -1 means infinite window size upcast=True, reorder_ops=False, + use_smooth_softmax=False, ): """ Arguments: @@ -935,6 +951,7 @@ def attention_ref( reorder_ops: whether to change the order of operations (scaling k instead of scaling k, etc.) without changing the math. This is to estimate the numerical error from operation reordering. + use_smooth_softmax: whether use smooth softmax or not Output: output: (batch_size, seqlen_q, nheads, head_dim) attention: (batch_size, nheads, seqlen_q, seqlen_k), softmax after dropout @@ -964,10 +981,16 @@ def attention_ref( q.device, ) scores.masked_fill_(local_mask, float("-inf")) - attention = torch.softmax(scores, dim=-1) + + if use_smooth_softmax: + attention = smooth_softmax_ref(scores) + else: + attention = torch.softmax(scores, dim=-1) + # Some rows might be completely masked out so we fill them with zero instead of NaN if window_size[0] >= 0 or window_size[1] >= 0: attention = attention.masked_fill(torch.all(local_mask, dim=-1, keepdim=True), 0.0) + # We want to mask here so that the attention matrix doesn't have any NaNs # Otherwise we'll get NaN in dV if query_padding_mask is not None: @@ -984,7 +1007,14 @@ def attention_ref( def attention_qkvpacked_ref( - qkv, key_padding_mask=None, dropout_p=0.0, dropout_mask=None, causal=False, upcast=True, reorder_ops=False + qkv, + key_padding_mask=None, + dropout_p=0.0, + dropout_mask=None, + causal=False, + upcast=True, + reorder_ops=False, + use_smooth_softmax=False, ): return attention_ref( qkv[:, :, 0], @@ -997,6 +1027,7 @@ def attention_qkvpacked_ref( upcast=upcast, causal=causal, reorder_ops=reorder_ops, + use_smooth_softmax=use_smooth_softmax, ) @@ -1008,6 +1039,7 @@ def parity_check_gqa_prompt( rotary=False, rotary_interleaved=False, packed=False, + use_smooth_softmax=False, rtol=1e-3, atol=1e-3, ): @@ -1108,7 +1140,16 @@ def parity_check_gqa_prompt( v_cache_rep = repeat(v_cache_ref, "b s h d -> b s (h g) d", g=config.num_heads // config.kv_num_heads) key_padding_mask = arange < cache_seqlens_expanded out_ref, _ = attention_ref( - q_ro, k_cache_rep, v_cache_rep, None, key_padding_mask, 0.0, None, causal=True, window_size=window_size + q_ro, + k_cache_rep, + v_cache_rep, + None, + key_padding_mask, + 0.0, + None, + causal=True, + window_size=window_size, + use_smooth_softmax=use_smooth_softmax, ) out_ref = out_ref.detach().cpu().numpy() if past_format == Formats.BNSH: @@ -1132,6 +1173,7 @@ def parity_check_gqa_prompt( past_format, True, rotary_interleaved, + use_smooth_softmax=use_smooth_softmax, ) else: out, present_k, present_v = gqa_prompt_func( @@ -1148,6 +1190,7 @@ def parity_check_gqa_prompt( past_format, True, rotary_interleaved, + use_smooth_softmax=use_smooth_softmax, ) out = torch.squeeze(out, 0) out = torch.reshape(out, (config.batch_size, config.q_sequence_length, config.num_heads, config.head_size)) @@ -1172,6 +1215,8 @@ def parity_check_gqa_prompt( rotary, " rotary_interleaved:", rotary_interleaved, + " smooth_softmax:", + use_smooth_softmax, "past kv format:", "BSNH" if past_format == Formats.BSNH else "BNSH", " B:", @@ -1201,6 +1246,7 @@ def parity_check_gqa_prompt_no_buff( rotary=False, rotary_interleaved=False, packed=False, + use_smooth_softmax=False, rtol=1e-3, atol=1e-3, ): @@ -1275,7 +1321,16 @@ def parity_check_gqa_prompt_no_buff( k_cache_rep = repeat(k_cache_ref, "b s h d -> b s (h g) d", g=config.num_heads // config.kv_num_heads) v_cache_rep = repeat(v_cache_ref, "b s h d -> b s (h g) d", g=config.num_heads // config.kv_num_heads) out_ref, _ = attention_ref( - q_ro, k_cache_rep, v_cache_rep, None, new_mask, 0.0, None, causal=True, window_size=window_size + q_ro, + k_cache_rep, + v_cache_rep, + None, + new_mask, + 0.0, + None, + causal=True, + window_size=window_size, + use_smooth_softmax=use_smooth_softmax, ) out_ref = out_ref.detach().cpu().numpy() if past_format == Formats.BNSH: @@ -1299,6 +1354,7 @@ def parity_check_gqa_prompt_no_buff( past_format, False, rotary_interleaved, + use_smooth_softmax=use_smooth_softmax, ) else: out, present_k, present_v = gqa_prompt_func( @@ -1315,6 +1371,7 @@ def parity_check_gqa_prompt_no_buff( past_format, False, rotary_interleaved, + use_smooth_softmax=use_smooth_softmax, ) out = torch.squeeze(out, 0) out = torch.reshape(out, (config.batch_size, config.q_sequence_length, config.num_heads, config.head_size)) @@ -1339,6 +1396,8 @@ def parity_check_gqa_prompt_no_buff( rotary, " rotary_interleaved:", rotary_interleaved, + " smooth_softmax:", + use_smooth_softmax, "past kv format:", "BSNH" if past_format == Formats.BSNH else "BNSH", " B:", @@ -1368,6 +1427,7 @@ def parity_check_gqa_past( rotary=False, rotary_interleaved=False, packed=False, + use_smooth_softmax=False, rtol=1e-3, atol=1e-3, ): @@ -1473,7 +1533,16 @@ def parity_check_gqa_past( v_cache_rep = repeat(v_cache_ref, "b s h d -> b s (h g) d", g=config.num_heads // config.kv_num_heads) key_padding_mask = arange < cache_seqlens_expanded + config.sequence_length out_ref, _ = attention_ref( - q_ro, k_cache_rep, v_cache_rep, None, key_padding_mask, 0.0, None, causal=True, window_size=window_size + q_ro, + k_cache_rep, + v_cache_rep, + None, + key_padding_mask, + 0.0, + None, + causal=True, + window_size=window_size, + use_smooth_softmax=use_smooth_softmax, ) out_ref = out_ref.detach().cpu().numpy() if past_format == Formats.BNSH: @@ -1497,6 +1566,7 @@ def parity_check_gqa_past( True, left_window_size, rotary_interleaved, + use_smooth_softmax=use_smooth_softmax, ) else: out, present_k, present_v = gqa_past_func( @@ -1513,6 +1583,7 @@ def parity_check_gqa_past( True, left_window_size, rotary_interleaved, + use_smooth_softmax=use_smooth_softmax, ) out = torch.squeeze(out, 0) out = torch.reshape(out, (config.batch_size, config.sequence_length, config.num_heads, config.head_size)) @@ -1539,6 +1610,8 @@ def parity_check_gqa_past( rotary, " rotary_interleaved:", rotary_interleaved, + " smooth_softmax:", + use_smooth_softmax, " B:", config.batch_size, " S:", @@ -1566,6 +1639,7 @@ def parity_check_gqa_past_no_buff( rotary=False, rotary_interleaved=False, packed=False, + use_smooth_softmax=False, rtol=1e-3, atol=1e-3, ): @@ -1677,7 +1751,16 @@ def parity_check_gqa_past_no_buff( v_cache_rep = repeat(v_cache_ref, "b s h d -> b s (h g) d", g=config.num_heads // config.kv_num_heads) key_padding_mask = arange < cache_seqlens_expanded + config.sequence_length out_ref, _ = attention_ref( - q_ro, k_cache_rep, v_cache_rep, None, key_padding_mask, 0.0, None, causal=True, window_size=window_size + q_ro, + k_cache_rep, + v_cache_rep, + None, + key_padding_mask, + 0.0, + None, + causal=True, + window_size=window_size, + use_smooth_softmax=use_smooth_softmax, ) out_ref = out_ref.detach().cpu().numpy() if past_format == Formats.BNSH: @@ -1701,6 +1784,7 @@ def parity_check_gqa_past_no_buff( False, window_size=left_window_size, rotary_interleaved=rotary_interleaved, + use_smooth_softmax=use_smooth_softmax, ) else: out, present_k, present_v = gqa_past_func( @@ -1717,6 +1801,7 @@ def parity_check_gqa_past_no_buff( False, window_size=left_window_size, rotary_interleaved=rotary_interleaved, + use_smooth_softmax=use_smooth_softmax, ) out = torch.squeeze(out, 0) out = torch.reshape(out, (config.batch_size, config.sequence_length, config.num_heads, config.head_size)) @@ -1737,6 +1822,8 @@ def parity_check_gqa_past_no_buff( rotary, " rotary_interleaved:", rotary_interleaved, + " smooth_softmax:", + use_smooth_softmax, "past kv format:", "BSNH" if past_format == Formats.BSNH else "BNSH", " B:", @@ -1787,26 +1874,29 @@ def test_gqa_no_past(self): for local in [False, True]: for rotary, rotary_interleaved in [(False, False), (True, False), (True, True)]: for packed in [False, True]: - config = PromptConfig(b, sq, skv, sq + skv + 8, n, n2, h) - past_kv_format = Formats.BNSH - all_close = parity_check_gqa_prompt( - config, - local=local, - past_format=past_kv_format, - rotary=rotary, - rotary_interleaved=rotary_interleaved, - packed=packed, - ) - self.assertTrue(all_close) - all_close = parity_check_gqa_prompt_no_buff( - config, - local=local, - past_format=past_kv_format, - rotary=rotary, - rotary_interleaved=rotary_interleaved, - packed=packed, - ) - self.assertTrue(all_close) + for use_smooth_softmax in [False, True]: + config = PromptConfig(b, sq, skv, sq + skv + 8, n, n2, h) + past_kv_format = Formats.BNSH + all_close = parity_check_gqa_prompt( + config, + local=local, + past_format=past_kv_format, + rotary=rotary, + rotary_interleaved=rotary_interleaved, + packed=packed, + use_smooth_softmax=use_smooth_softmax, + ) + self.assertTrue(all_close) + all_close = parity_check_gqa_prompt_no_buff( + config, + local=local, + past_format=past_kv_format, + rotary=rotary, + rotary_interleaved=rotary_interleaved, + packed=packed, + use_smooth_softmax=use_smooth_softmax, + ) + self.assertTrue(all_close) def test_gqa_past(self): print("-------- TEST GQA PAST (TOKEN GEN) ---------") @@ -1838,31 +1928,34 @@ def test_gqa_past(self): for local in [False, True]: for rotary, rotary_interleaved in [(False, False), (True, False), (True, True)]: for packed in [False, True]: - sp = random.randint(1, s2 - s) if s2 - s > 0 else 0 - config = Config(b, s, s2, sp, n, n2, h) - past_kv_format = Formats.BNSH - all_close = parity_check_gqa_past( - config, - local=local, - past_format=past_kv_format, - rtol=1e-3, - atol=1e-3, - rotary=rotary, - rotary_interleaved=rotary_interleaved, - packed=packed, - ) - self.assertTrue(all_close) - all_close = parity_check_gqa_past_no_buff( - config, - local=local, - past_format=past_kv_format, - rtol=1e-3, - atol=1e-3, - rotary=rotary, - rotary_interleaved=rotary_interleaved, - packed=packed, - ) - self.assertTrue(all_close) + for use_smooth_softmax in [False, True]: + sp = random.randint(1, s2 - s) if s2 - s > 0 else 0 + config = Config(b, s, s2, sp, n, n2, h) + past_kv_format = Formats.BNSH + all_close = parity_check_gqa_past( + config, + local=local, + past_format=past_kv_format, + rtol=1e-3, + atol=1e-3, + rotary=rotary, + rotary_interleaved=rotary_interleaved, + packed=packed, + use_smooth_softmax=use_smooth_softmax, + ) + self.assertTrue(all_close) + all_close = parity_check_gqa_past_no_buff( + config, + local=local, + past_format=past_kv_format, + rtol=1e-3, + atol=1e-3, + rotary=rotary, + rotary_interleaved=rotary_interleaved, + packed=packed, + use_smooth_softmax=use_smooth_softmax, + ) + self.assertTrue(all_close) if __name__ == "__main__": diff --git a/onnxruntime/test/python/transformers/test_sparse_attention.py b/onnxruntime/test/python/transformers/test_sparse_attention.py index 688e6250fecbd..6a08d2101b100 100644 --- a/onnxruntime/test/python/transformers/test_sparse_attention.py +++ b/onnxruntime/test/python/transformers/test_sparse_attention.py @@ -13,6 +13,7 @@ import torch from benchmark_mha import InputFormats from onnx import TensorProto, helper +from test_gqa_cpu import smooth_softmax_ref from torch import Tensor from onnxruntime import InferenceSession, SessionOptions, get_available_providers @@ -42,6 +43,7 @@ def __init__( is_packed_qkv: bool = False, max_cache_sequence_length=None, max_rotary_sequence_length=None, + use_smooth_softmax: bool = False, ): self.operator = operator self.batch_size = batch_size @@ -72,6 +74,8 @@ def __init__( self.share_buffer = share_buffer self.is_packed_qkv = is_packed_qkv + self.use_smooth_softmax = use_smooth_softmax + def shape_dict(self): shapes = { "query": ( @@ -165,6 +169,7 @@ def __init__( is_packed_qkv=False, max_cache_sequence_length=None, max_rotary_sequence_length=None, + use_smooth_softmax: bool = False, ): super().__init__( "GroupQueryAttention", @@ -184,6 +189,7 @@ def __init__( is_packed_qkv=is_packed_qkv, max_cache_sequence_length=max_cache_sequence_length, max_rotary_sequence_length=max_rotary_sequence_length, + use_smooth_softmax=use_smooth_softmax, ) # local_window_size is for ORT only, not for Torch implementation. self.local_window_size = local_window_size @@ -528,6 +534,7 @@ def create_group_query_attention_onnx_model(config: GroupQueryAttentionConfig): local_window_size=config.local_window_size, do_rotary=1 if config.do_rotary else 0, rotary_interleaved=config.rotary_interleaved, + smooth_softmax=1 if config.use_smooth_softmax else 0, domain="com.microsoft", ), ] @@ -611,7 +618,12 @@ def group_query_attention_reference( attn = torch.einsum("bhmd,bhnd->bhmn", query, key).float() * scale if mask is not None: attn = attn.masked_fill((1 - mask).bool(), float("-inf")) - attn = attn.softmax(-1) + + if config.use_smooth_softmax: + attn = smooth_softmax_ref(attn) + else: + attn = attn.softmax(-1) + attn_output = torch.einsum("bhmn,bhnd->bhmd", attn.type_as(value), value) result = attn_output.transpose(1, 2).contiguous() From 5d54dc1462f0c6cc94cecbe86a45962771ac5b86 Mon Sep 17 00:00:00 2001 From: mcollinswisc Date: Mon, 26 Aug 2024 23:54:37 -0700 Subject: [PATCH 005/119] Drop QDQ around more nodes (#21376) ### Description Extends the Drop QDQ optimization to remove DequantizeLinear and QuantizeLinear nodes from around operators: - Flatten - Expand - Tile - Slice - GatherElements - ReduceMin - ReduceMax ### Motivation and Context To reduce floating-point conversions in quantize inference. Mainly motivated by the Flatten case, since that will show up in graphs exported from PyTorch to ONNX. But to make the change complete, extending to a larger set of ops for which this optimization is valid. https://github.com/microsoft/onnxruntime/issues/21375 --------- Co-authored-by: Edward Chen <18449977+edgchen1@users.noreply.github.com> --- cmake/onnxruntime_unittests.cmake | 2 + .../qdq_selector_action_transformer.cc | 15 +- .../test/optimizer/qdq_transformer_test.cc | 291 ++++++++++++++++++ 3 files changed, 305 insertions(+), 3 deletions(-) diff --git a/cmake/onnxruntime_unittests.cmake b/cmake/onnxruntime_unittests.cmake index a02aeb5236881..d7f4a0675e118 100644 --- a/cmake/onnxruntime_unittests.cmake +++ b/cmake/onnxruntime_unittests.cmake @@ -892,6 +892,8 @@ if (MSVC) set_property(SOURCE "${TEST_SRC_DIR}/optimizer/graph_transform_test.cc" "${TEST_SRC_DIR}/optimizer/qdq_transformer_test.cc" APPEND PROPERTY COMPILE_OPTIONS "/bigobj") + set_property(SOURCE "${TEST_SRC_DIR}/optimizer/qdq_transformer_test.cc" + APPEND PROPERTY COMPILE_OPTIONS "/bigobj") else() target_compile_options(onnxruntime_test_all PRIVATE "-Wno-parentheses") endif() diff --git a/onnxruntime/core/optimizer/qdq_transformer/selectors_actions/qdq_selector_action_transformer.cc b/onnxruntime/core/optimizer/qdq_transformer/selectors_actions/qdq_selector_action_transformer.cc index 379d271fbdca7..f1b30da01f907 100644 --- a/onnxruntime/core/optimizer/qdq_transformer/selectors_actions/qdq_selector_action_transformer.cc +++ b/onnxruntime/core/optimizer/qdq_transformer/selectors_actions/qdq_selector_action_transformer.cc @@ -72,16 +72,25 @@ void DropQDQNodesRules(SelectorActionRegistry& qdq_selector_action_registry) { std::unique_ptr selector_no_16bit_and_positive_scale = std::make_unique(false, true, false); qdq_selector_action_registry.RegisterSelectorAndAction(drop_action_no_int16_and_positive_scale_name, - {{"MaxPool", {12}}}, + {{"MaxPool", {12}}, + {"ReduceMax", {}}, + {"ReduceMin", {}}}, std::move(selector_no_16bit_and_positive_scale), std::move(drop_action_no_int16_and_positive_scale)); std::unique_ptr selector = std::make_unique(true); + // DepthToSpace and SpaceToDepth not included because there are no integer implementations. + // https://github.com/microsoft/onnxruntime/issues/21287 qdq_selector_action_registry.RegisterSelectorAndAction(drop_action_name, - {{"Gather", {}}, + {{"Expand", {}}, + {"Flatten", {}}, + {"Gather", {}}, + {"GatherElements", {}}, {"Reshape", {}}, - {"Transpose", {}}, + {"Slice", {}}, {"Squeeze", {}}, + {"Tile", {}}, + {"Transpose", {}}, {"Unsqueeze", {}}}, std::move(selector), std::move(drop_action)); diff --git a/onnxruntime/test/optimizer/qdq_transformer_test.cc b/onnxruntime/test/optimizer/qdq_transformer_test.cc index a043d6553bdfd..d07977d4b97b8 100644 --- a/onnxruntime/test/optimizer/qdq_transformer_test.cc +++ b/onnxruntime/test/optimizer/qdq_transformer_test.cc @@ -1087,6 +1087,297 @@ TEST(QDQTransformerTests, UnsqueezeDropQDQ) { RunSqueezeUnsqueezeDropQDQTestCase("Unsqueeze", {1, 3, 2, 2}, {0}, false, 21); } +// Runs a test case that checks if Q/DQ nodes are dropped from DQ -> Flatten -> Q. +template +static void RunFlattenDropQDQTestCase(const std::vector& input_shape, + int64_t axis = 1, + bool use_contrib_qdq = false, + int opset = 21) { + auto build_test_case = [input_shape, axis, use_contrib_qdq](ModelTestBuilder& builder) { + constexpr QuantType qmin = std::numeric_limits::min(); + constexpr QuantType qmax = std::numeric_limits::max(); + + auto* input_arg = builder.MakeInput(input_shape, qmin, qmax); + auto* output_arg = builder.MakeOutput(); + QuantType zero_point = 1 + (qmax + qmin) / 2; + + auto* input_arg_dq = builder.MakeIntermediate(); + auto* flatten_output = builder.MakeIntermediate(); + builder.AddDequantizeLinearNode(input_arg, .003f, zero_point, input_arg_dq, use_contrib_qdq); + Node& flatten_node = builder.AddNode("Flatten", {input_arg_dq}, {flatten_output}); + flatten_node.AddAttribute("axis", axis); + + // add Q + builder.AddQuantizeLinearNode(flatten_output, .003f, zero_point, output_arg, use_contrib_qdq); + }; + + auto check_graph = [use_contrib_qdq](InferenceSessionWrapper& session) { + auto op_to_count = CountOpsInGraph(session.GetGraph()); + const QDQOpKeys qdq_keys = GetQDQOpKeys(use_contrib_qdq); + EXPECT_EQ(op_to_count["Flatten"], 1); + EXPECT_EQ(op_to_count[qdq_keys.quantize_linear], 0); + EXPECT_EQ(op_to_count[qdq_keys.dequantize_linear], 0); + }; + + TransformerTester(build_test_case, check_graph, TransformerLevel::Level1, TransformerLevel::Level2, opset); +} + +// Checks that Q/DQ nodes are dropped from DQ -> Reshape -> Q. Uses 8-bit and 16-bit Q/DQ ops. +TEST(QDQTransformerTests, FlattenDropQDQ) { + for (int64_t axis : {0, 1, 3}) { + RunFlattenDropQDQTestCase({1, 3, 2, 2}, axis); + RunFlattenDropQDQTestCase({1, 3, 2, 2}, axis, true, 13); // Use com.microsoft QDQ ops + RunFlattenDropQDQTestCase({1, 3, 2, 2}, axis, true, 13); // Use int16 com.microsoft QDQ ops + RunFlattenDropQDQTestCase({1, 3, 2, 2}, axis, true, 13); // Use int16 com.microsoft QDQ ops + RunFlattenDropQDQTestCase({1, 3, 2, 2}, axis, false); // Use int16 ONNX QDQ ops + RunFlattenDropQDQTestCase({1, 3, 2, 2}, axis, false); // Use int16 ONNX QDQ ops + } +} + +// Runs a test case that checks if Q/DQ nodes are dropped from DQ -> Expand -> Q. +template +static void RunExpandDropQDQTestCase(const std::vector& input_shape, + const std::vector& expanded_shape, + bool use_contrib_qdq = false, + int opset = 21) { + auto build_test_case = [input_shape, expanded_shape, use_contrib_qdq](ModelTestBuilder& builder) { + constexpr QuantType qmin = std::numeric_limits::min(); + constexpr QuantType qmax = std::numeric_limits::max(); + + auto* input_arg = builder.MakeInput(input_shape, qmin, qmax); + auto* output_arg = builder.MakeOutput(); + QuantType zero_point = 1 + (qmax + qmin) / 2; + + auto* input_arg_dq = builder.MakeIntermediate(); + auto* expanded_shape_arg = builder.Make1DInitializer(expanded_shape); + auto* expand_output = builder.MakeIntermediate(); + builder.AddDequantizeLinearNode(input_arg, .003f, zero_point, input_arg_dq, use_contrib_qdq); + builder.AddNode("Expand", {input_arg_dq, expanded_shape_arg}, {expand_output}); + + // add Q + builder.AddQuantizeLinearNode(expand_output, .003f, zero_point, output_arg, use_contrib_qdq); + }; + + auto check_graph = [use_contrib_qdq](InferenceSessionWrapper& session) { + auto op_to_count = CountOpsInGraph(session.GetGraph()); + const QDQOpKeys qdq_keys = GetQDQOpKeys(use_contrib_qdq); + EXPECT_EQ(op_to_count["Expand"], 1); + EXPECT_EQ(op_to_count[qdq_keys.quantize_linear], 0); + EXPECT_EQ(op_to_count[qdq_keys.dequantize_linear], 0); + }; + + TransformerTester(build_test_case, check_graph, TransformerLevel::Level1, TransformerLevel::Level2, opset); +} + +// Checks that Q/DQ nodes are dropped from DQ -> Expand -> Q. Uses 8-bit and 16-bit Q/DQ ops. +TEST(QDQTransformerTests, ExpandDropQDQ) { + RunExpandDropQDQTestCase({1, 3, 1, 1}, {1, 3, 7, 13}); + RunExpandDropQDQTestCase({1, 3, 1, 1}, {1, 3, 7, 13}, true, 13); // Use com.microsoft QDQ ops + RunExpandDropQDQTestCase({1, 3, 1, 1}, {1, 3, 7, 13}, true, 13); // Use int16 com.microsoft QDQ ops + RunExpandDropQDQTestCase({1, 3, 1, 1}, {1, 3, 7, 13}, true, 13); // Use int16 com.microsoft QDQ ops + RunExpandDropQDQTestCase({1, 3, 1, 1}, {1, 3, 7, 13}, false); // Use int16 ONNX QDQ ops + RunExpandDropQDQTestCase({1, 3, 1, 1}, {1, 3, 7, 13}, false); // Use int16 ONNX QDQ ops +} + +// Runs a test case that checks if Q/DQ nodes are dropped from DQ -> Tile -> Q. +template +static void RunTileDropQDQTestCase(const std::vector& input_shape, + const std::vector& repeats, + bool use_contrib_qdq = false, + int opset = 21) { + auto build_test_case = [input_shape, repeats, use_contrib_qdq](ModelTestBuilder& builder) { + constexpr QuantType qmin = std::numeric_limits::min(); + constexpr QuantType qmax = std::numeric_limits::max(); + + auto* input_arg = builder.MakeInput(input_shape, qmin, qmax); + auto* output_arg = builder.MakeOutput(); + QuantType zero_point = 1 + (qmax + qmin) / 2; + + auto* input_arg_dq = builder.MakeIntermediate(); + auto* repeats_arg = builder.Make1DInitializer(repeats); + auto* tile_output = builder.MakeIntermediate(); + builder.AddDequantizeLinearNode(input_arg, .003f, zero_point, input_arg_dq, use_contrib_qdq); + builder.AddNode("Tile", {input_arg_dq, repeats_arg}, {tile_output}); + + // add Q + builder.AddQuantizeLinearNode(tile_output, .003f, zero_point, output_arg, use_contrib_qdq); + }; + + auto check_graph = [use_contrib_qdq](InferenceSessionWrapper& session) { + auto op_to_count = CountOpsInGraph(session.GetGraph()); + const QDQOpKeys qdq_keys = GetQDQOpKeys(use_contrib_qdq); + EXPECT_EQ(op_to_count["Tile"], 1); + EXPECT_EQ(op_to_count[qdq_keys.quantize_linear], 0); + EXPECT_EQ(op_to_count[qdq_keys.dequantize_linear], 0); + }; + + TransformerTester(build_test_case, check_graph, TransformerLevel::Level1, TransformerLevel::Level2, opset); +} + +// Checks that Q/DQ nodes are dropped from DQ -> Tile -> Q. Uses 8-bit and 16-bit Q/DQ ops. +TEST(QDQTransformerTests, TileDropQDQ) { + RunTileDropQDQTestCase({1, 3, 2, 2}, {1, 1, 3, 3}); + RunTileDropQDQTestCase({1, 3, 2, 2}, {1, 1, 3, 3}, true, 13); // Use com.microsoft QDQ ops + RunTileDropQDQTestCase({1, 3, 2, 2}, {1, 1, 3, 3}, true, 13); // Use int16 com.microsoft QDQ ops + RunTileDropQDQTestCase({1, 3, 2, 2}, {1, 1, 3, 3}, true, 13); // Use int16 com.microsoft QDQ ops + RunTileDropQDQTestCase({1, 3, 2, 2}, {1, 1, 3, 3}, false); // Use int16 ONNX QDQ ops + RunTileDropQDQTestCase({1, 3, 2, 2}, {1, 1, 3, 3}, false); // Use int16 ONNX QDQ ops +} + +// Runs a test case that checks if Q/DQ nodes are dropped from DQ -> Slice -> Q. +template +static void RunSliceDropQDQTestCase(const std::vector& input_shape, + const std::vector& starts, + const std::vector& ends, + bool use_contrib_qdq = false, + int opset = 21) { + auto build_test_case = [input_shape, starts, ends, use_contrib_qdq](ModelTestBuilder& builder) { + constexpr QuantType qmin = std::numeric_limits::min(); + constexpr QuantType qmax = std::numeric_limits::max(); + + auto* input_arg = builder.MakeInput(input_shape, qmin, qmax); + auto* output_arg = builder.MakeOutput(); + QuantType zero_point = 1 + (qmax + qmin) / 2; + + auto* input_arg_dq = builder.MakeIntermediate(); + auto* starts_arg = builder.Make1DInitializer(starts); + auto* ends_arg = builder.Make1DInitializer(ends); + auto* slice_output = builder.MakeIntermediate(); + builder.AddDequantizeLinearNode(input_arg, .003f, zero_point, input_arg_dq, use_contrib_qdq); + builder.AddNode("Slice", {input_arg_dq, starts_arg, ends_arg}, {slice_output}); + + // add Q + builder.AddQuantizeLinearNode(slice_output, .003f, zero_point, output_arg, use_contrib_qdq); + }; + + auto check_graph = [use_contrib_qdq](InferenceSessionWrapper& session) { + auto op_to_count = CountOpsInGraph(session.GetGraph()); + const QDQOpKeys qdq_keys = GetQDQOpKeys(use_contrib_qdq); + EXPECT_EQ(op_to_count["Slice"], 1); + EXPECT_EQ(op_to_count[qdq_keys.quantize_linear], 0); + EXPECT_EQ(op_to_count[qdq_keys.dequantize_linear], 0); + }; + + TransformerTester(build_test_case, check_graph, TransformerLevel::Level1, TransformerLevel::Level2, opset); +} + +// Checks that Q/DQ nodes are dropped from DQ -> Slice -> Q. Uses 8-bit and 16-bit Q/DQ ops. +TEST(QDQTransformerTests, SliceDropQDQ) { + RunSliceDropQDQTestCase({1, 3, 5, 5}, {0, 1, 1, 1}, {1, 3, 4, 4}); + RunSliceDropQDQTestCase({1, 3, 5, 5}, {0, 1, 1, 1}, {1, 3, 4, 4}, true, 13); // Use com.microsoft QDQ ops + // Use int16 com.microsoft QDQ ops + RunSliceDropQDQTestCase({1, 3, 5, 5}, {0, 1, 1, 1}, {1, 3, 4, 4}, true, 13); + // Use int16 com.microsoft QDQ ops + RunSliceDropQDQTestCase({1, 3, 5, 5}, {0, 1, 1, 1}, {1, 3, 4, 4}, true, 13); + RunSliceDropQDQTestCase({1, 3, 5, 5}, {0, 1, 1, 1}, {1, 3, 4, 4}, false); // Use int16 ONNX QDQ ops + RunSliceDropQDQTestCase({1, 3, 5, 5}, {0, 1, 1, 1}, {1, 3, 4, 4}, false); // Use int16 ONNX QDQ ops +} + +// Runs a test case that checks if Q/DQ nodes are dropped from DQ -> GatherElements -> Q. +template +static void RunGatherElementsDropQDQTestCase(const std::vector& input_shape, + const std::vector& indices_shape, + const std::vector& indices_data, + bool use_contrib_qdq = false, + int opset = 21) { + auto build_test_case = [input_shape, indices_shape, indices_data, use_contrib_qdq](ModelTestBuilder& builder) { + constexpr QuantType qmin = std::numeric_limits::min(); + constexpr QuantType qmax = std::numeric_limits::max(); + + auto* input_arg = builder.MakeInput(input_shape, qmin, qmax); + auto* indices_arg = builder.MakeInitializer(indices_shape, indices_data); + auto* output_arg = builder.MakeOutput(); + QuantType zero_point = 1 + (qmax + qmin) / 2; + + auto* input_arg_dq = builder.MakeIntermediate(); + auto* gather_elements_output = builder.MakeIntermediate(); + builder.AddDequantizeLinearNode(input_arg, .003f, zero_point, input_arg_dq, use_contrib_qdq); + builder.AddNode("GatherElements", {input_arg_dq, indices_arg}, {gather_elements_output}); + + // add Q + builder.AddQuantizeLinearNode(gather_elements_output, .003f, zero_point, output_arg, use_contrib_qdq); + }; + + auto check_graph = [use_contrib_qdq](InferenceSessionWrapper& session) { + auto op_to_count = CountOpsInGraph(session.GetGraph()); + const QDQOpKeys qdq_keys = GetQDQOpKeys(use_contrib_qdq); + EXPECT_EQ(op_to_count["GatherElements"], 1); + EXPECT_EQ(op_to_count[qdq_keys.quantize_linear], 0); + EXPECT_EQ(op_to_count[qdq_keys.dequantize_linear], 0); + }; + + TransformerTester(build_test_case, check_graph, TransformerLevel::Level1, TransformerLevel::Level2, opset); +} + +// Checks that Q/DQ nodes are dropped from DQ -> GatherElements -> Q. Uses 8-bit and 16-bit Q/DQ ops. +TEST(QDQTransformerTests, GatherElementsDropQDQ) { + RunGatherElementsDropQDQTestCase({3, 3}, {2, 3}, {1, 2, 0, 2, 0, 0}); + // Use com.microsoft QDQ ops + RunGatherElementsDropQDQTestCase({3, 3}, {2, 3}, {1, 2, 0, 2, 0, 0}, true, 13); + // Use int16 com.microsoft QDQ ops + RunGatherElementsDropQDQTestCase({3, 3}, {2, 3}, {1, 2, 0, 2, 0, 0}, true, 13); + // Use int16 com.microsoft QDQ ops + RunGatherElementsDropQDQTestCase({3, 3}, {2, 3}, {1, 2, 0, 2, 0, 0}, true, 13); + RunGatherElementsDropQDQTestCase({3, 3}, {2, 3}, {1, 2, 0, 2, 0, 0}, false); // Use int16 ONNX QDQ ops + RunGatherElementsDropQDQTestCase({3, 3}, {2, 3}, {1, 2, 0, 2, 0, 0}, false); // Use int16 ONNX QDQ ops +} + +// Runs a test case whether Q/DQ nodes are dropped from DQ -> Reduce(Min|Max) -> Q. +template +static void RunReduceExtremumDropQDQTestCase(const std::string& op_type, + const std::vector& input_shape, + float qscale, + bool expect_drop_qdq, + bool use_contrib_qdq = false, + int opset = 21) { + auto build_test_case = [op_type, input_shape, qscale, use_contrib_qdq](ModelTestBuilder& builder) { + constexpr QuantType qmin = std::numeric_limits::min(); + constexpr QuantType qmax = std::numeric_limits::max(); + + auto* input_arg = builder.MakeInput(input_shape, qmin, qmax); + auto* output_arg = builder.MakeOutput(); + QuantType zero_point = 1 + (qmax + qmin) / 2; + + auto* input_arg_dq = builder.MakeIntermediate(); + auto* reduce_output = builder.MakeIntermediate(); + builder.AddDequantizeLinearNode(input_arg, qscale, zero_point, input_arg_dq, use_contrib_qdq); + builder.AddNode(op_type, {input_arg_dq}, {reduce_output}); + + // add Q + builder.AddQuantizeLinearNode(reduce_output, qscale, zero_point, output_arg, use_contrib_qdq); + }; + + auto check_graph = [op_type, expect_drop_qdq, use_contrib_qdq](InferenceSessionWrapper& session) { + auto op_to_count = CountOpsInGraph(session.GetGraph()); + const QDQOpKeys qdq_keys = GetQDQOpKeys(use_contrib_qdq); + EXPECT_EQ(op_to_count[op_type], 1); + if (expect_drop_qdq) { + EXPECT_EQ(op_to_count[qdq_keys.quantize_linear], 0); + EXPECT_EQ(op_to_count[qdq_keys.dequantize_linear], 0); + } else { + EXPECT_EQ(op_to_count[qdq_keys.quantize_linear], 1); + EXPECT_EQ(op_to_count[qdq_keys.dequantize_linear], 1); + } + }; + + TransformerTester(build_test_case, check_graph, TransformerLevel::Level1, TransformerLevel::Level2, opset); +} + +// Checks whether Q/DQ nodes are dropped from DQ -> Reduce(Min|Max) -> Q. Uses 8-bit and 16-bit Q/DQ ops. +TEST(QDQTransformerTests, ReduceExtremumDropQDQ) { + // Check that Q/DQ nodes are dropped for positive scale + RunReduceExtremumDropQDQTestCase("ReduceMin", {3, 3}, 0.003f, true); + RunReduceExtremumDropQDQTestCase("ReduceMin", {3, 3}, 0.003f, true, true, 13); // Use com.microsoft QDQ ops + RunReduceExtremumDropQDQTestCase("ReduceMax", {3, 3}, 0.003f, true); + RunReduceExtremumDropQDQTestCase("ReduceMax", {3, 3}, 0.003f, true, true, 13); // Use com.microsoft QDQ ops + + // Check that Q/DQ nodes are *not* dropped for negative scale + RunReduceExtremumDropQDQTestCase("ReduceMin", {3, 3}, -0.003f, false); + RunReduceExtremumDropQDQTestCase("ReduceMin", {3, 3}, -0.003f, false, true, 13); // Use com.microsoft QDQ ops + RunReduceExtremumDropQDQTestCase("ReduceMax", {3, 3}, -0.003f, false); + RunReduceExtremumDropQDQTestCase("ReduceMax", {3, 3}, -0.003f, false, true, 13); // Use com.microsoft QDQ ops +} + TEST(QDQTransformerTests, DoubleQDQ) { constexpr uint8_t good_u8_1 = 80; constexpr uint8_t good_u8_2 = 40; From 252222034f1baffe06776eba645ede99d4220201 Mon Sep 17 00:00:00 2001 From: Jiajia Qin Date: Wed, 28 Aug 2024 00:02:39 +0800 Subject: [PATCH 006/119] [js/webgpu] Support Reshape/Shape 21+ on jsep (#21871) ### Description #21618 With this PR, the cross device copying (`MemcpyToHost`) can totally be removed for model `wav2vec2`. And the overall time becomes 48ms from 604ms. ### Motivation and Context --- js/web/docs/webgpu-operators.md | 4 +-- .../providers/js/js_execution_provider.cc | 16 +++++++++--- .../core/providers/js/operators/reshape.cc | 26 ++++++++++++++++++- .../core/providers/js/operators/shape_op.cc | 26 ++++++++++++++++++- 4 files changed, 64 insertions(+), 8 deletions(-) diff --git a/js/web/docs/webgpu-operators.md b/js/web/docs/webgpu-operators.md index 425d479ad305e..1c140de448430 100644 --- a/js/web/docs/webgpu-operators.md +++ b/js/web/docs/webgpu-operators.md @@ -90,10 +90,10 @@ Do not modify directly.* | ReduceSum | ai.onnx(1-10,11-12,13+) | | | ReduceSumSquare | ai.onnx(1-10,11-12,13-17,18+) | | | Relu | ai.onnx(6-12,13,14+) | | -| Reshape | ai.onnx(5-12,13,14+) | no GPU kernel | +| Reshape | ai.onnx(5-12,13,14-18,19-20,21+) | no GPU kernel | | Resize | ai.onnx(10,11-12,13-17,18,19+); com.ms.internal.nhwc(10,11-12,13-17,18,19+) | CoordinateTransformMode align_corners is not supported with downsampling | | RotaryEmbedding | com.microsoft(1+) | | -| Shape | ai.onnx(1-12,13-14,15+) | no GPU kernel; an ORT warning is generated - need to fix | +| Shape | ai.onnx(1-12,13-14,15-18,19-20,21+) | no GPU kernel; an ORT warning is generated - need to fix | | Sigmoid | ai.onnx(6-12,13+) | | | SimplifiedLayerNormalization | ai.onnx(1+) | | | Sin | ai.onnx(7+) | | diff --git a/onnxruntime/core/providers/js/js_execution_provider.cc b/onnxruntime/core/providers/js/js_execution_provider.cc index e289cba9568bd..781083ea8707c 100644 --- a/onnxruntime/core/providers/js/js_execution_provider.cc +++ b/onnxruntime/core/providers/js/js_execution_provider.cc @@ -220,11 +220,15 @@ class ONNX_OPERATOR_KERNEL_CLASS_NAME(kJsExecutionProvider, kOnnxDomain, 16, Les class ONNX_OPERATOR_VERSIONED_KERNEL_CLASS_NAME(kJsExecutionProvider, kOnnxDomain, 1, 12, Shape); class ONNX_OPERATOR_VERSIONED_KERNEL_CLASS_NAME(kJsExecutionProvider, kOnnxDomain, 13, 14, Shape); -class ONNX_OPERATOR_KERNEL_CLASS_NAME(kJsExecutionProvider, kOnnxDomain, 15, Shape); +class ONNX_OPERATOR_VERSIONED_KERNEL_CLASS_NAME(kJsExecutionProvider, kOnnxDomain, 15, 18, Shape); +class ONNX_OPERATOR_VERSIONED_KERNEL_CLASS_NAME(kJsExecutionProvider, kOnnxDomain, 19, 20, Shape); +class ONNX_OPERATOR_KERNEL_CLASS_NAME(kJsExecutionProvider, kOnnxDomain, 21, Shape); class ONNX_OPERATOR_VERSIONED_KERNEL_CLASS_NAME(kJsExecutionProvider, kOnnxDomain, 5, 12, Reshape); class ONNX_OPERATOR_VERSIONED_KERNEL_CLASS_NAME(kJsExecutionProvider, kOnnxDomain, 13, 13, Reshape); -class ONNX_OPERATOR_KERNEL_CLASS_NAME(kJsExecutionProvider, kOnnxDomain, 14, Reshape); +class ONNX_OPERATOR_VERSIONED_KERNEL_CLASS_NAME(kJsExecutionProvider, kOnnxDomain, 14, 18, Reshape); +class ONNX_OPERATOR_VERSIONED_KERNEL_CLASS_NAME(kJsExecutionProvider, kOnnxDomain, 19, 20, Reshape); +class ONNX_OPERATOR_KERNEL_CLASS_NAME(kJsExecutionProvider, kOnnxDomain, 21, Reshape); class ONNX_OPERATOR_VERSIONED_KERNEL_CLASS_NAME(kJsExecutionProvider, kOnnxDomain, 1, 10, Squeeze); class ONNX_OPERATOR_VERSIONED_KERNEL_CLASS_NAME(kJsExecutionProvider, kOnnxDomain, 11, 12, Squeeze); @@ -484,11 +488,15 @@ std::unique_ptr RegisterKernels() { BuildKernelCreateInfo, BuildKernelCreateInfo, - BuildKernelCreateInfo, + BuildKernelCreateInfo, + BuildKernelCreateInfo, + BuildKernelCreateInfo, BuildKernelCreateInfo, BuildKernelCreateInfo, - BuildKernelCreateInfo, + BuildKernelCreateInfo, + BuildKernelCreateInfo, + BuildKernelCreateInfo, BuildKernelCreateInfo, BuildKernelCreateInfo, diff --git a/onnxruntime/core/providers/js/operators/reshape.cc b/onnxruntime/core/providers/js/operators/reshape.cc index bd6772649a1ae..e2a8d04e1a042 100644 --- a/onnxruntime/core/providers/js/operators/reshape.cc +++ b/onnxruntime/core/providers/js/operators/reshape.cc @@ -10,7 +10,31 @@ namespace js { ONNX_OPERATOR_KERNEL_EX( Reshape, kOnnxDomain, - 14, + 21, + kJsExecutionProvider, + (*KernelDefBuilder::Create()) + .TypeConstraint("T", JsepSupportedDataTypes()) + .TypeConstraint("shape", DataTypeImpl::GetTensorType()) + .Alias(0, 0) + .InputMemoryType(OrtMemTypeCPU, 1), + Reshape); + +ONNX_OPERATOR_VERSIONED_KERNEL_EX( + Reshape, + kOnnxDomain, + 19, 20, + kJsExecutionProvider, + (*KernelDefBuilder::Create()) + .TypeConstraint("T", JsepSupportedDataTypes()) + .TypeConstraint("shape", DataTypeImpl::GetTensorType()) + .Alias(0, 0) + .InputMemoryType(OrtMemTypeCPU, 1), + Reshape); + +ONNX_OPERATOR_VERSIONED_KERNEL_EX( + Reshape, + kOnnxDomain, + 14, 18, kJsExecutionProvider, (*KernelDefBuilder::Create()) .TypeConstraint("T", JsepSupportedDataTypes()) diff --git a/onnxruntime/core/providers/js/operators/shape_op.cc b/onnxruntime/core/providers/js/operators/shape_op.cc index 733580a469d4c..b1c0aa389f6e7 100644 --- a/onnxruntime/core/providers/js/operators/shape_op.cc +++ b/onnxruntime/core/providers/js/operators/shape_op.cc @@ -32,10 +32,34 @@ ONNX_OPERATOR_VERSIONED_KERNEL_EX( .TypeConstraint("T1", DataTypeImpl::GetTensorType()), Shape); +ONNX_OPERATOR_VERSIONED_KERNEL_EX( + Shape, + kOnnxDomain, + 15, 18, + kJsExecutionProvider, + (*KernelDefBuilder::Create()) + // properly force CPU/GPU synch inside the kernel + .OutputMemoryType(OrtMemTypeCPU, 0) + .TypeConstraint("T", JsepSupportedDataTypes()) + .TypeConstraint("T1", DataTypeImpl::GetTensorType()), + Shape); + +ONNX_OPERATOR_VERSIONED_KERNEL_EX( + Shape, + kOnnxDomain, + 19, 20, + kJsExecutionProvider, + (*KernelDefBuilder::Create()) + // properly force CPU/GPU synch inside the kernel + .OutputMemoryType(OrtMemTypeCPU, 0) + .TypeConstraint("T", JsepSupportedDataTypes()) + .TypeConstraint("T1", DataTypeImpl::GetTensorType()), + Shape); + ONNX_OPERATOR_KERNEL_EX( Shape, kOnnxDomain, - 15, + 21, kJsExecutionProvider, (*KernelDefBuilder::Create()) // properly force CPU/GPU synch inside the kernel From 1d059b8702714f7ed4a724e84185e005542988a5 Mon Sep 17 00:00:00 2001 From: Ye Wang <52801275+wangyems@users.noreply.github.com> Date: Tue, 27 Aug 2024 09:21:30 -0700 Subject: [PATCH 007/119] Phi3 MoE cuda kernel (#21819) ### Description ### Motivation and Context --------- Co-authored-by: Your Name --- docs/ContribOperators.md | 14 +- .../cuda/collective/sharded_moe.cc | 2 +- .../moe/ft_moe/moe_gemm_kernels_fp16_uint8.cu | 31 + .../contrib_ops/cuda/moe/ft_moe/moe_kernel.cu | 157 ++- .../contrib_ops/cuda/moe/ft_moe/moe_kernel.h | 5 +- onnxruntime/contrib_ops/cuda/moe/moe.cc | 2 +- onnxruntime/contrib_ops/cuda/moe/moe_base.h | 7 + .../cuda/quantization/moe_quantization.cc | 118 ++- .../cuda/quantization/moe_quantization.h | 19 + .../core/graph/contrib_ops/collective_defs.cc | 4 + .../core/graph/contrib_ops/contrib_defs.cc | 23 +- .../transformers/test_parity_mixtral_moe.py | 361 ------- .../python/transformers/test_parity_moe.py | 922 +++++++++++++++--- 13 files changed, 1075 insertions(+), 590 deletions(-) create mode 100644 onnxruntime/contrib_ops/cuda/moe/ft_moe/moe_gemm_kernels_fp16_uint8.cu delete mode 100644 onnxruntime/test/python/transformers/test_parity_mixtral_moe.py diff --git a/docs/ContribOperators.md b/docs/ContribOperators.md index 33d872254a255..8a13505fe0fc7 100644 --- a/docs/ContribOperators.md +++ b/docs/ContribOperators.md @@ -3083,6 +3083,8 @@ This version of the operator has been available since version 1 of the 'com.micr
Number of top experts to select from expert pool
normalize_routing_weights : int
Whether to normalize routing weights
+
use_sparse_mixer : int
+
Whether to use sparse mixer
#### Inputs (5 - 8) @@ -4398,7 +4400,7 @@ This version of the operator has been available since version 1 of the 'com.micr ### **com.microsoft.QMoE** - Int4 MoE + Quantized MoE #### Version @@ -4409,10 +4411,14 @@ This version of the operator has been available since version 1 of the 'com.micr
activation_type : string
Activation function to use. Choose from relu, gelu, silu and identity. Default is relu
+
expert_weight_bits : int
+
Number of bits used in quantized weights. Default is 4 bits
k : int
Number of top experts to select from expert pool
normalize_routing_weights : int
Whether to normalize routing weights
+
use_sparse_mixer : int
+
Whether to use sparse mixer
#### Inputs (7 - 11) @@ -4423,19 +4429,19 @@ This version of the operator has been available since version 1 of the 'com.micr
router_probs : T
2D input tensor with shape (num_rows, num_experts)
fc1_experts_weights : T1
-
3D input tensor with shape (num_experts, hidden_size, inter_size / 2)
+
3D input tensor with shape (num_experts, hidden_size, inter_size) or (num_experts, hidden_size, inter_size / 2)
fc1_scales : T
2D input tensor with shape (num_experts, inter_size)
fc1_experts_bias (optional) : T
2D optional input tensor with shape (num_experts, inter_size)
fc2_experts_weights : T1
-
3D input tensor with shape (num_experts, inter_size, hidden_size / 2)
+
3D input tensor with shape (num_experts, inter_size, hidden_size) or (num_experts, inter_size, hidden_size / 2)
fc2_scales : T
2D input tensor with shape (num_experts, hidden_size)
fc2_experts_bias (optional) : T
2D optional input tensor with shape (num_experts, hidden_size)
fc3_experts_weights (optional) : T1
-
3D optional input tensor with shape (num_experts, hidden_size, inter_size / 2)
+
3D optional input tensor with shape (num_experts, hidden_size, inter_size) or (num_experts, hidden_size, inter_size / 2)
fc3_scales (optional) : T
2D optional input tensor with shape (num_experts, inter_size)
fc3_experts_bias (optional) : T
diff --git a/onnxruntime/contrib_ops/cuda/collective/sharded_moe.cc b/onnxruntime/contrib_ops/cuda/collective/sharded_moe.cc index 013b7e1779773..1a4a63de38790 100644 --- a/onnxruntime/contrib_ops/cuda/collective/sharded_moe.cc +++ b/onnxruntime/contrib_ops/cuda/collective/sharded_moe.cc @@ -79,7 +79,7 @@ Status ShardedMoE::ComputeInternal(OpKernelContext* context) const { ORT_RETURN_IF_NOT(moe_params.num_experts % nccl_->Size() == 0, "num_experts should be divisible by world_size"); ort_fastertransformer::CutlassMoeFCRunner moe_runner(sm, fc3_experts_weights_optional != nullptr, - normalize_routing_weights_); + normalize_routing_weights_, use_sparse_mixer_); size_t ws_size = moe_runner.getWorkspaceSize( static_cast(moe_params.num_rows), static_cast(moe_params.hidden_size), diff --git a/onnxruntime/contrib_ops/cuda/moe/ft_moe/moe_gemm_kernels_fp16_uint8.cu b/onnxruntime/contrib_ops/cuda/moe/ft_moe/moe_gemm_kernels_fp16_uint8.cu new file mode 100644 index 0000000000000..b0a72a1d2506a --- /dev/null +++ b/onnxruntime/contrib_ops/cuda/moe/ft_moe/moe_gemm_kernels_fp16_uint8.cu @@ -0,0 +1,31 @@ +/* + * Copyright (c) 2020-2023, NVIDIA CORPORATION. All rights reserved. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ +#if defined(_MSC_VER) +#pragma warning(push) +#pragma warning(disable : 4100) +#pragma warning(disable : 4244) +#pragma warning(disable : 4200) +#endif + +#include "contrib_ops/cuda/moe/ft_moe/moe_gemm_kernels_template.h" + +#if defined(_MSC_VER) +#pragma warning(pop) +#endif +namespace ort_fastertransformer { +template class MoeGemmRunner; +} // namespace ort_fastertransformer + diff --git a/onnxruntime/contrib_ops/cuda/moe/ft_moe/moe_kernel.cu b/onnxruntime/contrib_ops/cuda/moe/ft_moe/moe_kernel.cu index 5f26de4810c42..a6ea9f4b61271 100644 --- a/onnxruntime/contrib_ops/cuda/moe/ft_moe/moe_kernel.cu +++ b/onnxruntime/contrib_ops/cuda/moe/ft_moe/moe_kernel.cu @@ -127,7 +127,7 @@ __launch_bounds__(TPB) __global__ const int block_row = blockIdx.x; const bool should_process_row = finished ? !finished[block_row] : true; - const int thread_read_offset = blockIdx.x * num_experts; + const int thread_row_offset = blockIdx.x * num_experts; float output_row_sum = 0.f; for (int k_idx = 0; k_idx < k; ++k_idx) { thread_kvp.key = 0; @@ -135,7 +135,7 @@ __launch_bounds__(TPB) __global__ cub_kvp inp_kvp; for (int expert = threadIdx.x; expert < num_experts; expert += TPB) { - const int idx = thread_read_offset + expert; + const int idx = thread_row_offset + expert; inp_kvp.key = expert; inp_kvp.value = inputs_after_softmax[idx]; @@ -169,6 +169,107 @@ __launch_bounds__(TPB) __global__ } #endif +#if defined(__CUDA_ARCH__) && __CUDA_ARCH__ < 530 +template +__launch_bounds__(TPB) __global__ void sparse_mixer_top2(const T *, T *, int *, int *, const float) { + // Does not support pre-Kepler architectures + ; +} +#else + +template +__launch_bounds__(TPB) __global__ + void sparse_mixer_top2(const T *inputs, T *output, int *indices, int *source_rows, const float jitter_eps) { + static constexpr int K = 2; + + using cub_kvp = cub::KeyValuePair; + using KVBlockReduce = cub::BlockReduce; + + __shared__ float result_kvp_value[K]; + __shared__ typename KVBlockReduce::TempStorage kvTmpStorage; + + cub_kvp thread_kvp; + cub::ArgMax arg_max; + + int num_rows = gridDim.x; + const int block_row = blockIdx.x; + + const int thread_row_offset = blockIdx.x * NUM_EXPERTS; + + float factor[K]; + bool logits_mask[K]; + +#pragma unroll + for (int k_idx = 0; k_idx < K; ++k_idx) { + thread_kvp.key = 0; + thread_kvp.value = T(-1.f); + + cub_kvp inp_kvp; +#pragma unroll + for (int expert = threadIdx.x; expert < NUM_EXPERTS; expert += TPB) { + const int idx = thread_row_offset + expert; + inp_kvp.key = expert; + inp_kvp.value = inputs[idx]; + + for (int prior_k = 0; prior_k < k_idx; ++prior_k) { + const int prior_winning_expert = indices[K * block_row + prior_k]; + + if (prior_winning_expert == expert) { + inp_kvp = thread_kvp; + } + } + + thread_kvp = arg_max(inp_kvp, thread_kvp); + } + + const cub_kvp result_kvp = KVBlockReduce(kvTmpStorage).Reduce(thread_kvp, arg_max); + if (threadIdx.x == 0) { + const int idx = K * block_row + k_idx; + result_kvp_value[k_idx] = (float)result_kvp.value; + indices[idx] = result_kvp.key; + source_rows[idx] = k_idx * num_rows + block_row; + } + __syncthreads(); + +#pragma unroll + for (int expert = threadIdx.x; expert < NUM_EXPERTS; expert += TPB) { + const int idx = thread_row_offset + expert; + factor[k_idx] = max(abs((float)inputs[idx]), result_kvp_value[k_idx]); + logits_mask[k_idx] = (result_kvp_value[k_idx] - (float)inputs[idx]) > (2 * jitter_eps * factor[k_idx]); + if (k_idx == 1 && expert == indices[K * block_row]) { + logits_mask[1] = true; + } + } + } + +#pragma unroll + for (int k_idx = 0; k_idx < K; ++k_idx) { + float row_sum(0); + +#pragma unroll + for (int ii = threadIdx.x; ii < NUM_EXPERTS; ii += TPB) { + const int idx = thread_row_offset + ii; + row_sum += logits_mask[k_idx] ? 0 : exp((static_cast(inputs[idx]) - result_kvp_value[k_idx])); + } + +#pragma unroll + for (int mask = NUM_EXPERTS / 2; mask > 0; mask /= 2) { + row_sum += __shfl_xor_sync(0xFFFFFFFF, row_sum, mask, NUM_EXPERTS); + } + + const float normalizing_factor = 1.f / row_sum; + + const int idx = K * block_row + k_idx; + if (threadIdx.x == indices[idx]) { + const int input_idx = thread_row_offset + threadIdx.x; + output[idx] = logits_mask[k_idx] ? 0 + : exp((static_cast(inputs[input_idx]) - result_kvp_value[k_idx])) * + normalizing_factor; + } + } +} +#endif + // ====================== TopK softmax things =============================== /* @@ -406,9 +507,30 @@ void topk_gating_softmax_launcher_helper(const T *input, const bool *finished, T template void topk_gating_softmax_kernelLauncher(const T *input, const bool *finished, T *output, T *softmax_temp_output, int *indices, int *source_row, int num_rows, int num_experts, int k, - bool normalize_routing_weights, cudaStream_t stream) { + bool normalize_routing_weights, bool use_sparse_mixer, cudaStream_t stream) { static constexpr int WARPS_PER_TB = 4; + if (use_sparse_mixer) { + static constexpr int TPB = WARP_SIZE * WARPS_PER_TB; + static constexpr float jitter_eps = 0.01f; + + switch (num_experts) { + case 8: { + sparse_mixer_top2<<>>(input, output, indices, source_row, jitter_eps); + break; + } + case 16: { + sparse_mixer_top2<<>>(input, output, indices, source_row, jitter_eps); + break; + } + + default: { + ORT_THROW("Sparse mixer only supports 8 and 16 experts"); + } + } + return; + } + switch (num_experts) { case 2: { topk_gating_softmax_launcher_helper(input, finished, output, indices, source_row, num_rows, @@ -542,9 +664,9 @@ __global__ void dispatch_activations_kernel(int64_t *total_rows_before_expert, i template CutlassMoeFCRunner::CutlassMoeFCRunner(int sm_version, bool has_fc3, - bool normalize_routing_weights) + bool normalize_routing_weights, bool use_sparse_mixer) : has_fc3_(has_fc3), total_past_rows_(0), total_covered_rows_(0), - normalize_routing_weights_(normalize_routing_weights) { + normalize_routing_weights_(normalize_routing_weights), use_sparse_mixer_(use_sparse_mixer) { moe_gemm_runner_.initialize(sm_version); } @@ -729,7 +851,8 @@ void CutlassMoeFCRunner::run_moe_fc( configure_ws_ptrs(workspace_ptr, static_cast(num_rows), static_cast(hidden_size), static_cast(inter_size), static_cast(num_experts), static_cast(k)); topk_gating_softmax_kernelLauncher(gating_output, finished, expert_scales, softmax_out_, expert_for_source_row, - source_rows_, num_rows, num_experts, k, normalize_routing_weights_, stream); + source_rows_, num_rows, num_experts, k, normalize_routing_weights_, + use_sparse_mixer_, stream); const int sorter_ws_size_bytes = static_cast(pad_to_multiple_of_16(sorter_.getWorkspaceSize(k * num_rows))); sorter_.run(reinterpret_cast(fc1_result_), sorter_ws_size_bytes, expert_for_source_row, permuted_experts_, @@ -748,7 +871,8 @@ void CutlassMoeFCRunner::run_moe_fc( stream); } - // moe_gemm_runner_.try_find_best_config(local_num_experts, hidden_size, inter_size, expanded_active_expert_rows); + // moe_gemm_runner_.try_find_best_config(local_num_experts, hidden_size, inter_size, + // expanded_active_expert_rows); moe_gemm_runner_.moe_gemm_bias_act( permuted_data_ + total_past_rows_ * hidden_size, fc1_expert_weights, fc1_scales, fc1_expert_biases, fc1_result_ + total_past_rows_ * inter_size, total_rows_before_expert_ + local_experts_start_index, @@ -868,9 +992,9 @@ void CutlassMoeFCRunner::get_total_rows_info(int64_t expe // experts in the end. // Note that the expanded_dest_row_to_expanded_source_row map referred to here has indices in the range (0, -// k*rows_in_input - 1). However, it is set up so that index 0, rows_in_input, 2*rows_in_input ... (k-1)*rows_in_input -// all map to row 0 in the original matrix. Thus, to know where to read in the source matrix, we simply take the modulus -// of the expanded index. +// k*rows_in_input - 1). However, it is set up so that index 0, rows_in_input, 2*rows_in_input ... +// (k-1)*rows_in_input all map to row 0 in the original matrix. Thus, to know where to read in the source matrix, we +// simply take the modulus of the expanded index. template __global__ void initialize_moe_routing_kernel(const T *unpermuted_input, T *permuted_output, @@ -878,9 +1002,9 @@ __global__ void initialize_moe_routing_kernel(const T *unpermuted_input, T *perm int *expanded_source_row_to_expanded_dest_row, int num_rows, int active_rows, int cols) { // Reverse permutation map. - // I do this so that later, we can use the source -> dest map to do the k-way reduction and unpermuting. I need the - // reverse map for that reduction to allow each threadblock to do 1 k-way reduce without atomics later in MoE. 1 - // thread block will be responsible for all k summations. + // I do this so that later, we can use the source -> dest map to do the k-way reduction and unpermuting. I need + // the reverse map for that reduction to allow each threadblock to do 1 k-way reduce without atomics later in + // MoE. 1 thread block will be responsible for all k summations. const int expanded_dest_row = blockIdx.x; const int expanded_source_row = expanded_dest_row_to_expanded_source_row[expanded_dest_row]; if (threadIdx.x == 0) { @@ -1014,14 +1138,15 @@ void finalize_moe_routing_kernelLauncher(const T *expanded_permuted_rows, T *red // ========================= TopK Softmax specializations =========================== template void topk_gating_softmax_kernelLauncher(const float *, const bool *, float *, float *, int *, int *, int, int, - int, bool, cudaStream_t); + int, bool, bool, cudaStream_t); template void topk_gating_softmax_kernelLauncher(const half *, const bool *, half *, half *, int *, int *, int, int, - int, bool, cudaStream_t); + int, bool, bool, cudaStream_t); // ==================== Variable batched GEMM specializations ================================== template class CutlassMoeFCRunner; template class CutlassMoeFCRunner; template class CutlassMoeFCRunner; +template class CutlassMoeFCRunner; // ===================== Specializations for init routing ========================= template void initialize_moe_routing_kernelLauncher(const float *, float *, const int *, int *, int, int, int, int, @@ -1043,4 +1168,4 @@ template void finalize_moe_routing_kernelLauncher(const float *, float *, const template void finalize_moe_routing_kernelLauncher(const half *, half *, const half *, const half *, const half *, const half *, const int *, const int *, int, int, int, cudaStream_t); -} // namespace ort_fastertransformer +} // namespace ort_fastertransformer \ No newline at end of file diff --git a/onnxruntime/contrib_ops/cuda/moe/ft_moe/moe_kernel.h b/onnxruntime/contrib_ops/cuda/moe/ft_moe/moe_kernel.h index 18a26e6a43382..c457b608decbf 100644 --- a/onnxruntime/contrib_ops/cuda/moe/ft_moe/moe_kernel.h +++ b/onnxruntime/contrib_ops/cuda/moe/ft_moe/moe_kernel.h @@ -109,7 +109,7 @@ template class CutlassMoeFCRunner { public: - CutlassMoeFCRunner(int sm_version, bool has_fc3, bool normalize_routing_weights); + CutlassMoeFCRunner(int sm_version, bool has_fc3, bool normalize_routing_weights, bool use_sparse_mixer); size_t getWorkspaceSize(size_t num_rows, size_t hidden_size, size_t inter_size, size_t num_experts, size_t k); @@ -161,6 +161,7 @@ class CutlassMoeFCRunner { bool has_fc3_; bool normalize_routing_weights_; + bool use_sparse_mixer_; // Cuda events contrib::cuda::AutoDestoryCudaEvent cuda_event_; @@ -175,7 +176,7 @@ class CutlassMoeFCRunner { template class CutlassMoeFCRunner::value>> { public: - CutlassMoeFCRunner(int sm_version, bool has_fc3, bool normalize_routing_weights); + CutlassMoeFCRunner(int sm_version, bool has_fc3, bool normalize_routing_weights, bool use_sparse_mixer); size_t getWorkspaceSize(size_t num_rows, size_t hidden_size, size_t inter_size, size_t num_experts, size_t k) { return 0; diff --git a/onnxruntime/contrib_ops/cuda/moe/moe.cc b/onnxruntime/contrib_ops/cuda/moe/moe.cc index 6aa75840e6dc0..c5352d931ce2c 100644 --- a/onnxruntime/contrib_ops/cuda/moe/moe.cc +++ b/onnxruntime/contrib_ops/cuda/moe/moe.cc @@ -49,7 +49,7 @@ Status MoE::ComputeInternal(OpKernelContext* context) const { const int sm = device_prop.major * 10 + device_prop.minor; ort_fastertransformer::CutlassMoeFCRunner moe_runner(sm, fc3_experts_weights_optional != nullptr, - normalize_routing_weights_); + normalize_routing_weights_, use_sparse_mixer_); size_t ws_size = moe_runner.getWorkspaceSize( static_cast(moe_params.num_rows), static_cast(moe_params.hidden_size), diff --git a/onnxruntime/contrib_ops/cuda/moe/moe_base.h b/onnxruntime/contrib_ops/cuda/moe/moe_base.h index 4a407fa1b2159..6b65557444a66 100644 --- a/onnxruntime/contrib_ops/cuda/moe/moe_base.h +++ b/onnxruntime/contrib_ops/cuda/moe/moe_base.h @@ -22,6 +22,7 @@ enum class MoEParallelType { enum class MoEQuantType { None = 0, UINT4 = 1, + UINT8 = 2, }; struct MoEParameters { @@ -225,9 +226,15 @@ class MoEBase { } normalize_routing_weights_ = op_kernel_info.GetAttrOrDefault("normalize_routing_weights", 0) == 1; + + use_sparse_mixer_ = op_kernel_info.GetAttrOrDefault("use_sparse_mixer", 0) == 1; + if (use_sparse_mixer_) { + ORT_ENFORCE(k_ == 2, "Sparse mixer only supports k=2"); + } } bool normalize_routing_weights_; + bool use_sparse_mixer_; int64_t k_; ort_fastertransformer::ActivationType activation_type_; }; diff --git a/onnxruntime/contrib_ops/cuda/quantization/moe_quantization.cc b/onnxruntime/contrib_ops/cuda/quantization/moe_quantization.cc index 571cc59dec75c..4dd5a079d1a29 100644 --- a/onnxruntime/contrib_ops/cuda/quantization/moe_quantization.cc +++ b/onnxruntime/contrib_ops/cuda/quantization/moe_quantization.cc @@ -37,61 +37,54 @@ template <> struct ToCudaTypeWrapper { using MappedType = cutlass::uint4b_t; }; + } // anonymous namespace -QMoE::QMoE(const OpKernelInfo& op_kernel_info) : CudaKernel(op_kernel_info), MoEBase(op_kernel_info) {} +QMoE::QMoE(const OpKernelInfo& op_kernel_info) : CudaKernel(op_kernel_info), MoEBase(op_kernel_info) { + ORT_ENFORCE(op_kernel_info.GetAttr("expert_weight_bits", &expert_weight_bits_).IsOK()); + ORT_ENFORCE(expert_weight_bits_ == 8 || expert_weight_bits_ == 4, + "expert_weight_bits must be 4 or 8, but got ", expert_weight_bits_); +} -Status QMoE::ComputeInternal(OpKernelContext* context) const { - const Tensor* input = context->Input(0); - const Tensor* router_probs = context->Input(1); - const Tensor* fc1_experts_weights = context->Input(2); - const Tensor* fc1_scales = context->Input(3); - const Tensor* fc1_experts_bias_optional = context->Input(4); - const Tensor* fc2_experts_weights = context->Input(5); - const Tensor* fc2_scales = context->Input(6); - const Tensor* fc2_experts_bias_optional = context->Input(7); - const Tensor* fc3_experts_weights_optional = context->Input(8); - const Tensor* fc3_scales_optional = context->Input(9); - const Tensor* fc3_experts_bias_optional = context->Input(10); +template +Status QMoE::QuantizedMoEImpl(OpKernelContext* context, + MoEParameters& moe_params, + const Tensor* input, + const Tensor* router_probs, + const Tensor* fc1_experts_weights, + const Tensor* fc1_experts_bias_optional, + const Tensor* fc2_experts_weights, + const Tensor* fc2_experts_bias_optional, + const Tensor* fc3_experts_weights_optional, + const Tensor* fc3_experts_bias_optional, + const Tensor* fc1_scales, + const Tensor* fc2_scales, + const Tensor* fc3_scales_optional, + const cudaDeviceProp& device_prop) const { + auto stream = context->GetComputeStream(); -#if defined(__GNUC__) -#pragma GCC diagnostic push -#pragma GCC diagnostic ignored "-Wmaybe-uninitialized" // Mute "maybe used uninitialized" warning for MoEParameters. -#endif + const int sm = device_prop.major * 10 + device_prop.minor; - MoEParameters moe_params; - MoEQuantType quant_type = MoEQuantType::UINT4; - ORT_RETURN_IF_ERROR(CheckInputs(moe_params, quant_type, input, router_probs, fc1_experts_weights, - fc1_experts_bias_optional, fc2_experts_weights, fc2_experts_bias_optional, - fc3_experts_weights_optional, fc3_experts_bias_optional)); - ORT_RETURN_IF_ERROR(CheckInputScales(fc1_scales, fc2_scales, fc3_scales_optional, moe_params.num_experts, - moe_params.hidden_size, moe_params.inter_size)); + AllocatorPtr allocator; + ORT_RETURN_IF_ERROR(context->GetTempSpaceAllocator(&allocator)); - // Support int4 only at the moment. We can add uint8 if needed. - static constexpr bool use_quint4x2 = true; using T = MLFloat16; using CudaT = typename ToCudaType::MappedType; - using CudaWeightT = typename ToCudaTypeWrapper::MappedType; - - auto stream = context->GetComputeStream(); - - auto& device_prop = GetDeviceProp(); - const int sm = device_prop.major * 10 + device_prop.minor; - ort_fastertransformer::CutlassMoeFCRunner moe_runner(sm, fc3_experts_weights_optional != nullptr, - normalize_routing_weights_); + ort_fastertransformer::CutlassMoeFCRunner moe_runner(sm, + fc3_experts_weights_optional != nullptr, + normalize_routing_weights_, + use_sparse_mixer_); size_t ws_size = moe_runner.getWorkspaceSize( static_cast(moe_params.num_rows), static_cast(moe_params.hidden_size), - static_cast(moe_params.inter_size), static_cast(moe_params.num_experts), static_cast(k_)); + static_cast(moe_params.inter_size), static_cast(moe_params.num_experts), + static_cast(k_)); size_t fc2_output_size = k_ * moe_params.num_rows * moe_params.hidden_size * sizeof(CudaT); size_t expert_scales_size = k_ * moe_params.num_rows * sizeof(CudaT); size_t expanded_source_row_to_expanded_dest_row_size = k_ * moe_params.num_rows * sizeof(int); size_t expert_for_source_row_size = k_ * moe_params.num_rows * sizeof(int); - AllocatorPtr allocator; - ORT_RETURN_IF_ERROR(context->GetTempSpaceAllocator(&allocator)); - IAllocatorUniquePtr work_space = IAllocator::MakeUniquePtr(allocator, ws_size, false, stream); IAllocatorUniquePtr fc2_output = IAllocator::MakeUniquePtr(allocator, fc2_output_size, false, stream); IAllocatorUniquePtr expert_scales = @@ -140,13 +133,56 @@ Status QMoE::ComputeInternal(OpKernelContext* context) const { reinterpret_cast(expert_for_source_row.get()), static_cast(moe_params.num_rows), static_cast(moe_params.hidden_size), static_cast(k_), Stream(context)); + return Status::OK(); +} + +Status QMoE::ComputeInternal(OpKernelContext* context) const { + const Tensor* input = context->Input(0); + const Tensor* router_probs = context->Input(1); + const Tensor* fc1_experts_weights = context->Input(2); + const Tensor* fc1_scales = context->Input(3); + const Tensor* fc1_experts_bias_optional = context->Input(4); + const Tensor* fc2_experts_weights = context->Input(5); + const Tensor* fc2_scales = context->Input(6); + const Tensor* fc2_experts_bias_optional = context->Input(7); + const Tensor* fc3_experts_weights_optional = context->Input(8); + const Tensor* fc3_scales_optional = context->Input(9); + const Tensor* fc3_experts_bias_optional = context->Input(10); + + MoEQuantType quant_type = expert_weight_bits_ == 4 ? MoEQuantType::UINT4 : MoEQuantType::UINT8; + MoEParameters moe_params; + ORT_RETURN_IF_ERROR(CheckInputs(moe_params, quant_type, input, router_probs, fc1_experts_weights, + fc1_experts_bias_optional, fc2_experts_weights, fc2_experts_bias_optional, + fc3_experts_weights_optional, fc3_experts_bias_optional)); + ORT_RETURN_IF_ERROR(CheckInputScales(fc1_scales, fc2_scales, fc3_scales_optional, moe_params.num_experts, + moe_params.hidden_size, moe_params.inter_size)); + #if defined(__GNUC__) -#pragma GCC diagnostic pop +#pragma GCC diagnostic push +#pragma GCC diagnostic ignored "-Wmaybe-uninitialized" // Mute "maybe used uninitialized" warning for MoEParameters. #endif - return Status::OK(); + if (quant_type == MoEQuantType::UINT4) { + using CudaWeightT = typename ToCudaTypeWrapper::MappedType; + return QuantizedMoEImpl(context, moe_params, input, router_probs, + fc1_experts_weights, fc1_experts_bias_optional, fc2_experts_weights, + fc2_experts_bias_optional, fc3_experts_weights_optional, + fc3_experts_bias_optional, fc1_scales, fc2_scales, fc3_scales_optional, + GetDeviceProp()); + } else { + using CudaWeightT = typename ToCudaTypeWrapper::MappedType; + return QuantizedMoEImpl(context, moe_params, input, router_probs, + fc1_experts_weights, fc1_experts_bias_optional, fc2_experts_weights, + fc2_experts_bias_optional, fc3_experts_weights_optional, + fc3_experts_bias_optional, fc1_scales, fc2_scales, fc3_scales_optional, + GetDeviceProp()); + } + +#if defined(__GNUC__) +#pragma GCC diagnostic pop +#endif } } // namespace cuda } // namespace contrib -} // namespace onnxruntime +} // namespace onnxruntime \ No newline at end of file diff --git a/onnxruntime/contrib_ops/cuda/quantization/moe_quantization.h b/onnxruntime/contrib_ops/cuda/quantization/moe_quantization.h index 7b68d2d082de8..c0164576d7c7f 100644 --- a/onnxruntime/contrib_ops/cuda/quantization/moe_quantization.h +++ b/onnxruntime/contrib_ops/cuda/quantization/moe_quantization.h @@ -18,6 +18,25 @@ class QMoE final : public CudaKernel, public MoEBase { public: explicit QMoE(const OpKernelInfo& op_kernel_info); Status ComputeInternal(OpKernelContext* ctx) const override; + + private: + template + Status QuantizedMoEImpl(OpKernelContext* context, + MoEParameters& moe_params, + const Tensor* input, + const Tensor* router_probs, + const Tensor* fc1_experts_weights, + const Tensor* fc1_experts_bias_optional, + const Tensor* fc2_experts_weights, + const Tensor* fc2_experts_bias_optional, + const Tensor* fc3_experts_weights_optional, + const Tensor* fc3_experts_bias_optional, + const Tensor* fc1_scales, + const Tensor* fc2_scales, + const Tensor* fc3_scales_optional, + const cudaDeviceProp& device_prop) const; + + int64_t expert_weight_bits_; }; } // namespace cuda diff --git a/onnxruntime/core/graph/contrib_ops/collective_defs.cc b/onnxruntime/core/graph/contrib_ops/collective_defs.cc index a0ca2e45f153a..7b4f3611f7cdf 100644 --- a/onnxruntime/core/graph/contrib_ops/collective_defs.cc +++ b/onnxruntime/core/graph/contrib_ops/collective_defs.cc @@ -95,6 +95,10 @@ void RegisterCollectiveOps() { "Whether to normalize routing weights", AttributeProto::INT, static_cast(0)) + .Attr("use_sparse_mixer", + "Whether to use sparse mixer", + AttributeProto::INT, + static_cast(0)) .Attr("local_experts_start_index", "The start index of local experts", AttributeProto::INT, diff --git a/onnxruntime/core/graph/contrib_ops/contrib_defs.cc b/onnxruntime/core/graph/contrib_ops/contrib_defs.cc index aebe726afe711..c899480db4d72 100644 --- a/onnxruntime/core/graph/contrib_ops/contrib_defs.cc +++ b/onnxruntime/core/graph/contrib_ops/contrib_defs.cc @@ -1395,6 +1395,7 @@ ONNX_MS_OPERATOR_SET_SCHEMA(MoE, 1, .Attr("activation_type", "Activation function to use. Choose from relu, gelu, silu and identity. Default is relu", AttributeProto::STRING, std::string("relu")) .Attr("k", "Number of top experts to select from expert pool", AttributeProto::INT, static_cast(1)) .Attr("normalize_routing_weights", "Whether to normalize routing weights", AttributeProto::INT, static_cast(0)) + .Attr("use_sparse_mixer", "Whether to use sparse mixer", AttributeProto::INT, static_cast(0)) .Input(0, "input", "2D input tensor with shape (num_rows, hidden_size) or 3D input tensor with shape (batch_size, sequence_length, hidden_size)", "T") .Input(1, "router_probs", "2D input tensor with shape (num_rows, num_experts)", "T") .Input(2, "fc1_experts_weights", "3D input tensor with shape (num_experts, hidden_size, inter_size)", "T") @@ -1410,7 +1411,7 @@ ONNX_MS_OPERATOR_SET_SCHEMA(MoE, 1, ONNX_MS_OPERATOR_SET_SCHEMA( QMoE, 1, OpSchema() - .SetDoc("Int4 MoE") + .SetDoc("Quantized MoE") .Attr("activation_type", "Activation function to use. Choose from relu, gelu, silu and identity. Default is relu", AttributeProto::STRING, @@ -1423,18 +1424,31 @@ ONNX_MS_OPERATOR_SET_SCHEMA( "Whether to normalize routing weights", AttributeProto::INT, static_cast(0)) + .Attr("use_sparse_mixer", "Whether to use sparse mixer", AttributeProto::INT, static_cast(0)) + .Attr("expert_weight_bits", + "Number of bits used in quantized weights. Default is 4 bits", + AttributeProto::INT, + static_cast(4)) .Input(0, "input", "2D input tensor with shape (num_rows, hidden_size) or 3D input tensor with shape " "(batch_size, sequence_length, hidden_size)", "T") .Input(1, "router_probs", "2D input tensor with shape (num_rows, num_experts)", "T") - .Input(2, "fc1_experts_weights", "3D input tensor with shape (num_experts, hidden_size, inter_size / 2)", "T1") + .Input(2, + "fc1_experts_weights", + "3D input tensor with shape (num_experts, hidden_size, inter_size) " + "or (num_experts, hidden_size, inter_size / 2)", + "T1") .Input(3, "fc1_scales", "2D input tensor with shape (num_experts, inter_size)", "T") .Input(4, "fc1_experts_bias", "2D optional input tensor with shape (num_experts, inter_size)", "T", OpSchema::Optional) - .Input(5, "fc2_experts_weights", "3D input tensor with shape (num_experts, inter_size, hidden_size / 2)", "T1") + .Input(5, + "fc2_experts_weights", + "3D input tensor with shape (num_experts, inter_size, hidden_size) " + "or (num_experts, inter_size, hidden_size / 2)", + "T1") .Input(6, "fc2_scales", "2D input tensor with shape (num_experts, hidden_size)", "T") .Input(7, "fc2_experts_bias", @@ -1443,7 +1457,8 @@ ONNX_MS_OPERATOR_SET_SCHEMA( OpSchema::Optional) .Input(8, "fc3_experts_weights", - "3D optional input tensor with shape (num_experts, hidden_size, inter_size / 2)", + "3D optional input tensor with shape (num_experts, hidden_size, inter_size) " + "or (num_experts, hidden_size, inter_size / 2)", "T1", OpSchema::Optional) .Input(9, diff --git a/onnxruntime/test/python/transformers/test_parity_mixtral_moe.py b/onnxruntime/test/python/transformers/test_parity_mixtral_moe.py deleted file mode 100644 index 00704626028a0..0000000000000 --- a/onnxruntime/test/python/transformers/test_parity_mixtral_moe.py +++ /dev/null @@ -1,361 +0,0 @@ -# -------------------------------------------------------------------------- -# Copyright 2020 The HuggingFace Inc. team -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at http://www.apache.org/licenses/LICENSE-2.0 -# -------------------------------------------------------------------------- -# Copyright (c) Microsoft Corporation. All rights reserved. -# Licensed under the MIT License. See License.txt in the project root for -# license information. -# -------------------------------------------------------------------------- -import unittest -from collections import OrderedDict - -import numpy -import torch -import torch.nn.functional as F -from onnx import TensorProto, helper -from torch import nn - -import onnxruntime - -torch.manual_seed(42) -numpy.random.seed(42) - -ORT_DTYPE = TensorProto.FLOAT -NP_TYPE = numpy.float16 if ORT_DTYPE == TensorProto.FLOAT16 else numpy.float32 -THRESHOLD = 3e-2 - - -def value_string_of(numpy_array): - arr = numpy_array.flatten() - lines = ["f, ".join([str(v) for v in arr[i : min(i + 8, arr.size)]]) for i in range(0, arr.size, 8)] - return "{\n " + "f,\n ".join(lines) + "f}" - - -def print_tensor(name, numpy_array): - print(f"const std::vector {name} = {value_string_of(numpy_array)};") - - -def create_moe_onnx_graph( - num_rows, - num_experts, - hidden_size, - inter_size, - fc1_experts_weights, - fc2_experts_weights, - fc3_experts_weights, - topk, -): - nodes = [ - helper.make_node( - "MoE", - [ - "input", - "router_probs", - "fc1_experts_weights", - "", - "fc2_experts_weights", - "", - "fc3_experts_weights", - ], - ["output"], - "MoE_0", - k=topk, - normalize_routing_weights=1, - activation_type="silu", - domain="com.microsoft", - ), - ] - - fc1_shape = [num_experts, hidden_size, inter_size] - fc2_shape = [num_experts, inter_size, hidden_size] - fc3_shape = [num_experts, hidden_size, inter_size] - - torch_type = torch.float16 if ORT_DTYPE == TensorProto.FLOAT16 else torch.float32 - - initializers = [ - helper.make_tensor( - "fc1_experts_weights", - ORT_DTYPE, - fc1_shape, - fc1_experts_weights.to(torch_type).flatten().tolist(), - raw=False, - ), - helper.make_tensor( - "fc2_experts_weights", - ORT_DTYPE, - fc2_shape, - fc2_experts_weights.to(torch_type).flatten().tolist(), - raw=False, - ), - helper.make_tensor( - "fc3_experts_weights", - ORT_DTYPE, - fc3_shape, - fc3_experts_weights.to(torch_type).flatten().tolist(), - raw=False, - ), - ] - - graph_inputs = [ - helper.make_tensor_value_info("input", ORT_DTYPE, [num_rows, hidden_size]), - ] - - graph_inputs.append( - helper.make_tensor_value_info( - "router_probs", - ORT_DTYPE, - [num_rows, num_experts], - ) - ) - - graph_outputs = [ - helper.make_tensor_value_info("output", ORT_DTYPE, [num_rows, hidden_size]), - ] - - graph = helper.make_graph( - nodes, - "MoE_Graph", - graph_inputs, - graph_outputs, - initializers, - ) - - model = helper.make_model(graph) - return model.SerializeToString() - - -class ClassInstantier(OrderedDict): - def __getitem__(self, key): - content = super().__getitem__(key) - cls, kwargs = content if isinstance(content, tuple) else (content, {}) - return cls(**kwargs) - - -ACT2CLS = { - "silu": nn.SiLU, -} -ACT2FN = ClassInstantier(ACT2CLS) - - -class MixtralConfig: - def __init__( - self, - hidden_size=4096, - intermediate_size=14336, - num_hidden_layers=32, - num_attention_heads=32, - num_key_value_heads=8, - hidden_act="silu", - initializer_range=0.02, - rms_norm_eps=1e-5, - use_cache=True, - rope_theta=1e6, - attention_dropout=0.0, - num_experts_per_tok=2, - num_local_experts=8, - output_router_logits=False, - router_aux_loss_coef=0.001, - ): - self.hidden_size = hidden_size - self.intermediate_size = intermediate_size - self.num_hidden_layers = num_hidden_layers - self.num_attention_heads = num_attention_heads - if num_key_value_heads is None: - num_key_value_heads = num_attention_heads - self.num_key_value_heads = num_key_value_heads - self.hidden_act = hidden_act - self.initializer_range = initializer_range - self.rms_norm_eps = rms_norm_eps - self.use_cache = use_cache - self.rope_theta = rope_theta - self.attention_dropout = attention_dropout - self.num_experts_per_tok = num_experts_per_tok - self.num_local_experts = num_local_experts - self.output_router_logits = output_router_logits - self.router_aux_loss_coef = router_aux_loss_coef - - -class MixtralBlockSparseTop2MLP(nn.Module): - def __init__(self, config: MixtralConfig): - super().__init__() - self.ffn_dim = config.intermediate_size - self.hidden_dim = config.hidden_size - - self.w1 = nn.Linear(self.hidden_dim, self.ffn_dim, bias=False) - self.w2 = nn.Linear(self.ffn_dim, self.hidden_dim, bias=False) - self.w3 = nn.Linear(self.hidden_dim, self.ffn_dim, bias=False) - - self.act_fn = ACT2FN[config.hidden_act] - - def forward(self, hidden_states): - current_hidden_states_1 = self.act_fn(self.w1(hidden_states)) - current_hidden_states_3 = self.w3(hidden_states) - current_hidden_states = current_hidden_states_1 * current_hidden_states_3 - current_hidden_states = self.w2(current_hidden_states) - return current_hidden_states - - -class MixtralSparseMoeBlock(nn.Module): - """ - This implementation is - strictly equivalent to standard MoE with full capacity (no - dropped tokens). It's faster since it formulates MoE operations - in terms of block-sparse operations to accommodate imbalanced - assignments of tokens to experts, whereas standard MoE either - (1) drop tokens at the cost of reduced performance or (2) set - capacity factor to number of experts and thus waste computation - and memory on padding. - """ - - def __init__(self, config, batch_size, sequence_length): - super().__init__() - self.hidden_dim = config.hidden_size - self.ffn_dim = config.intermediate_size - self.num_experts = config.num_local_experts - self.top_k = config.num_experts_per_tok - - # gating - self.gate = nn.Linear(self.hidden_dim, self.num_experts, bias=False) - - self.experts = nn.ModuleList([MixtralBlockSparseTop2MLP(config) for _ in range(self.num_experts)]) - - w1_list = [] - w2_list = [] - w3_list = [] - for i in range(self.num_experts): - w1_list.append(self.experts[i].w1.weight) - w2_list.append(self.experts[i].w2.weight) - w3_list.append(self.experts[i].w3.weight) - - self.moe_experts_weight1 = torch.stack(w1_list, dim=0) - self.moe_experts_weight2 = torch.stack(w2_list, dim=0) - self.moe_experts_weight3 = torch.stack(w3_list, dim=0) - - self.batch_size = batch_size - self.sequence_length = sequence_length - self.moe_onnx_graph = create_moe_onnx_graph( - self.batch_size * self.sequence_length, - self.num_experts, - self.hidden_dim, - self.ffn_dim, - self.moe_experts_weight1, - self.moe_experts_weight2, - self.moe_experts_weight3, - self.top_k, - ) - - self.ort_sess = self.create_ort_session() - - def create_ort_session(self): - from onnxruntime import InferenceSession, SessionOptions - - sess_options = SessionOptions() - - cuda_providers = ["CUDAExecutionProvider"] - if cuda_providers[0] not in onnxruntime.get_available_providers(): - return None - - sess_options.log_severity_level = 2 - ort_session = InferenceSession(self.moe_onnx_graph, sess_options, providers=["CUDAExecutionProvider"]) - - return ort_session - - def forward(self, hidden_states: torch.Tensor) -> torch.Tensor: - """ """ - batch_size, sequence_length, hidden_dim = hidden_states.shape - hidden_states = hidden_states.view(-1, hidden_dim) - # router_logits: (batch * sequence_length, n_experts) - router_logits = self.gate(hidden_states) - - routing_weights = F.softmax(router_logits, dim=1, dtype=torch.float) - routing_weights, selected_experts = torch.topk(routing_weights, self.top_k, dim=-1) - - routing_weights /= routing_weights.sum(dim=-1, keepdim=True) - # we cast back to the input dtype - routing_weights = routing_weights.to(hidden_states.dtype) - - final_hidden_states = torch.zeros( - (batch_size * sequence_length, hidden_dim), dtype=hidden_states.dtype, device=hidden_states.device - ) - - # One hot encode the selected experts to create an expert mask - # this will be used to easily index which expert is going to be sollicitated - expert_mask = torch.nn.functional.one_hot(selected_experts, num_classes=self.num_experts).permute(2, 1, 0) - - # Loop over all available experts in the model and perform the computation on each expert - for expert_idx in range(self.num_experts): - expert_layer = self.experts[expert_idx] - idx, top_x = torch.where(expert_mask[expert_idx]) - - if top_x.shape[0] == 0: - continue - - # Index the correct hidden states and compute the expert hidden state for - # the current expert. We need to make sure to multiply the output hidden - # states by `routing_weights` on the corresponding tokens (top-1 and top-2) - current_state = hidden_states[None, top_x].reshape(-1, hidden_dim) - current_hidden_states = expert_layer(current_state) * routing_weights[top_x, idx, None] - - # However `index_add_` only support torch tensors for indexing so we'll use - # the `top_x` tensor here. - final_hidden_states.index_add_(0, top_x, current_hidden_states.to(hidden_states.dtype)) - final_hidden_states = final_hidden_states.reshape(batch_size, sequence_length, hidden_dim) - return final_hidden_states # , router_logits - - def ort_forward(self, hidden_states: torch.Tensor) -> torch.Tensor: - batch_size, sequence_length, hidden_dim = hidden_states.shape - hidden_states = hidden_states.view(-1, hidden_dim) - # router_logits: (batch * sequence_length, n_experts) - router_logits = self.gate(hidden_states) - - ort_inputs = { - "input": numpy.ascontiguousarray(hidden_states.detach().numpy().astype(NP_TYPE)), - "router_probs": numpy.ascontiguousarray(router_logits.detach().numpy().astype(NP_TYPE)), - } - - ort_output = None - if self.ort_sess is not None: - ort_output = self.ort_sess.run(None, ort_inputs) - return torch.tensor(ort_output).reshape(batch_size, sequence_length, -1) # , router_logits - - # print_tensor("input", ort_inputs["input"]) - # print_tensor("router_probs", ort_inputs["router_probs"]) - # print_tensor("fc1_experts_weights", self.moe_experts_weight1.detach().numpy()) - # print_tensor("fc2_experts_weights", self.moe_experts_weight2.detach().numpy()) - # print_tensor("fc3_experts_weights", self.moe_experts_weight3.detach().numpy()) - # print_tensor("output", ort_output[0]) - - return None - - def parity_check(self): - hidden_state = torch.randn(self.batch_size, self.sequence_length, self.hidden_dim) - torch_output = self.forward(hidden_state) - ort_output = self.ort_forward(hidden_state) - if ort_output is not None: - assert torch.allclose(torch_output, ort_output, rtol=1e-04, atol=1e-04) - print( - "batch_size:", - self.batch_size, - " sequence_length:", - self.sequence_length, - " max_diff:", - (torch_output - ort_output).abs().max(), - " parity: OK", - ) - - -class TestMixtralMoE(unittest.TestCase): - def test_mixtral_moe_parity(self): - for batch_size in [1, 16]: - for sequence_length in [128, 1024]: - # use a small sizes to speed up the test - config = MixtralConfig(hidden_size=256, intermediate_size=1024) - mixtral_moe = MixtralSparseMoeBlock(config, batch_size, sequence_length) - mixtral_moe.parity_check() - - -if __name__ == "__main__": - unittest.main() diff --git a/onnxruntime/test/python/transformers/test_parity_moe.py b/onnxruntime/test/python/transformers/test_parity_moe.py index be288d8b6e360..1e7940e38335f 100644 --- a/onnxruntime/test/python/transformers/test_parity_moe.py +++ b/onnxruntime/test/python/transformers/test_parity_moe.py @@ -8,28 +8,26 @@ # Copyright (c) Microsoft Corporation. All rights reserved. # Licensed under the MIT License. See License.txt in the project root for # license information. -# ------------------------------------------------------------------------- - -import platform -import time +# -------------------------------------------------------------------------- import unittest +from collections import OrderedDict import numpy -import pytest import torch -import torch.nn as nn import torch.nn.functional as F from onnx import TensorProto, helper +from parameterized import parameterized +from torch import nn import onnxruntime torch.manual_seed(42) numpy.random.seed(42) - -ORT_DTYPE = TensorProto.FLOAT16 +USE_QUANT = False +ORT_DTYPE = TensorProto.FLOAT16 if USE_QUANT else TensorProto.FLOAT NP_TYPE = numpy.float16 if ORT_DTYPE == TensorProto.FLOAT16 else numpy.float32 -THRESHOLD = 3e-2 +THRESHOLD = 5e-1 if USE_QUANT else 1e-2 def value_string_of(numpy_array): @@ -42,8 +40,30 @@ def print_tensor(name, numpy_array): print(f"const std::vector {name} = {value_string_of(numpy_array)};") +def quant_dequant(weights, quant_mode: bool = True): + # use the test version `_symmetric_...` to get the non-interleaved weights + type = torch.quint4x2 if quant_mode else torch.int8 + # This import is needed to use torch.ops.trtllm._symmetric_quantize_last_axis_of_batched_matrix() + # Comment out this line for passing the lintrunner check in the CI. + # import tensorrt_llm + + quant_weights, processed_q_weight, torch_weight_scales = ( + torch.ops.trtllm._symmetric_quantize_last_axis_of_batched_matrix(weights.T.cpu().contiguous(), type) + ) + + # Unpack the int4s int int8s + if quant_mode: + upper = quant_weights >> 4 + lower = (quant_weights << 4) >> 4 # Arithmetic right shift sign extends + quant_weights = torch.stack((lower, upper), dim=2).view(weights.T.shape) + + quant_weights = quant_weights.to(dtype=weights.dtype) + result = torch.multiply(quant_weights, torch_weight_scales.unsqueeze(0)).T.contiguous() + return torch_weight_scales.to(torch.float16), processed_q_weight, result.to(device=weights.device) + + def create_moe_onnx_graph( - num_rows, + sequence_length, num_experts, hidden_size, inter_size, @@ -115,19 +135,265 @@ def create_moe_onnx_graph( ) graph_inputs = [ - helper.make_tensor_value_info("input", ORT_DTYPE, [num_rows, hidden_size]), + helper.make_tensor_value_info("input", ORT_DTYPE, [sequence_length, hidden_size]), + ] + + graph_inputs.append( + helper.make_tensor_value_info( + "router_probs", + ORT_DTYPE, + [sequence_length, num_experts], + ) + ) + + graph_outputs = [ + helper.make_tensor_value_info("output", ORT_DTYPE, [sequence_length, hidden_size]), + ] + + graph = helper.make_graph( + nodes, + "MoE_Graph", + graph_inputs, + graph_outputs, + initializers, + ) + + model = helper.make_model(graph) + return model.SerializeToString() + + +def create_mixtral_moe_onnx_graph( + sequence_length, + num_experts, + hidden_size, + inter_size, + fc1_experts_weights, + fc2_experts_weights, + fc3_experts_weights, + topk, +): + nodes = [ + helper.make_node( + "MoE", + [ + "input", + "router_probs", + "fc1_experts_weights", + "", + "fc2_experts_weights", + "", + "fc3_experts_weights", + ], + ["output"], + "MoE_0", + k=topk, + normalize_routing_weights=1, + activation_type="silu", + domain="com.microsoft", + ), + ] + + fc1_shape = [num_experts, hidden_size, inter_size] + fc2_shape = [num_experts, inter_size, hidden_size] + fc3_shape = [num_experts, hidden_size, inter_size] + + torch_type = torch.float16 if ORT_DTYPE == TensorProto.FLOAT16 else torch.float32 + + initializers = [ + helper.make_tensor( + "fc1_experts_weights", + ORT_DTYPE, + fc1_shape, + fc1_experts_weights.to(torch_type).flatten().tolist(), + raw=False, + ), + helper.make_tensor( + "fc2_experts_weights", + ORT_DTYPE, + fc2_shape, + fc2_experts_weights.to(torch_type).flatten().tolist(), + raw=False, + ), + helper.make_tensor( + "fc3_experts_weights", + ORT_DTYPE, + fc3_shape, + fc3_experts_weights.to(torch_type).flatten().tolist(), + raw=False, + ), + ] + + graph_inputs = [ + helper.make_tensor_value_info("input", ORT_DTYPE, [sequence_length, hidden_size]), + ] + + graph_inputs.append( + helper.make_tensor_value_info( + "router_probs", + ORT_DTYPE, + [sequence_length, num_experts], + ) + ) + + graph_outputs = [ + helper.make_tensor_value_info("output", ORT_DTYPE, [sequence_length, hidden_size]), + ] + + graph = helper.make_graph( + nodes, + "MoE_Graph", + graph_inputs, + graph_outputs, + initializers, + ) + + model = helper.make_model(graph) + return model.SerializeToString() + + +def create_phi_moe_onnx_graph( + sequence_length, + num_experts, + hidden_size, + inter_size, + fc1_experts_weights, + fc2_experts_weights, + fc3_experts_weights, + fc1_scales, + fc2_scales, + fc3_scales, + topk, +): + use_quant = USE_QUANT + if use_quant: + assert fc1_experts_weights.dtype == torch.int8 + assert fc2_experts_weights.dtype == torch.int8 + assert fc3_experts_weights.dtype == torch.int8 + assert fc1_scales is not None + assert fc2_scales is not None + assert fc3_scales is not None + assert fc1_scales.dtype == torch.float16 + assert fc2_scales.dtype == torch.float16 + assert fc3_scales.dtype == torch.float16 + + nodes = [ + helper.make_node( + "MoE" if not use_quant else "QMoE", + ( + [ + "input", + "router_probs", + "fc1_experts_weights", + "", + "fc2_experts_weights", + "", + "fc3_experts_weights", + ] + if not use_quant + else [ + "input", + "router_probs", + "fc1_experts_weights", + "fc1_scales", + "", + "fc2_experts_weights", + "fc2_scales", + "", + "fc3_experts_weights", + "fc3_scales", + "", + ] + ), + ["output"], + "MoE_0", + k=topk, + normalize_routing_weights=0, + use_sparse_mixer=1, + activation_type="silu", + domain="com.microsoft", + ), + ] + + if use_quant: + nodes[0].attribute.extend([helper.make_attribute("expert_weight_bits", 8)]) + + fc1_shape = [num_experts, hidden_size, inter_size] + fc2_shape = [num_experts, inter_size, hidden_size] + fc3_shape = [num_experts, hidden_size, inter_size] + + torch_type = torch.float16 if ORT_DTYPE == TensorProto.FLOAT16 else torch.float32 + numpy_type = numpy.float16 if ORT_DTYPE == TensorProto.FLOAT16 else numpy.float32 + if use_quant: + numpy_type = numpy.uint8 + + initializers = [ + helper.make_tensor( + "fc1_experts_weights", + ORT_DTYPE if not use_quant else TensorProto.UINT8, + fc1_shape, + fc1_experts_weights.flatten().detach().numpy().astype(numpy_type).tolist(), + raw=False, + ), + helper.make_tensor( + "fc2_experts_weights", + ORT_DTYPE if not use_quant else TensorProto.UINT8, + fc2_shape, + fc2_experts_weights.flatten().detach().numpy().astype(numpy_type).tolist(), + raw=False, + ), + helper.make_tensor( + "fc3_experts_weights", + ORT_DTYPE if not use_quant else TensorProto.UINT8, + fc3_shape, + fc3_experts_weights.flatten().detach().numpy().astype(numpy_type).tolist(), + raw=False, + ), + ] + + if use_quant: + fc1_scale_shape = [num_experts, inter_size] + fc2_scale_shape = [num_experts, hidden_size] + fc3_scale_shape = [num_experts, inter_size] + initializers.extend( + [ + helper.make_tensor( + "fc1_scales", + ORT_DTYPE, + fc1_scale_shape, + fc1_scales.to(torch_type).flatten().tolist(), + raw=False, + ), + helper.make_tensor( + "fc2_scales", + ORT_DTYPE, + fc2_scale_shape, + fc2_scales.to(torch_type).flatten().tolist(), + raw=False, + ), + helper.make_tensor( + "fc3_scales", + ORT_DTYPE, + fc3_scale_shape, + fc3_scales.to(torch_type).flatten().tolist(), + raw=False, + ), + ] + ) + + graph_inputs = [ + helper.make_tensor_value_info("input", ORT_DTYPE, [sequence_length, hidden_size]), ] graph_inputs.append( helper.make_tensor_value_info( "router_probs", ORT_DTYPE, - [num_rows, num_experts], + [sequence_length, num_experts], ) ) graph_outputs = [ - helper.make_tensor_value_info("output", ORT_DTYPE, [num_rows, hidden_size]), + helper.make_tensor_value_info("output", ORT_DTYPE, [sequence_length, hidden_size]), ] graph = helper.make_graph( @@ -142,13 +408,52 @@ def create_moe_onnx_graph( return model.SerializeToString() -def get_activation_fn(activation): - if activation == "relu": - return nn.ReLU - elif activation == "gelu": - return nn.GELU - else: - raise NotImplementedError +class ClassInstantier(OrderedDict): + def __getitem__(self, key): + content = super().__getitem__(key) + cls, kwargs = content if isinstance(content, tuple) else (content, {}) + return cls(**kwargs) + + +ACT2CLS = { + "silu": nn.SiLU, + "gelu": nn.GELU, +} +ACT2FN = ClassInstantier(ACT2CLS) + + +class MixtralConfig: + def __init__( + self, + hidden_size=4096, + intermediate_size=14336, + hidden_act="silu", + num_experts_per_tok=2, + num_local_experts=8, + ): + self.hidden_size = hidden_size + self.intermediate_size = intermediate_size + self.hidden_act = hidden_act + self.num_experts_per_tok = num_experts_per_tok + self.num_local_experts = num_local_experts + + +class PhiMoEConfig: + def __init__( + self, + hidden_size=4096, + intermediate_size=14336, + hidden_act="silu", + num_experts_per_tok=2, + num_local_experts=8, + router_jitter_noise=0.01, + ): + self.hidden_size = hidden_size + self.intermediate_size = intermediate_size + self.hidden_act = hidden_act + self.num_experts_per_tok = num_experts_per_tok + self.num_local_experts = num_local_experts + self.router_jitter_noise = router_jitter_noise class MoEGate(nn.Module): @@ -184,14 +489,9 @@ def __init__( hidden_features=None, out_features=None, act_layer=nn.GELU, - drop=0.0, bias=True, - chunk_size=-1, ): super().__init__() - # assert bias is False, "Current bias is not supported" - assert drop == 0.0, "Current drop is not supported" - assert chunk_size == -1, "Current chunk is not supported" self.weight1 = nn.Parameter(torch.rand(num_experts, in_features, hidden_features)) self.weight2 = nn.Parameter(torch.rand(num_experts, hidden_features, out_features)) @@ -217,50 +517,39 @@ def bmm(self, x, weight, indices_s): return x -class MoE(nn.Module): - def __init__( - self, - batch_size, - num_rows, - num_experts, - in_features, - hidden_features=None, - out_features=None, - eval_capacity=-1, - activation="gelu", - ): +class MoEBlockSparseTop2MLP(nn.Module): + def __init__(self, config): super().__init__() - self.num_experts = num_experts - out_features = out_features or in_features - hidden_features = hidden_features or in_features - self.eval_capacity = eval_capacity # -1 means we route all tokens + self.ffn_dim = config.intermediate_size + self.hidden_dim = config.hidden_size - self.gate = MoEGate(num_experts=num_experts, in_features=in_features) - self.moe_experts = MoERuntimeExperts( - num_experts=num_experts, - in_features=in_features, - hidden_features=hidden_features, - out_features=out_features, - act_layer=get_activation_fn(activation), - bias=True, - ) + self.w1 = nn.Linear(self.hidden_dim, self.ffn_dim, bias=False) + self.w2 = nn.Linear(self.ffn_dim, self.hidden_dim, bias=False) + self.w3 = nn.Linear(self.hidden_dim, self.ffn_dim, bias=False) - self.moe_onnx_graph = create_moe_onnx_graph( - batch_size * num_rows, - num_experts, - in_features, - hidden_features, - self.moe_experts.weight1.transpose(1, 2), - self.moe_experts.bias1, - self.moe_experts.weight2.transpose(1, 2), - self.moe_experts.bias2, - ) + self.act_fn = ACT2FN[config.hidden_act] + + def forward(self, hidden_states): + current_hidden_states = self.act_fn(self.w1(hidden_states)) * self.w3(hidden_states) + current_hidden_states = self.w2(current_hidden_states) + return current_hidden_states + + +class MixtralBlockSparseTop2MLP(MoEBlockSparseTop2MLP): + def __init__(self, config: MixtralConfig): + super().__init__(config) - self.ort_sess = self.create_ort_session() - self.torch_input = torch.randn(batch_size, num_rows, in_features) +class PhiMoEBlockSparseTop2MLP(MoEBlockSparseTop2MLP): + def __init__(self, config: PhiMoEConfig): + super().__init__(config) - def create_ort_session(self): + +class SparseMoeBlockORTHelper(nn.Module): + def __init__(self): + super().__init__() + + def create_ort_session(self, moe_onnx_graph): from onnxruntime import InferenceSession, SessionOptions sess_options = SessionOptions() @@ -270,10 +559,42 @@ def create_ort_session(self): return None sess_options.log_severity_level = 2 - ort_session = InferenceSession(self.moe_onnx_graph, sess_options, providers=["CUDAExecutionProvider"]) + ort_session = InferenceSession(moe_onnx_graph, sess_options, providers=["CUDAExecutionProvider"]) return ort_session + def forward(self, hidden_states: torch.Tensor) -> torch.Tensor: + pass + + def ort_forward(self, hidden_states: torch.Tensor, iobinding=False) -> torch.Tensor: + batch_size, sequence_length, hidden_dim = hidden_states.shape + hidden_states = hidden_states.view(-1, hidden_dim) + # router_logits: (batch * sequence_length, n_experts) + router_logits = self.gate(hidden_states) + + ort_inputs = { + "input": numpy.ascontiguousarray(hidden_states.detach().numpy().astype(NP_TYPE)), + "router_probs": numpy.ascontiguousarray(router_logits.detach().numpy().astype(NP_TYPE)), + } + + ort_output = None + if self.ort_sess is not None: + if not iobinding: + ort_output = self.ort_sess.run(None, ort_inputs) + return torch.tensor(ort_output).reshape(batch_size, sequence_length, -1) # , router_logits + else: + self.ort_run_with_iobinding(ort_inputs) + return None + + # print_tensor("input", ort_inputs["input"]) + # print_tensor("router_probs", ort_inputs["router_probs"]) + # print_tensor("fc1_experts_weights", self.moe_experts_weight1.detach().numpy()) + # print_tensor("fc2_experts_weights", self.moe_experts_weight2.detach().numpy()) + # print_tensor("fc3_experts_weights", self.moe_experts_weight3.detach().numpy()) + # print_tensor("output", ort_output[0]) + + return None + def ort_run_with_iobinding(self, ort_inputs, repeat=1000): iobinding = self.ort_sess.io_binding() device_id = torch.cuda.current_device() @@ -286,6 +607,7 @@ def ort_run_with_iobinding(self, ort_inputs, repeat=1000): shape=ort_inputs["input"].shape, buffer_ptr=onnxruntime.OrtValue.ortvalue_from_numpy(ort_inputs["input"], "cuda", device_id).data_ptr(), ) + iobinding.bind_input( name="router_probs", device_type="cuda", @@ -308,6 +630,14 @@ def ort_run_with_iobinding(self, ort_inputs, repeat=1000): ).data_ptr(), ) + # warm up + for _ in range(5): + iobinding.synchronize_inputs() + self.ort_sess.run_with_iobinding(iobinding) + iobinding.synchronize_outputs() + + import time + s = time.time() for _ in range(repeat): iobinding.synchronize_inputs() @@ -316,117 +646,389 @@ def ort_run_with_iobinding(self, ort_inputs, repeat=1000): e = time.time() print(f"MoE cuda kernel time: {(e - s) / repeat * 1000} ms") - def torch_forward(self): - x = self.torch_input + def parity_check(self): + hidden_state = torch.randn(self.batch_size, self.sequence_length, self.hidden_dim) + torch_output = self.forward(hidden_state) + ort_output = self.ort_forward(hidden_state) + if ort_output is not None: + assert torch.allclose(torch_output, ort_output.to(torch.float32), rtol=THRESHOLD, atol=THRESHOLD) + print( + "name:", + self.__class__.__name__, + " batch_size:", + self.batch_size, + " sequence_length:", + self.sequence_length, + " max_diff:", + (torch_output - ort_output).abs().max(), + " parity: OK", + ) + + def benchmark_ort(self): + hidden_state = torch.randn(self.batch_size, self.sequence_length, self.hidden_dim) + self.ort_forward(hidden_state, iobinding=True) + + +class SwitchMoE(SparseMoeBlockORTHelper): + def __init__( + self, + batch_size, + sequence_length, + num_experts, + in_features, + hidden_features=None, + out_features=None, + eval_capacity=-1, + activation="gelu", + ): + super().__init__() + self.batch_size = batch_size + self.sequence_length = sequence_length + self.num_experts = num_experts + self.hidden_dim = in_features + self.ffn_dim = hidden_features + out_features = out_features or in_features + hidden_features = hidden_features or in_features + self.eval_capacity = eval_capacity # -1 means we route all tokens + + self.gate = MoEGate(num_experts=num_experts, in_features=in_features) + self.moe_experts = MoERuntimeExperts( + num_experts=num_experts, + in_features=in_features, + hidden_features=hidden_features, + out_features=out_features, + act_layer=ACT2CLS[activation], + bias=True, + ) + + self.moe_onnx_graph = create_moe_onnx_graph( + batch_size * sequence_length, + num_experts, + in_features, + hidden_features, + self.moe_experts.weight1.transpose(1, 2), + self.moe_experts.bias1, + self.moe_experts.weight2.transpose(1, 2), + self.moe_experts.bias2, + ) - b, t, c = x.shape - x = x.reshape(-1, c) - logits = self.gate(x) + self.ort_sess = self.create_ort_session(self.moe_onnx_graph) + + self.torch_input = torch.randn(batch_size, sequence_length, in_features) + + def forward(self, hidden_states): + b, t, c = hidden_states.shape + hidden_states = hidden_states.reshape(-1, c) + logits = self.gate(hidden_states) gates = torch.nn.functional.softmax(logits, dim=1) ret = torch.max(gates, dim=1) indices_s = ret.indices # dim: [bs], the index of the expert with highest softmax value scores = ret.values.unsqueeze(-1).unsqueeze(-1) # S - x = self.moe_experts(x, indices_s) + hidden_states = self.moe_experts(hidden_states, indices_s) - x = x * scores - x = x.reshape(b * t, c) + hidden_states = hidden_states * scores + hidden_states = hidden_states.reshape(b, t, c) - return x, torch.sum(x) + return hidden_states - def onnx_forward(self, iobinding=False): - x = self.torch_input - _, _, c = x.shape - y = x.reshape(-1, c) - logits = self.gate(y) +class MixtralSparseMoeBlock(SparseMoeBlockORTHelper): + """ + This implementation is + strictly equivalent to standard MoE with full capacity (no + dropped tokens). It's faster since it formulates MoE operations + in terms of block-sparse operations to accommodate imbalanced + assignments of tokens to experts, whereas standard MoE either + (1) drop tokens at the cost of reduced performance or (2) set + capacity factor to number of experts and thus waste computation + and memory on padding. + """ - ort_inputs = { - "input": numpy.ascontiguousarray(y.detach().numpy().astype(NP_TYPE)), - "router_probs": numpy.ascontiguousarray(logits.detach().numpy().astype(NP_TYPE)), - } + def __init__(self, config, batch_size, sequence_length): + super().__init__() + self.hidden_dim = config.hidden_size + self.ffn_dim = config.intermediate_size + self.num_experts = config.num_local_experts + self.top_k = config.num_experts_per_tok + + # gating + self.gate = nn.Linear(self.hidden_dim, self.num_experts, bias=False) + + self.experts = nn.ModuleList([MixtralBlockSparseTop2MLP(config) for _ in range(self.num_experts)]) + + w1_list = [] + w2_list = [] + w3_list = [] + for i in range(self.num_experts): + w1_list.append(self.experts[i].w1.weight) + w2_list.append(self.experts[i].w2.weight) + w3_list.append(self.experts[i].w3.weight) + + self.moe_experts_weight1 = torch.stack(w1_list, dim=0) + self.moe_experts_weight2 = torch.stack(w2_list, dim=0) + self.moe_experts_weight3 = torch.stack(w3_list, dim=0) + + self.batch_size = batch_size + self.sequence_length = sequence_length + self.moe_onnx_graph = create_mixtral_moe_onnx_graph( + self.batch_size * self.sequence_length, + self.num_experts, + self.hidden_dim, + self.ffn_dim, + self.moe_experts_weight1, + self.moe_experts_weight2, + self.moe_experts_weight3, + self.top_k, + ) - ort_output = None - if self.ort_sess is not None: - if not iobinding: - ort_output = self.ort_sess.run(None, ort_inputs) - else: - self.ort_run_with_iobinding(ort_inputs) - return None + self.ort_sess = self.create_ort_session(self.moe_onnx_graph) - # print_tensor("input", ort_inputs["input"]) - # print_tensor("router_probs", ort_inputs["router_probs"]) - # print_tensor("fc1_experts_weights", self.moe_experts.weight1.detach().numpy()) - # print_tensor("fc1_experts_bias", self.moe_experts.bias1.detach().numpy()) - # print_tensor("fc2_experts_weights", self.moe_experts.weight2.detach().numpy()) - # print_tensor("fc2_experts_bias", self.moe_experts.bias2.detach().numpy()) - # print_tensor("output", ort_output[0]) + def forward(self, hidden_states: torch.Tensor) -> torch.Tensor: + """ """ + batch_size, sequence_length, hidden_dim = hidden_states.shape + hidden_states = hidden_states.view(-1, hidden_dim) + # router_logits: (batch * sequence_length, n_experts) + router_logits = self.gate(hidden_states) - return ort_output + routing_weights = F.softmax(router_logits, dim=1, dtype=torch.float) + routing_weights, selected_experts = torch.topk(routing_weights, self.top_k, dim=-1) - def parity_check(self): - torch_out = self.torch_forward() - ort_out = self.onnx_forward() - if ort_out is not None: - # print("max diff", numpy.max(numpy.abs(torch_out[0].detach().numpy() - ort_out[0]))) - assert numpy.allclose(torch_out[0].detach().numpy(), ort_out[0], rtol=THRESHOLD, atol=THRESHOLD) - - def benchmark(self): - self.onnx_forward(iobinding=True) - - -class TestMoE(unittest.TestCase): - def test_moe_small(self): - if platform.system() == "Windows": - pytest.skip("Skip on Windows") - rt = MoE( - batch_size=2, - num_rows=8, - num_experts=4, - in_features=16, - hidden_features=32, - out_features=16, + routing_weights /= routing_weights.sum(dim=-1, keepdim=True) + # we cast back to the input dtype + routing_weights = routing_weights.to(hidden_states.dtype) + + final_hidden_states = torch.zeros( + (batch_size * sequence_length, hidden_dim), dtype=hidden_states.dtype, device=hidden_states.device + ) + + # One hot encode the selected experts to create an expert mask + # this will be used to easily index which expert is going to be sollicitated + expert_mask = torch.nn.functional.one_hot(selected_experts, num_classes=self.num_experts).permute(2, 1, 0) + + # Loop over all available experts in the model and perform the computation on each expert + for expert_idx in range(self.num_experts): + expert_layer = self.experts[expert_idx] + idx, top_x = torch.where(expert_mask[expert_idx]) + + if top_x.shape[0] == 0: + continue + + # Index the correct hidden states and compute the expert hidden state for + # the current expert. We need to make sure to multiply the output hidden + # states by `routing_weights` on the corresponding tokens (top-1 and top-2) + current_state = hidden_states[None, top_x].reshape(-1, hidden_dim) + current_hidden_states = expert_layer(current_state) * routing_weights[top_x, idx, None] + + # However `index_add_` only support torch tensors for indexing so we'll use + # the `top_x` tensor here. + final_hidden_states.index_add_(0, top_x, current_hidden_states.to(hidden_states.dtype)) + final_hidden_states = final_hidden_states.reshape(batch_size, sequence_length, hidden_dim) + return final_hidden_states # , router_logits + + +def masked_sampling_omp_inference(scores, top_k, jitter_eps, training): + assert top_k == 2 + assert not training + + mask_logits_threshold, selected_experts = torch.topk(scores, 2) + + mask_logits_threshold_1 = mask_logits_threshold[:, 0].unsqueeze(-1) + + factor = scores.abs().clamp(min=mask_logits_threshold_1) + logits_mask = ((mask_logits_threshold_1 - scores) / factor) > (2 * jitter_eps) + + multiplier_1 = torch.softmax(scores.masked_fill(logits_mask, float("-inf")), dim=-1).gather( + dim=-1, index=selected_experts[:, 0].unsqueeze(-1) + ) + + ################ second expert gating ################ + + mask_logits_threshold_2 = mask_logits_threshold[:, 1].unsqueeze(-1) + + factor = scores.abs().clamp(min=mask_logits_threshold_2) + logits_mask = ((mask_logits_threshold_2 - scores) / factor) > (2 * jitter_eps) + + multiplier_2 = torch.softmax( + torch.scatter(scores, -1, selected_experts[:, 0].unsqueeze(-1), float("-inf")).masked_fill( + logits_mask, float("-inf") + ), + dim=-1, + ).gather(dim=-1, index=selected_experts[:, 1].unsqueeze(-1)) + + multiplier = torch.concat((multiplier_1, multiplier_2), dim=-1) + + return ( + multiplier, + selected_experts, + ) + + +class PhiMoESparseMoeBlock(SparseMoeBlockORTHelper): + """ + This implementation is + strictly equivalent to standard MoE with full capacity (no + dropped tokens). It's faster since it formulates MoE operations + in terms of block-sparse operations to accommodate imbalanced + assignments of tokens to experts, whereas standard MoE either + (1) drop tokens at the cost of reduced performance or (2) set + capacity factor to number of experts and thus waste computation + and memory on padding. + """ + + def __init__(self, config, batch_size, sequence_length): + super().__init__() + self.hidden_dim = config.hidden_size + self.ffn_dim = config.intermediate_size + self.num_experts = config.num_local_experts + self.top_k = config.num_experts_per_tok + self.router_jitter_noise = config.router_jitter_noise + + # gating + self.gate = nn.Linear(self.hidden_dim, self.num_experts, bias=False) + + self.experts = nn.ModuleList([PhiMoEBlockSparseTop2MLP(config) for _ in range(self.num_experts)]) + + w1_list = [] + w2_list = [] + w3_list = [] + w1_scale_list = [] + w2_scale_list = [] + w3_scale_list = [] + if not USE_QUANT: + for i in range(self.num_experts): + w1_list.append(self.experts[i].w1.weight) + w2_list.append(self.experts[i].w2.weight) + w3_list.append(self.experts[i].w3.weight) + else: + for i in range(self.num_experts): + w1_scale, pre_qweight1, w1_qdq = quant_dequant(self.experts[i].w1.weight, False) + w2_scale, pre_qweight2, w2_qdq = quant_dequant(self.experts[i].w2.weight, False) + w3_scale, pre_qweight3, w3_qdq = quant_dequant(self.experts[i].w3.weight, False) + + self.experts[i].w1.weight.data = w1_qdq + self.experts[i].w2.weight.data = w2_qdq + self.experts[i].w3.weight.data = w3_qdq + + w1_list.append(pre_qweight1) + w2_list.append(pre_qweight2) + w3_list.append(pre_qweight3) + w1_scale_list.append(w1_scale) + w2_scale_list.append(w2_scale) + w3_scale_list.append(w3_scale) + + self.moe_experts_weight1 = torch.stack(w1_list, dim=0) + self.moe_experts_weight2 = torch.stack(w2_list, dim=0) + self.moe_experts_weight3 = torch.stack(w3_list, dim=0) + + moe_experts_weight_scale1 = torch.stack(w1_scale_list, dim=0) if USE_QUANT else None + moe_experts_weight_scale2 = torch.stack(w2_scale_list, dim=0) if USE_QUANT else None + moe_experts_weight_scale3 = torch.stack(w3_scale_list, dim=0) if USE_QUANT else None + + self.batch_size = batch_size + self.sequence_length = sequence_length + self.moe_onnx_graph = create_phi_moe_onnx_graph( + self.batch_size * self.sequence_length, + self.num_experts, + self.hidden_dim, + self.ffn_dim, + self.moe_experts_weight1, + self.moe_experts_weight2, + self.moe_experts_weight3, + moe_experts_weight_scale1, + moe_experts_weight_scale2, + moe_experts_weight_scale3, + self.top_k, + ) + + self.ort_sess = self.create_ort_session(self.moe_onnx_graph) + + def forward(self, hidden_states: torch.Tensor) -> torch.Tensor: + """ """ + batch_size, sequence_length, hidden_dim = hidden_states.shape + + hidden_states = hidden_states.view(-1, hidden_dim) + router_logits = self.gate(hidden_states) + + routing_weights, selected_experts = masked_sampling_omp_inference( + router_logits, + top_k=self.top_k, + jitter_eps=self.router_jitter_noise, + training=False, + ) + + final_hidden_states = torch.zeros( + (batch_size * sequence_length, hidden_dim), dtype=hidden_states.dtype, device=hidden_states.device + ) + + # One hot encode the selected experts to create an expert mask + # this will be used to easily index which expert is going to be sollicitated + expert_mask = torch.nn.functional.one_hot(selected_experts, num_classes=self.num_experts).permute(2, 1, 0) + + # Loop over all available experts in the model and perform the computation on each expert + for expert_idx in range(self.num_experts): + expert_layer = self.experts[expert_idx] + idx, top_x = torch.where(expert_mask[expert_idx]) + + if top_x.shape[0] == 0: + continue + + # in torch it is faster to index using lists than torch tensors + top_x_list = top_x.tolist() + idx_list = idx.tolist() + + # Index the correct hidden states and compute the expert hidden state for + # the current expert. We need to make sure to multiply the output hidden + # states by `routing_weights` on the corresponding tokens (top-1 and top-2) + current_state = hidden_states[None, top_x_list].reshape(-1, hidden_dim) + current_hidden_states = expert_layer(current_state) * routing_weights[top_x_list, idx_list, None] + + # However `index_add_` only support torch tensors for indexing so we'll use + # the `top_x` tensor here. + final_hidden_states.index_add_(0, top_x, current_hidden_states.to(hidden_states.dtype)) + final_hidden_states = final_hidden_states.reshape(batch_size, sequence_length, hidden_dim) + + return final_hidden_states # , router_logits + + +def small_test_cases(): + for batch_size in [1, 4, 16]: + for sequence_length in [128, 512, 1024]: + yield batch_size, sequence_length + + +class TestSwitchMoE(unittest.TestCase): + @parameterized.expand(small_test_cases()) + def test_switch_moe_parity(self, batch_size, sequence_length): + # if platform.system() == "Windows": + # pytest.skip("Skip on Windows") + switch_moe = SwitchMoE( + batch_size=batch_size, + sequence_length=sequence_length, + num_experts=8, + in_features=256, + hidden_features=1024, + out_features=256, ) - rt.parity_check() - - @pytest.mark.slow - def test_moe_large(self): - for batch_size in [1, 8]: - for num_rows in [16, 64]: - for num_experts in [16, 64]: - for in_features in [256]: - for hidden_features in [512]: - print( - f"batch_size={batch_size}, num_rows={num_rows}, num_experts={num_experts}, in_features={in_features}, hidden_features={hidden_features}" - ) - rt = MoE( - batch_size=batch_size, - num_rows=num_rows, - num_experts=num_experts, - in_features=in_features, - hidden_features=hidden_features, - out_features=in_features, - ) - rt.parity_check() - - @pytest.mark.slow - def test_moe_benchmark(self): - for batch_size in [32, 64]: - for num_rows in [128, 512]: - for num_experts in [64, 128]: - for in_features in [256, 512]: - for hidden_features in [1024, 2048]: - print( - f"batch_size={batch_size}, num_rows={num_rows}, num_experts={num_experts}, in_features={in_features}, hidden_features={hidden_features}" - ) - rt = MoE( - batch_size=batch_size, - num_rows=num_rows, - num_experts=num_experts, - in_features=in_features, - hidden_features=hidden_features, - out_features=in_features, - ) - rt.benchmark() + switch_moe.parity_check() + # switch_moe.benchmark_ort() + + +class TestMixtralMoE(unittest.TestCase): + @parameterized.expand(small_test_cases()) + def test_mixtral_moe_parity(self, batch_size, sequence_length): + config = MixtralConfig(hidden_size=256, intermediate_size=1024) + mixtral_moe = MixtralSparseMoeBlock(config, batch_size, sequence_length) + mixtral_moe.parity_check() + # mixtral_moe.benchmark_ort() + + +class TestPhiMoE(unittest.TestCase): + @parameterized.expand(small_test_cases()) + def test_phi3_moe_parity(self, batch_size, sequence_length): + config = PhiMoEConfig(hidden_size=256, intermediate_size=1024) + phi3_moe = PhiMoESparseMoeBlock(config, batch_size, sequence_length) + phi3_moe.parity_check() + # phi3_moe.benchmark_ort() if __name__ == "__main__": From 7f851f4e6185d75efe9cd652b977c6004c7fb161 Mon Sep 17 00:00:00 2001 From: Jian Chen Date: Tue, 27 Aug 2024 10:36:17 -0700 Subject: [PATCH 008/119] Removing docker_base_image parameter and variables (#21864) ### Description Removing `docker_base_image` parameter and variables. From the Cuda Packaging pipeline. ### Motivation and Context Since the docker image is hard coded in the `onnxruntime/tools/ci_build/github/linux/docker/inference/x86_64/default/cuda12/Dockerfile` and `onnxruntime/tools/ci_build/github/linux/docker/inference/x86_64/default/cuda11/Dockerfile` This parameter and variable is no longer needed. --- .../azure-pipelines/c-api-noopenmp-packaging-pipelines.yml | 1 - .../github/azure-pipelines/cuda-packaging-pipeline.yml | 6 ------ .../azure-pipelines/stages/nuget-combine-cuda-stage.yml | 4 ---- .../stages/nuget-linux-cuda-packaging-stage.yml | 4 +--- 4 files changed, 1 insertion(+), 14 deletions(-) diff --git a/tools/ci_build/github/azure-pipelines/c-api-noopenmp-packaging-pipelines.yml b/tools/ci_build/github/azure-pipelines/c-api-noopenmp-packaging-pipelines.yml index 6fdec323c29ff..24342ee977481 100644 --- a/tools/ci_build/github/azure-pipelines/c-api-noopenmp-packaging-pipelines.yml +++ b/tools/ci_build/github/azure-pipelines/c-api-noopenmp-packaging-pipelines.yml @@ -122,7 +122,6 @@ stages: parameters: DoCompliance: ${{ parameters.DoCompliance }} CudaVersion: 11.8 - docker_base_image: 'nvidia/cuda:11.8.0-cudnn8-devel-ubi8' RunOnnxRuntimeTests: ${{ parameters.RunOnnxRuntimeTests }} UseIncreasedTimeoutForTests: ${{ parameters.UseIncreasedTimeoutForTests }} win_trt_home: ${{ variables.win_trt_home }} diff --git a/tools/ci_build/github/azure-pipelines/cuda-packaging-pipeline.yml b/tools/ci_build/github/azure-pipelines/cuda-packaging-pipeline.yml index ad5bfd3b2dab8..785dc901d6e43 100644 --- a/tools/ci_build/github/azure-pipelines/cuda-packaging-pipeline.yml +++ b/tools/ci_build/github/azure-pipelines/cuda-packaging-pipeline.yml @@ -61,11 +61,6 @@ parameters: variables: - name: ReleaseVersionSuffix value: '' - - name: docker_base_image - ${{ if eq(parameters.CudaVersion, '11.8') }}: - value: nvidia/cuda:11.8.0-cudnn8-devel-ubi8 - ${{ if eq(parameters.CudaVersion, '12.2') }}: - value: nvidia/cuda:12.2.2-cudnn8-devel-ubi8 - name: win_trt_home ${{ if eq(parameters.CudaVersion, '11.8') }}: value: $(Agent.TempDirectory)\TensorRT-10.3.0.26.Windows10.x86_64.cuda-11.8 @@ -114,7 +109,6 @@ stages: parameters: DoCompliance: ${{ parameters.DoCompliance }} CudaVersion: ${{ parameters.CudaVersion }} - docker_base_image: ${{ variables.docker_base_image }} RunOnnxRuntimeTests: ${{ parameters.RunOnnxRuntimeTests }} UseIncreasedTimeoutForTests: ${{ parameters.UseIncreasedTimeoutForTests }} win_trt_home: ${{ variables.win_trt_home }} diff --git a/tools/ci_build/github/azure-pipelines/stages/nuget-combine-cuda-stage.yml b/tools/ci_build/github/azure-pipelines/stages/nuget-combine-cuda-stage.yml index 0d5aa7387b8be..88ae30c1ebe71 100644 --- a/tools/ci_build/github/azure-pipelines/stages/nuget-combine-cuda-stage.yml +++ b/tools/ci_build/github/azure-pipelines/stages/nuget-combine-cuda-stage.yml @@ -11,9 +11,6 @@ parameters: - name: CudaVersion type: string -- name: docker_base_image - type: string - - name: win_trt_home type: string @@ -42,7 +39,6 @@ stages: - template: nuget-linux-cuda-packaging-stage.yml parameters: CudaVersion: ${{ parameters.CudaVersion }} - docker_base_image: ${{ parameters.docker_base_image }} buildJava: ${{ parameters.buildJava }} buildNodejs: ${{ parameters.buildNodejs }} diff --git a/tools/ci_build/github/azure-pipelines/stages/nuget-linux-cuda-packaging-stage.yml b/tools/ci_build/github/azure-pipelines/stages/nuget-linux-cuda-packaging-stage.yml index 1f84b7796d0b5..dcde93e261c0d 100644 --- a/tools/ci_build/github/azure-pipelines/stages/nuget-linux-cuda-packaging-stage.yml +++ b/tools/ci_build/github/azure-pipelines/stages/nuget-linux-cuda-packaging-stage.yml @@ -2,8 +2,6 @@ parameters: - name: CudaVersion type: string default: '11.8' -- name: docker_base_image - type: string - name: buildJava type: boolean - name: buildNodejs @@ -167,7 +165,7 @@ stages: ScriptName: $(Build.SourcesDirectory)/onnxruntime/tools/ci_build/get_docker_image.py Dockerfile: $(Build.SourcesDirectory)/onnxruntime/tools/ci_build/github/linux/docker/inference/x86_64/default/cuda${{ variables.CUDA_VERSION_MAJOR }}/Dockerfile Context: $(Build.SourcesDirectory)/onnxruntime/tools/ci_build/github/linux/docker/inference/x86_64/default/cuda${{ variables.CUDA_VERSION_MAJOR }} - DockerBuildArgs: "--build-arg BASEIMAGE=${{ variables.docker_base_image }} --build-arg TRT_VERSION=${{ variables.linux_trt_version }} --build-arg BUILD_UID=$( id -u )" + DockerBuildArgs: "--build-arg TRT_VERSION=${{ variables.linux_trt_version }} --build-arg BUILD_UID=$( id -u )" Repository: onnxruntimecuda${{ variables.CUDA_VERSION_MAJOR }}xtrt86build UpdateDepsTxt: false From b7f09d4c27c76ef3074996cb03552338f60cabc2 Mon Sep 17 00:00:00 2001 From: Caroline Zhu Date: Tue, 27 Aug 2024 11:47:12 -0700 Subject: [PATCH 009/119] Increase timeout for orttraining-linux-gpu pipeline (#21844) ### Description Increase timeout to 160 minutes ### Motivation and Context - Recent runs of orttraining-linux-gpu pipeline have been timing out --- .../azure-pipelines/orttraining-linux-gpu-ci-pipeline.yml | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/tools/ci_build/github/azure-pipelines/orttraining-linux-gpu-ci-pipeline.yml b/tools/ci_build/github/azure-pipelines/orttraining-linux-gpu-ci-pipeline.yml index 2d2719fef8f3d..182eff8afbf32 100644 --- a/tools/ci_build/github/azure-pipelines/orttraining-linux-gpu-ci-pipeline.yml +++ b/tools/ci_build/github/azure-pipelines/orttraining-linux-gpu-ci-pipeline.yml @@ -48,7 +48,7 @@ jobs: RunInjectedPipeline: 'true' InjectedPipeline: 'orttraining-linux-gpu-test-ci-pipeline.yml' DockerImageTag: 'onnxruntime_orttraining_ortmodule_tests_image' - TimeoutInMinutes: 140 + TimeoutInMinutes: 190 # Enable unreleased onnx opsets in CI builds # This facilitates testing the implementation for the new opsets AllowReleasedOpsetOnly: '0' From d2a1b7a35398d6612a4d71272a6f784a913c855a Mon Sep 17 00:00:00 2001 From: Yulong Wang <7679871+fs-eire@users.noreply.github.com> Date: Tue, 27 Aug 2024 12:18:52 -0700 Subject: [PATCH 010/119] Introduce custom external data loader (#21634) ### Description This PR introduces support for custom external data loader. An EP can register a custom external data loader to override the default behavior, making it possible to upload initializers directly to GPU. ### Motivation and Context - In ONNX Runtime Web, WebAssembly uses 32-bit as pointer type (`sizeof(size_t)==4`), which means there is a 4GB hard limit on the maximum memory. As the ONNX models get larger, this becomes a blocker for supporting medium-sized language models. - ORT runs out of memory because the current code always loads data into CPU memory, including the .onnx file (protobuf) and external data file(s). However, if using GPU EP, the big data does not need to be kept on CPU because the only thing that ORT does is to load the data into memory, upload to GPU and then release them. - Some platforms has offered developers way to upload data directly to GPU. For example, webgpu allows uploading from any ArrayBuffer (it can be a side buffer, not count into the 4GB) to GPU directly. This helps to keep the CPU memory usage significantly. ### Design Class `ExternalDataLoader` and `ExternalDataLoaderManager` are introduced. They are similar to `DataTransfer` and `DataTransferManager`. `InferenceSession` owns the manager object, and `SessionState` keeps a reference to it. Added a new method `GetExternalDataLoader` in `IExecutionProvider`. An EP can override the method to register an instance of custom external data loader. The key function in a `ExternalDataLoader` class is method `LoadTensor`: ```c++ // the tensor is pre-created using the TensorProto info of the initializer and the MemoryInfo (from allocation plan). virtual common::Status LoadTensor(const Env& env, const std::filesystem::path& data_file_path, FileOffsetType data_offset, SafeInt data_length, Tensor& tensor) const; ``` This function can be registered by EP, going through a few layers and eventually get into `DeserializeTensorProto()` in the finalizing stage of session initialization. In this step, initializer tensors are created. Behavior is changed to first look up for a registered external data loader that can handle the current memory info. If any instance is available, use the loader; otherwise respect the old code path. --- .../core/framework/execution_provider.h | 14 +++ .../core/framework/external_data_loader.cc | 100 ++++++++++++++++++ .../core/framework/external_data_loader.h | 60 +++++++++++ .../framework/external_data_loader_manager.cc | 29 +++++ .../framework/external_data_loader_manager.h | 28 +++++ onnxruntime/core/framework/session_state.cc | 8 +- onnxruntime/core/framework/session_state.h | 6 ++ .../core/framework/session_state_utils.cc | 40 ++++--- .../core/framework/session_state_utils.h | 2 + .../core/framework/tensorprotoutils.cc | 84 ++++++--------- onnxruntime/core/framework/tensorprotoutils.h | 7 ++ onnxruntime/core/providers/js/allocator.cc | 6 +- onnxruntime/core/providers/js/allocator.h | 15 +-- .../core/providers/js/external_data_loader.cc | 42 ++++++++ .../core/providers/js/external_data_loader.h | 26 +++++ .../providers/js/js_execution_provider.cc | 9 +- .../core/providers/js/js_execution_provider.h | 1 + .../providers/shared_library/provider_api.h | 1 + onnxruntime/core/session/inference_session.cc | 13 +++ onnxruntime/core/session/inference_session.h | 9 ++ .../test/framework/allocation_planner_test.cc | 5 +- .../test/framework/execution_frame_test.cc | 15 ++- .../test/framework/session_state_test.cc | 23 +++- onnxruntime/test/providers/memcpy_test.cc | 3 +- onnxruntime/wasm/pre-jsep.js | 4 + 25 files changed, 448 insertions(+), 102 deletions(-) create mode 100644 onnxruntime/core/framework/external_data_loader.cc create mode 100644 onnxruntime/core/framework/external_data_loader.h create mode 100644 onnxruntime/core/framework/external_data_loader_manager.cc create mode 100644 onnxruntime/core/framework/external_data_loader_manager.h create mode 100644 onnxruntime/core/providers/js/external_data_loader.cc create mode 100644 onnxruntime/core/providers/js/external_data_loader.h diff --git a/include/onnxruntime/core/framework/execution_provider.h b/include/onnxruntime/core/framework/execution_provider.h index 49c3d1bdd088a..a5b5d2edde46c 100644 --- a/include/onnxruntime/core/framework/execution_provider.h +++ b/include/onnxruntime/core/framework/execution_provider.h @@ -11,6 +11,7 @@ #include "core/common/logging/logging.h" #include "core/common/status.h" #include "core/framework/data_transfer.h" +#include "core/framework/external_data_loader.h" #include "core/framework/tensor.h" namespace onnxruntime { @@ -88,6 +89,19 @@ class IExecutionProvider { return nullptr; } + /** + * Returns an external data loader object that implements methods to load data from external sources. + * + * By default, framework will handle external data loading by loading the data into CPU memory and then copying + * it to the target device if required. So in most cases, it's not necessary to override this method. Specifically, + * in WebAssembly build, because the memory is limited and Web platform supports loading data from external sources + * directly into GPU memory, this method is overridden to provide a custom external data loader to avoid the extra + * CPU memory usage. + */ + virtual std::unique_ptr GetExternalDataLoader() const { + return nullptr; + } + /** * Interface for performing kernel lookup within kernel registries. * Abstracts away lower-level details about kernel registries and kernel matching. diff --git a/onnxruntime/core/framework/external_data_loader.cc b/onnxruntime/core/framework/external_data_loader.cc new file mode 100644 index 0000000000000..ea6c499829391 --- /dev/null +++ b/onnxruntime/core/framework/external_data_loader.cc @@ -0,0 +1,100 @@ +// Copyright (c) Microsoft Corporation. All rights reserved. +// Licensed under the MIT License. + +#include "core/framework/external_data_loader.h" +#ifndef SHARED_PROVIDER +#include "core/framework/tensor.h" +#endif +#if defined(__wasm__) +#include +#endif + +namespace onnxruntime { + +common::Status IExternalDataLoader::LoadTensor([[maybe_unused]] const Env& env, + [[maybe_unused]] const std::filesystem::path& data_file_path, + [[maybe_unused]] FileOffsetType data_offset, + [[maybe_unused]] SafeInt data_length, + [[maybe_unused]] Tensor& tensor) const { + ORT_NOT_IMPLEMENTED(__FUNCTION__, " is not implemented"); +} + +#if defined(__wasm__) + +common::Status LoadWebAssemblyExternalData(const Env& env, + const std::filesystem::path& data_file_path, + FileOffsetType data_offset, + SafeInt data_length, + ExternalDataLoadType load_type, + void* tensor_data) { + auto err_code = EM_ASM_INT(({ + // If available, "Module.MountedFiles" is a Map for all preloaded files. + if (typeof Module == 'undefined' || !Module.MountedFiles) { + return 1; // "Module.MountedFiles" is not available. + } + let fileName = UTF8ToString($0 >>> 0); + if (fileName.startsWith('./')) { + fileName = fileName.substring(2); + } + const fileData = Module.MountedFiles.get(fileName); + if (!fileData) { + return 2; // File not found in preloaded files. + } + const offset = $1 >>> 0; + const length = $2 >>> 0; + const dataIdOrBuffer = $3 >>> 0; + const loadType = $4; + + if (offset + length > fileData.byteLength) { + return 3; // Out of bounds. + } + + try { + const data = fileData.subarray(offset, offset + length); + switch (loadType) { + case 0: + // Load external data to CPU memory. + // Copy the file data (fileData,offset,length) into WebAssembly memory + // (HEAPU8,buffer,length). + HEAPU8.set(data, dataIdOrBuffer); + break; + case 1: + // Load external data to GPU. + Module.jsepUploadExternalBuffer(dataIdOrBuffer, data); + break; + default: + return 4; // Unknown error occurred in memory copy. + } + return 0; + } catch { + return 4; + } + }), + data_file_path.c_str(), + static_cast(data_offset), + static_cast(data_length), + tensor_data, + static_cast(load_type)); + const char* err_msg; + switch (err_code) { + case 0: + return Status::OK(); + case 1: + err_msg = "Module.MountedFiles is not available."; + break; + case 2: + err_msg = "File not found in preloaded files."; + break; + case 3: + err_msg = "Out of bounds."; + break; + default: + err_msg = "Unknown error occurred in memory copy."; + } + return ORT_MAKE_STATUS(ONNXRUNTIME, FAIL, "Failed to load external data file \"", data_file_path, + "\", error: ", err_msg); +} + +#endif + +} // namespace onnxruntime diff --git a/onnxruntime/core/framework/external_data_loader.h b/onnxruntime/core/framework/external_data_loader.h new file mode 100644 index 0000000000000..117da7d0a4afa --- /dev/null +++ b/onnxruntime/core/framework/external_data_loader.h @@ -0,0 +1,60 @@ +// Copyright (c) Microsoft Corporation. All rights reserved. +// Licensed under the MIT License. + +#pragma once + +#include +#include +#include + +#include "core/common/common.h" +#include "core/common/safeint.h" +#include "core/platform/env.h" + +struct OrtMemoryInfo; + +namespace onnxruntime { +#ifndef SHARED_PROVIDER +class Tensor; +#endif +class Stream; + +namespace common { +class Status; +} + +// Data transfer interface. +class IExternalDataLoader { + public: + virtual ~IExternalDataLoader() = default; + + virtual bool CanLoad(const OrtMemoryInfo& target_memory_info) const = 0; + + // Tensor should be already allocated with the correct memory info and size. + virtual common::Status LoadTensor(const Env& env, + const std::filesystem::path& data_file_path, + FileOffsetType data_offset, + SafeInt data_length, + Tensor& tensor) const; +}; + +#if defined(__wasm__) + +enum class ExternalDataLoadType { + CPU = 0, +#if defined(USE_JSEP) + WEBGPU_BUFFER = 1, +#endif +}; + +// Entry point for loading external data implementation using inline JavaScript. +common::Status LoadWebAssemblyExternalData(const Env& env, + const std::filesystem::path& data_file_path, + FileOffsetType data_offset, + SafeInt data_length, + ExternalDataLoadType load_type, + void* tensor_data); + +#endif + +} // namespace onnxruntime diff --git a/onnxruntime/core/framework/external_data_loader_manager.cc b/onnxruntime/core/framework/external_data_loader_manager.cc new file mode 100644 index 0000000000000..91161b1d3dd4c --- /dev/null +++ b/onnxruntime/core/framework/external_data_loader_manager.cc @@ -0,0 +1,29 @@ +// Copyright (c) Microsoft Corporation. All rights reserved. +// Licensed under the MIT License. + +#include "core/framework/external_data_loader_manager.h" +#include "core/framework/tensor.h" + +namespace onnxruntime { +using namespace common; + +Status ExternalDataLoaderManager::RegisterExternalDataLoader(std::unique_ptr external_data_loader) { + if (nullptr == external_data_loader) { + return Status(ONNXRUNTIME, INVALID_ARGUMENT, "external_data_loader registered is nullptr."); + } + external_data_loaders_.push_back(std::move(external_data_loader)); + return Status::OK(); +} + +const IExternalDataLoader* ExternalDataLoaderManager::GetExternalDataLoader(const OrtMemoryInfo& target_memory_info) const { + for (auto& external_data_loader : external_data_loaders_) { + if (!external_data_loader->CanLoad(target_memory_info)) { + continue; + } + + return external_data_loader.get(); + } + return nullptr; +} + +} // namespace onnxruntime diff --git a/onnxruntime/core/framework/external_data_loader_manager.h b/onnxruntime/core/framework/external_data_loader_manager.h new file mode 100644 index 0000000000000..38881405c87ff --- /dev/null +++ b/onnxruntime/core/framework/external_data_loader_manager.h @@ -0,0 +1,28 @@ +// Copyright (c) Microsoft Corporation. All rights reserved. +// Licensed under the MIT License. + +#pragma once + +#include "core/common/status.h" +#include "core/common/common.h" +#include "core/framework/external_data_loader.h" + +namespace onnxruntime { + +// The external data loader manager manages all registered external data loaders to allow custom +// external data loading implemented by execution providers. +class ExternalDataLoaderManager { + public: + ExternalDataLoaderManager() = default; + + common::Status RegisterExternalDataLoader(std::unique_ptr external_data_loader); + + const IExternalDataLoader* GetExternalDataLoader(const OrtMemoryInfo& target_memory_info) const; + + private: + ORT_DISALLOW_COPY_ASSIGNMENT_AND_MOVE(ExternalDataLoaderManager); + + // It's assumed that external data loaders in this array have no overlap in terms of copying functionality. + std::vector> external_data_loaders_; +}; +} // namespace onnxruntime diff --git a/onnxruntime/core/framework/session_state.cc b/onnxruntime/core/framework/session_state.cc index ddb0c3356e544..4df0370ac719e 100644 --- a/onnxruntime/core/framework/session_state.cc +++ b/onnxruntime/core/framework/session_state.cc @@ -66,6 +66,7 @@ SessionState::SessionState(Graph& graph, concurrency::ThreadPool* thread_pool, concurrency::ThreadPool* inter_op_thread_pool, const DataTransferManager& data_transfer_mgr, + const ExternalDataLoaderManager& external_data_loader_mgr, const logging::Logger& logger, profiling::Profiler& profiler, const SessionOptions& sess_options, @@ -78,6 +79,7 @@ SessionState::SessionState(Graph& graph, thread_pool_(thread_pool), inter_op_thread_pool_(inter_op_thread_pool), data_transfer_mgr_(data_transfer_mgr), + external_data_loader_mgr_(external_data_loader_mgr), sess_options_(sess_options), prepacked_weights_container_(prepacked_weights_container) #ifdef ORT_ENABLE_STREAM @@ -1046,7 +1048,7 @@ Status SessionState::CreateSubgraphSessionState() { auto subgraph_session_state = std::make_unique(*subgraph, execution_providers_, thread_pool_, inter_op_thread_pool_, data_transfer_mgr_, - logger_, profiler_, sess_options_, + external_data_loader_mgr_, logger_, profiler_, sess_options_, prepacked_weights_container_, allocators_); // Pass fused function manager to subgraph @@ -1486,8 +1488,8 @@ Status SessionState::FinalizeSessionStateImpl(const std::basic_string& GetMutableWeightsBuffers() noexcept { return weights_buffers_; } const NodeIndexInfo& GetNodeIndexInfo() const; @@ -513,6 +517,8 @@ class SessionState { const DataTransferManager& data_transfer_mgr_; + const ExternalDataLoaderManager& external_data_loader_mgr_; + const SessionOptions& sess_options_; std::optional node_index_info_; diff --git a/onnxruntime/core/framework/session_state_utils.cc b/onnxruntime/core/framework/session_state_utils.cc index 72f39245d3cfe..2c74805c57dce 100644 --- a/onnxruntime/core/framework/session_state_utils.cc +++ b/onnxruntime/core/framework/session_state_utils.cc @@ -99,6 +99,7 @@ static common::Status DeserializeTensorProto(const Env& env, const std::basic_st const ONNX_NAMESPACE::TensorProto& tensor_proto, const MemBuffer* m, const AllocatorPtr& alloc, const AllocatorPtr& default_cpu_alloc, OrtValue& ort_value, const DataTransferManager& data_transfer_mgr, + const ExternalDataLoaderManager& external_data_loader_mgr, bool use_device_allocator_for_initializers = false, Tensor* buffered_tensor = nullptr) { if (bool(alloc) == (m != nullptr)) { @@ -114,12 +115,24 @@ static common::Status DeserializeTensorProto(const Env& env, const std::basic_st const DataTypeImpl* const type = DataTypeImpl::TensorTypeFromONNXEnum(tensor_proto.data_type())->GetElementType(); std::unique_ptr p_tensor; - auto device_type = (alloc != nullptr) ? alloc->Info().device.Type() : m->GetAllocInfo().device.Type(); + auto& memory_info = (alloc != nullptr) ? alloc->Info() : m->GetAllocInfo(); + auto device_type = memory_info.device.Type(); if (utils::HasExternalData(tensor_proto)) { - if (device_type == OrtDevice::CPU) { + auto external_data_loader = external_data_loader_mgr.GetExternalDataLoader(memory_info); + if (external_data_loader) { + // if custom external data loader is used, always allocate memory on device - p_tensor + ORT_RETURN_IF_ERROR(AllocateTensor(m, p_tensor, type, tensor_shape, use_device_allocator_for_initializers, alloc)); + + ORT_RETURN_IF_ERROR(utils::LoadExtDataToTensorFromTensorProto(env, proto_path, tensor_proto, + *external_data_loader, *p_tensor)); + + auto ml_tensor = DataTypeImpl::GetType(); + ort_value.Init(p_tensor.release(), ml_tensor, ml_tensor->GetDeleteFunc()); + return common::Status::OK(); + } else if (device_type == OrtDevice::CPU) { // for external initializer on CPU we will use mmap for large initializers so don't need to allocate memory in advance - p_tensor = std::make_unique(type, TensorShape(), alloc); + p_tensor = std::make_unique(); // NB: The file containing external data for the tensor is mmap'd. If the tensor will be used on CPU we can // utilize the mmap'd buffer directly by calling ExtDataTensorProtoToTensor. If we called @@ -143,10 +156,7 @@ static common::Status DeserializeTensorProto(const Env& env, const std::basic_st // 2. load initializer into CPU memory - p_deserialize_tensor, // we will use mmap so no need to allocate memory on CPU in advance // 3. copy tensor from CPU to device - p_deserialize_tensor -> p_tensor - auto allocate_on_device_status = AllocateTensor(m, p_tensor, type, tensor_shape, use_device_allocator_for_initializers, alloc); - if (!allocate_on_device_status.IsOK()) { - return allocate_on_device_status; - } + ORT_RETURN_IF_ERROR(AllocateTensor(m, p_tensor, type, tensor_shape, use_device_allocator_for_initializers, alloc)); std::unique_ptr p_deserialize_tensor = std::make_unique(type, TensorShape(), default_cpu_alloc); @@ -161,10 +171,7 @@ static common::Status DeserializeTensorProto(const Env& env, const std::basic_st } } else { // for internal initializer, always allocate memory on device - p_tensor - auto allocate_on_device_status = AllocateTensor(m, p_tensor, type, tensor_shape, use_device_allocator_for_initializers, alloc); - if (!allocate_on_device_status.IsOK()) { - return allocate_on_device_status; - } + ORT_RETURN_IF_ERROR(AllocateTensor(m, p_tensor, type, tensor_shape, use_device_allocator_for_initializers, alloc)); if (device_type == OrtDevice::CPU) { // deserialize directly to CPU tensor @@ -183,10 +190,7 @@ static common::Status DeserializeTensorProto(const Env& env, const std::basic_st // 2. deserialize tensor_probo into a preallocated tensor (p_deserialize_tensor) // 3. copy tensor from CPU to device - p_deserialize_tensor -> p_tensor std::unique_ptr p_deserialize_tensor; - auto allocate_on_cpu_status = AllocateTensorOnDeviceOrMemory(use_device_allocator_for_initializers, tensor_shape, type, default_cpu_alloc, p_deserialize_tensor); - if (!allocate_on_cpu_status.IsOK()) { - return allocate_on_cpu_status; - } + ORT_RETURN_IF_ERROR(AllocateTensorOnDeviceOrMemory(use_device_allocator_for_initializers, tensor_shape, type, default_cpu_alloc, p_deserialize_tensor)); ORT_RETURN_IF_ERROR(utils::TensorProtoToTensor(env, proto_path.c_str(), tensor_proto, *p_deserialize_tensor)); // TODO!! Need a temp buffer allocator for non-escape buffers that maybe too big for stack allocation. @@ -262,7 +266,9 @@ common::Status SaveInitializedTensors( const std::vector& initializer_allocation_order, ITensorAllocator& planner, const SaveTensorFunction& save_tensor_func, - const logging::Logger& logger, const DataTransferManager& data_transfer_mgr, + const logging::Logger& logger, + const DataTransferManager& data_transfer_mgr, + const ExternalDataLoaderManager& external_data_loader_mgr, const ExecutionPlanBase& exec_plan, const SessionOptions& session_options, const MemoryProfileFunction& memory_profile_func, @@ -394,7 +400,7 @@ common::Status SaveInitializedTensors( } Status st = DeserializeTensorProto(env, graph_loc, tensor_proto, (m.has_value()) ? &*m : nullptr, alloc, - default_cpu_alloc, ort_value, data_transfer_mgr, + default_cpu_alloc, ort_value, data_transfer_mgr, external_data_loader_mgr, use_device_allocator_for_initializers, p_tensor); if (!st.IsOK()) { std::ostringstream oss; diff --git a/onnxruntime/core/framework/session_state_utils.h b/onnxruntime/core/framework/session_state_utils.h index 89f4f2c340068..af27f5caba0f4 100644 --- a/onnxruntime/core/framework/session_state_utils.h +++ b/onnxruntime/core/framework/session_state_utils.h @@ -23,6 +23,7 @@ class SessionState; class GraphViewer; class OrtValueNameIdxMap; class DataTransferManager; +class ExternalDataLoaderManager; class NodeArg; #if !defined(ORT_MINIMAL_BUILD) && defined(ORT_MEMORY_PROFILE) class MemoryInfo; @@ -45,6 +46,7 @@ common::Status SaveInitializedTensors( const SaveTensorFunction& save_tensor_func, const logging::Logger& logger, const DataTransferManager& data_transfer_mgr, + const ExternalDataLoaderManager& external_data_loader_mgr, const ExecutionPlanBase& exec_plan, const SessionOptions& session_options, const MemoryProfileFunction& memory_profile_func, diff --git a/onnxruntime/core/framework/tensorprotoutils.cc b/onnxruntime/core/framework/tensorprotoutils.cc index 42f491825462c..74c359881a1d7 100644 --- a/onnxruntime/core/framework/tensorprotoutils.cc +++ b/onnxruntime/core/framework/tensorprotoutils.cc @@ -1022,59 +1022,12 @@ Status GetExtDataFromTensorProto(const Env& env, const std::filesystem::path& mo ext_data_buf = buffer.release(); ext_data_len = raw_data_safe_len; - // In WebAssembly, try use a simplified preloaded file map in WebAssembly when available. - auto err_code = EM_ASM_INT(({ - // If available, "Module.MountedFiles" is a Map for all preloaded files. - if (typeof Module == 'undefined' || !Module.MountedFiles) { - return 1; // "Module.MountedFiles" is not available. - } - let fileName = UTF8ToString($0 >>> 0); - if (fileName.startsWith('./')) { - fileName = fileName.substring(2); - } - const fileData = Module.MountedFiles.get(fileName); - if (!fileData) { - return 2; // File not found in preloaded files. - } - const offset = $1 >>> 0; - const length = $2 >>> 0; - const buffer = $3 >>> 0; - - if (offset + length > fileData.byteLength) { - return 3; // Out of bounds. - } - - try { - // Copy the file data (fileData,offset,length) into WebAssembly memory - // (HEAPU8,buffer,length). - HEAPU8.set(fileData.subarray(offset, offset + length), buffer); - return 0; - } catch { - return 4; - } - }), - external_data_file_path.c_str(), - static_cast(file_offset), - static_cast(raw_data_safe_len), - ext_data_buf); - const char* err_msg; - switch (err_code) { - case 0: - return Status::OK(); - case 1: - err_msg = "Module.MountedFiles is not available."; - break; - case 2: - err_msg = "File not found in preloaded files."; - break; - case 3: - err_msg = "Out of bounds."; - break; - default: - err_msg = "Unknown error occurred in memory copy."; - } - return ORT_MAKE_STATUS(ONNXRUNTIME, FAIL, "Failed to load external data file \"", external_data_file_path, - "\", error: ", err_msg); + ORT_RETURN_IF_ERROR(LoadWebAssemblyExternalData(env, + external_data_file_path, + file_offset, + ext_data_len, + ExternalDataLoadType::CPU, + ext_data_buf)); #else // The GetFileContent function doesn't report error if the requested data range is invalid. Therefore we need to // manually check file size first. @@ -1095,6 +1048,31 @@ Status GetExtDataFromTensorProto(const Env& env, const std::filesystem::path& mo return Status::OK(); } +Status LoadExtDataToTensorFromTensorProto(const Env& env, const std::filesystem::path& model_path, + const ONNX_NAMESPACE::TensorProto& tensor_proto, + const IExternalDataLoader& ext_data_loader, + Tensor& tensor) { + ORT_ENFORCE(utils::HasExternalData(tensor_proto)); + std::basic_string tensor_proto_dir; + if (!model_path.empty()) { + ORT_RETURN_IF_ERROR(GetDirNameFromFilePath(model_path, tensor_proto_dir)); + } + std::basic_string external_data_file_path; + FileOffsetType file_offset; + SafeInt raw_data_safe_len = 0; + ORT_RETURN_IF_ERROR( + GetExternalDataInfo(tensor_proto, tensor_proto_dir, external_data_file_path, file_offset, raw_data_safe_len)); + + ORT_RETURN_IF(file_offset < 0 || raw_data_safe_len != tensor.SizeInBytes(), + "External initializer: ", tensor_proto.name(), " offset: ", file_offset, + " size to read: ", static_cast(raw_data_safe_len), + " does not match the tensor size: ", tensor.SizeInBytes()); + ORT_RETURN_IF(external_data_file_path == onnxruntime::utils::kTensorProtoMemoryAddressTag, + "Memory address tag is not supported by custom external data loader."); + + return ext_data_loader.LoadTensor(env, external_data_file_path, file_offset, raw_data_safe_len, tensor); +} + #define CASE_PROTO(X, Y) \ case ONNX_NAMESPACE::TensorProto_DataType::TensorProto_DataType_##X: \ ORT_RETURN_IF_ERROR( \ diff --git a/onnxruntime/core/framework/tensorprotoutils.h b/onnxruntime/core/framework/tensorprotoutils.h index 2af1f080be7ee..227ba0706197e 100644 --- a/onnxruntime/core/framework/tensorprotoutils.h +++ b/onnxruntime/core/framework/tensorprotoutils.h @@ -14,6 +14,7 @@ #include "core/common/safeint.h" #include "core/framework/endian_utils.h" #include "core/framework/allocator.h" +#include "core/framework/external_data_loader.h" #include "core/framework/ort_value.h" #include "core/framework/mem_buffer.h" #include "core/framework/tensor_external_data_info.h" @@ -159,6 +160,12 @@ common::Status GetExtDataFromTensorProto(const Env& env, const std::filesystem:: OrtCallback& ext_data_deleter, Tensor* buffered_tensor = nullptr); +// Given a tensor proto with external data obtain a tensor using the specified custom external data loader. +common::Status LoadExtDataToTensorFromTensorProto(const Env& env, const std::filesystem::path& model_path, + const ONNX_NAMESPACE::TensorProto& tensor_proto, + const IExternalDataLoader& ext_data_loader, + Tensor& tensor); + // Convert the AttributeProto from a Constant node into a TensorProto that can be used as an initializer // If AttributeProto contains a TensorProto, this tensor proto is converted as is including the case when the // the data location is external. i.e. it does not load the external data. diff --git a/onnxruntime/core/providers/js/allocator.cc b/onnxruntime/core/providers/js/allocator.cc index 574c507222a5c..d37346a166b03 100644 --- a/onnxruntime/core/providers/js/allocator.cc +++ b/onnxruntime/core/providers/js/allocator.cc @@ -9,7 +9,7 @@ namespace onnxruntime { namespace js { -void* JsCustomAllocator::Alloc(size_t size) { +void* WebGpuAllocator::Alloc(size_t size) { if (size == 0) { return nullptr; } @@ -20,14 +20,14 @@ void* JsCustomAllocator::Alloc(size_t size) { return p; } -void JsCustomAllocator::Free(void* p) { +void WebGpuAllocator::Free(void* p) { if (p != nullptr) { size_t size = (size_t)(void*)EM_ASM_PTR({ return Module.jsepFree($0); }, p); stats_.bytes_in_use -= size; } } -void JsCustomAllocator::GetStats(AllocatorStats* stats) { +void WebGpuAllocator::GetStats(AllocatorStats* stats) { *stats = stats_; } diff --git a/onnxruntime/core/providers/js/allocator.h b/onnxruntime/core/providers/js/allocator.h index 267015b2ea58d..aafb0bb22da7e 100644 --- a/onnxruntime/core/providers/js/allocator.h +++ b/onnxruntime/core/providers/js/allocator.h @@ -9,20 +9,11 @@ namespace onnxruntime { namespace js { -class JsCPUAllocator : public CPUAllocator { +class WebGpuAllocator : public IAllocator { public: - JsCPUAllocator() - : CPUAllocator( - OrtMemoryInfo("JsCPUAllocator", OrtAllocatorType::OrtDeviceAllocator, - OrtDevice(OrtDevice::CPU, OrtDevice::MemType::DEFAULT, 0), - 0, OrtMemTypeCPU)) {}; -}; - -class JsCustomAllocator : public IAllocator { - public: - JsCustomAllocator() + WebGpuAllocator() : IAllocator( - OrtMemoryInfo("JsCustomAllocator", OrtAllocatorType::OrtDeviceAllocator, + OrtMemoryInfo(WEBGPU_BUFFER, OrtAllocatorType::OrtDeviceAllocator, OrtDevice(OrtDevice::GPU, OrtDevice::MemType::DEFAULT, 0), 0, OrtMemTypeDefault)) { } diff --git a/onnxruntime/core/providers/js/external_data_loader.cc b/onnxruntime/core/providers/js/external_data_loader.cc new file mode 100644 index 0000000000000..193b373cf3696 --- /dev/null +++ b/onnxruntime/core/providers/js/external_data_loader.cc @@ -0,0 +1,42 @@ +// Copyright (c) Microsoft Corporation. All rights reserved. +// Licensed under the MIT License. + +#include + +#include "external_data_loader.h" + +#include "core/framework/tensor.h" + +namespace onnxruntime { +namespace js { + +bool ExternalDataLoader::CanLoad(const OrtMemoryInfo& target_memory_info) const { + return target_memory_info.device.Type() == OrtDevice::CPU +#if defined(USE_JSEP) + || (target_memory_info.device.Type() == OrtDevice::GPU && target_memory_info.name == WEBGPU_BUFFER) +#endif + ; +} + +common::Status ExternalDataLoader::LoadTensor(const Env& env, + const std::filesystem::path& data_file_path, + FileOffsetType data_offset, + SafeInt data_length, + Tensor& tensor) const { + ExternalDataLoadType load_type; + if (tensor.Location().device.Type() == OrtDevice::CPU) { + load_type = ExternalDataLoadType::CPU; +#if defined(USE_JSEP) + } else if (tensor.Location().device.Type() == OrtDevice::GPU && + tensor.Location().name == WEBGPU_BUFFER) { + load_type = ExternalDataLoadType::WEBGPU_BUFFER; +#endif + } else { + return ORT_MAKE_STATUS(ONNXRUNTIME, FAIL, "Unsupported tensor location: ", tensor.Location().ToString()); + } + + return LoadWebAssemblyExternalData(env, data_file_path, data_offset, data_length, load_type, tensor.MutableDataRaw()); +} + +} // namespace js +} // namespace onnxruntime diff --git a/onnxruntime/core/providers/js/external_data_loader.h b/onnxruntime/core/providers/js/external_data_loader.h new file mode 100644 index 0000000000000..5f35ed62bbcc1 --- /dev/null +++ b/onnxruntime/core/providers/js/external_data_loader.h @@ -0,0 +1,26 @@ +// Copyright (c) Microsoft Corporation. All rights reserved. +// Licensed under the MIT License. + +#pragma once + +#include "core/framework/external_data_loader.h" + +namespace onnxruntime { +namespace js { + +class ExternalDataLoader : public IExternalDataLoader { + public: + ExternalDataLoader() {}; + ~ExternalDataLoader() {}; + + bool CanLoad(const OrtMemoryInfo& target_memory_info) const override; + + common::Status LoadTensor(const Env& env, + const std::filesystem::path& data_file_path, + FileOffsetType data_offset, + SafeInt data_length, + Tensor& tensor) const override; +}; + +} // namespace js +} // namespace onnxruntime diff --git a/onnxruntime/core/providers/js/js_execution_provider.cc b/onnxruntime/core/providers/js/js_execution_provider.cc index 781083ea8707c..1ff33f6d7b410 100644 --- a/onnxruntime/core/providers/js/js_execution_provider.cc +++ b/onnxruntime/core/providers/js/js_execution_provider.cc @@ -22,6 +22,7 @@ #include "core/graph/function_utils.h" #include "core/graph/indexed_sub_graph.h" #include "data_transfer.h" +#include "external_data_loader.h" namespace onnxruntime { @@ -737,9 +738,9 @@ JsExecutionProvider::JsExecutionProvider(const JsExecutionProviderInfo& info, co std::vector JsExecutionProvider::CreatePreferredAllocators() { AllocatorCreationInfo customAllocatorCreationInfo([&](int) { - return std::make_unique(); + return std::make_unique(); }, - 0, false); // TODO(leca): REVIEW: need JsCPUAllocator? + 0, false); return std::vector{CreateAllocator(customAllocatorCreationInfo)}; } @@ -797,6 +798,10 @@ std::unique_ptr JsExecutionProvider::GetDataTransfer return std::make_unique(); } +std::unique_ptr JsExecutionProvider::GetExternalDataLoader() const { + return std::make_unique(); +} + JsExecutionProvider::~JsExecutionProvider() { } diff --git a/onnxruntime/core/providers/js/js_execution_provider.h b/onnxruntime/core/providers/js/js_execution_provider.h index efacf510e75df..966f9c6980212 100644 --- a/onnxruntime/core/providers/js/js_execution_provider.h +++ b/onnxruntime/core/providers/js/js_execution_provider.h @@ -48,6 +48,7 @@ class JsExecutionProvider : public IExecutionProvider { std::shared_ptr GetKernelRegistry() const override; std::unique_ptr GetDataTransfer() const override; + std::unique_ptr GetExternalDataLoader() const override; DataLayout GetPreferredLayout() const override { return preferred_data_layout_; } diff --git a/onnxruntime/core/providers/shared_library/provider_api.h b/onnxruntime/core/providers/shared_library/provider_api.h index 0bfa52e7869cc..b84825236a453 100644 --- a/onnxruntime/core/providers/shared_library/provider_api.h +++ b/onnxruntime/core/providers/shared_library/provider_api.h @@ -221,6 +221,7 @@ using NameMLValMap = std::unordered_map; #include "core/providers/cpu/math/einsum_utils/einsum_compute_preprocessor.h" #include "core/providers/cpu/cpu_provider_shared.h" #include "core/framework/data_transfer.h" +#include "core/framework/external_data_loader.h" #include "core/framework/execution_provider.h" #include "provider_interfaces.h" #include "provider_wrappedtypes.h" diff --git a/onnxruntime/core/session/inference_session.cc b/onnxruntime/core/session/inference_session.cc index 4b4136fd6ebd5..b9e017df5baa3 100644 --- a/onnxruntime/core/session/inference_session.cc +++ b/onnxruntime/core/session/inference_session.cc @@ -830,6 +830,14 @@ common::Status InferenceSession::RegisterExecutionProvider(const std::shared_ptr } } + auto p_external_data_loader = p_exec_provider->GetExternalDataLoader(); + if (p_external_data_loader) { + auto st = external_data_loader_mgr_.RegisterExternalDataLoader(std::move(p_external_data_loader)); + if (!st.IsOK()) { + return st; + } + } + p_exec_provider->SetLogger(session_logger_); session_profiler_.AddEpProfilers(p_exec_provider->GetProfiler()); return execution_providers_.Add(provider_type, p_exec_provider); @@ -1731,6 +1739,7 @@ common::Status InferenceSession::Initialize() { GetIntraOpThreadPoolToUse(), GetInterOpThreadPoolToUse(), data_transfer_mgr_, + external_data_loader_mgr_, *session_logger_, session_profiler_, session_options_, @@ -2152,6 +2161,10 @@ const DataTransferManager& InferenceSession::GetDataTransferManager() const { return data_transfer_mgr_; } +const ExternalDataLoaderManager& InferenceSession::GetExternalDataLoaderManager() const { + return external_data_loader_mgr_; +} + common::Status InferenceSession::CheckShapes(const std::string& input_output_name, const TensorShape& input_output_shape, const TensorShape& expected_shape, const char* input_output_moniker) const { const auto shape_size = input_output_shape.NumDimensions(); diff --git a/onnxruntime/core/session/inference_session.h b/onnxruntime/core/session/inference_session.h index 9662095bf0ed3..8c22fac4dd0c5 100644 --- a/onnxruntime/core/session/inference_session.h +++ b/onnxruntime/core/session/inference_session.h @@ -18,6 +18,7 @@ #include "core/framework/execution_providers.h" #include "core/framework/framework_common.h" #include "core/framework/iexecutor.h" +#include "core/framework/external_data_loader_manager.h" #include "core/framework/kernel_registry_manager.h" #include "core/framework/prepacked_weights_container.h" #include "core/framework/session_state.h" @@ -454,6 +455,11 @@ class InferenceSession { */ const DataTransferManager& GetDataTransferManager() const; + /* + * Get the GetExternalDataLoaderManager associated with this session + */ + const ExternalDataLoaderManager& GetExternalDataLoaderManager() const; + /* * Get all the providers' options this session was initialized with. */ @@ -784,6 +790,9 @@ class InferenceSession { // Data transfer manager. DataTransferManager data_transfer_mgr_; + // External data loader manager. + ExternalDataLoaderManager external_data_loader_mgr_; + // Number of concurrently running executors std::atomic current_num_runs_ = 0; diff --git a/onnxruntime/test/framework/allocation_planner_test.cc b/onnxruntime/test/framework/allocation_planner_test.cc index 43d3782be3280..0105e90b5a24a 100644 --- a/onnxruntime/test/framework/allocation_planner_test.cc +++ b/onnxruntime/test/framework/allocation_planner_test.cc @@ -160,6 +160,7 @@ class PlannerTest : public ::testing::Test { ExecutionProviders execution_providers_; std::unique_ptr tp_; DataTransferManager dtm_; + ExternalDataLoaderManager edlm_; profiling::Profiler profiler_; std::unique_ptr sess_options_; std::unique_ptr state_; @@ -198,7 +199,7 @@ class PlannerTest : public ::testing::Test { sess_options_->enable_mem_pattern = false; sess_options_->use_deterministic_compute = false; sess_options_->enable_mem_reuse = true; - state_.reset(new SessionState(graph_, execution_providers_, tp_.get(), nullptr, dtm_, + state_.reset(new SessionState(graph_, execution_providers_, tp_.get(), nullptr, dtm_, edlm_, DefaultLoggingManager().DefaultLogger(), profiler_, *sess_options_)); } @@ -282,7 +283,7 @@ class PlannerTest : public ::testing::Test { } void CreatePlan(const std::vector& outer_scope_node_args = {}, bool invoke_createPlan_explicityly = true) { - state_.reset(new SessionState(graph_, execution_providers_, tp_.get(), nullptr, dtm_, + state_.reset(new SessionState(graph_, execution_providers_, tp_.get(), nullptr, dtm_, edlm_, DefaultLoggingManager().DefaultLogger(), profiler_, *sess_options_)); EXPECT_EQ(graph_.Resolve(), Status::OK()); diff --git a/onnxruntime/test/framework/execution_frame_test.cc b/onnxruntime/test/framework/execution_frame_test.cc index b95fd0b726a4e..67a0e7fb05241 100644 --- a/onnxruntime/test/framework/execution_frame_test.cc +++ b/onnxruntime/test/framework/execution_frame_test.cc @@ -59,6 +59,7 @@ TEST_F(ExecutionFrameTest, TensorAllocationTest) { ASSERT_STATUS_OK(kernel_registry_manager.RegisterKernels(execution_providers)); DataTransferManager dtm; + ExternalDataLoaderManager edlm; profiling::Profiler profiler; SessionOptions sess_options; @@ -67,7 +68,7 @@ TEST_F(ExecutionFrameTest, TensorAllocationTest) { sess_options.use_deterministic_compute = false; sess_options.enable_mem_reuse = true; - SessionState state(graph, execution_providers, &tp_, nullptr, dtm, + SessionState state(graph, execution_providers, &tp_, nullptr, dtm, edlm, DefaultLoggingManager().DefaultLogger(), profiler, sess_options); node->SetExecutionProviderType(xp_typ); @@ -143,6 +144,7 @@ TEST_F(ExecutionFrameTest, OutputShapeValidationTest) { ASSERT_STATUS_OK(kernel_registry_manager.RegisterKernels(execution_providers)); DataTransferManager dtm; + ExternalDataLoaderManager edlm; profiling::Profiler profiler; SessionOptions sess_options; @@ -151,7 +153,7 @@ TEST_F(ExecutionFrameTest, OutputShapeValidationTest) { sess_options.use_deterministic_compute = false; sess_options.enable_mem_reuse = true; - SessionState state(graph, execution_providers, &tp_, nullptr, dtm, + SessionState state(graph, execution_providers, &tp_, nullptr, dtm, edlm, DefaultLoggingManager().DefaultLogger(), profiler, sess_options); node->SetExecutionProviderType(xp_typ); @@ -215,6 +217,7 @@ TEST_F(ExecutionFrameTest, FeedInDataTest) { ASSERT_STATUS_OK(kernel_registry_manager.RegisterKernels(execution_providers)); DataTransferManager dtm; + ExternalDataLoaderManager edlm; profiling::Profiler profiler; SessionOptions sess_options; @@ -223,7 +226,7 @@ TEST_F(ExecutionFrameTest, FeedInDataTest) { sess_options.use_deterministic_compute = false; sess_options.enable_mem_reuse = true; - SessionState state(graph, execution_providers, &tp_, nullptr, dtm, + SessionState state(graph, execution_providers, &tp_, nullptr, dtm, edlm, DefaultLoggingManager().DefaultLogger(), profiler, sess_options); ASSERT_STATUS_OK(state.FinalizeSessionState(ORT_TSTR(""), kernel_registry_manager)); @@ -287,6 +290,7 @@ TEST_F(ExecutionFrameTest, MemPatternTest) { // 1. prepare input DataTransferManager dtm; + ExternalDataLoaderManager edlm; profiling::Profiler profiler; SessionOptions sess_options; @@ -295,7 +299,7 @@ TEST_F(ExecutionFrameTest, MemPatternTest) { sess_options.use_deterministic_compute = false; sess_options.enable_mem_reuse = true; - SessionState state(graph, execution_providers, &tp_, nullptr, dtm, + SessionState state(graph, execution_providers, &tp_, nullptr, dtm, edlm, DefaultLoggingManager().DefaultLogger(), profiler, sess_options); ASSERT_STATUS_OK(state.FinalizeSessionState(ORT_TSTR(""), kernel_registry_manager)); @@ -402,10 +406,11 @@ TEST_F(ExecutionFrameTest, MemPatternWithExternalOutputsTest) { ASSERT_STATUS_OK(kernel_registry_manager.RegisterKernels(execution_providers)); DataTransferManager dtm; + ExternalDataLoaderManager edlm; profiling::Profiler profiler; SessionOptions so; - SessionState state(graph, execution_providers, &tp_, nullptr, dtm, DefaultLoggingManager().DefaultLogger(), + SessionState state(graph, execution_providers, &tp_, nullptr, dtm, edlm, DefaultLoggingManager().DefaultLogger(), profiler, so); ASSERT_STATUS_OK(state.FinalizeSessionState(ORT_TSTR(""), kernel_registry_manager)); diff --git a/onnxruntime/test/framework/session_state_test.cc b/onnxruntime/test/framework/session_state_test.cc index ed698ab920147..b94d24a1b180b 100644 --- a/onnxruntime/test/framework/session_state_test.cc +++ b/onnxruntime/test/framework/session_state_test.cc @@ -61,6 +61,7 @@ TEST_P(SessionStateAddGetKernelTest, AddGetKernelTest) { ASSERT_STATUS_OK(execution_providers.Add(kCpuExecutionProvider, std::move(tmp_cpu_execution_provider))); DataTransferManager dtm; + ExternalDataLoaderManager edlm; profiling::Profiler profiler; SessionOptions sess_options; @@ -69,7 +70,7 @@ TEST_P(SessionStateAddGetKernelTest, AddGetKernelTest) { sess_options.use_deterministic_compute = false; sess_options.enable_mem_reuse = true; - SessionState s(graph, execution_providers, tp.get(), nullptr, dtm, + SessionState s(graph, execution_providers, tp.get(), nullptr, dtm, edlm, DefaultLoggingManager().DefaultLogger(), profiler, sess_options); std::vector inputs; @@ -159,6 +160,7 @@ TEST_P(SessionStateTestP, TestInitializerProcessing) { ASSERT_TRUE(status.IsOK()) << status; DataTransferManager dtm; + ExternalDataLoaderManager edlm; profiling::Profiler profiler; SessionOptions sess_options; @@ -167,7 +169,7 @@ TEST_P(SessionStateTestP, TestInitializerProcessing) { sess_options.use_deterministic_compute = false; sess_options.enable_mem_reuse = true; - SessionState session_state(graph, execution_providers, tp.get(), nullptr, dtm, + SessionState session_state(graph, execution_providers, tp.get(), nullptr, dtm, edlm, DefaultLoggingManager().DefaultLogger(), profiler, sess_options); GraphPartitioner partitioner(krm, execution_providers); @@ -239,6 +241,7 @@ TEST(SessionStateTest, TestInitializerMemoryAllocatedUsingNonArenaMemory) { ASSERT_TRUE(status.IsOK()) << status; DataTransferManager dtm; + ExternalDataLoaderManager edlm; profiling::Profiler profiler; SessionOptions sess_options; @@ -250,7 +253,7 @@ TEST(SessionStateTest, TestInitializerMemoryAllocatedUsingNonArenaMemory) { ASSERT_STATUS_OK(sess_options.config_options.AddConfigEntry(kOrtSessionOptionsUseDeviceAllocatorForInitializers, "1")); - SessionState session_state(graph, execution_providers, nullptr, nullptr, dtm, + SessionState session_state(graph, execution_providers, nullptr, nullptr, dtm, edlm, DefaultLoggingManager().DefaultLogger(), profiler, sess_options); // Partition the graph @@ -300,6 +303,7 @@ TEST(SessionStateTest, TestInitializerMemoryAllocatedUsingNonArenaMemory) { ASSERT_TRUE(status.IsOK()) << status; DataTransferManager dtm; + ExternalDataLoaderManager edlm; profiling::Profiler profiler; SessionOptions sess_options; @@ -308,7 +312,7 @@ TEST(SessionStateTest, TestInitializerMemoryAllocatedUsingNonArenaMemory) { sess_options.use_deterministic_compute = false; sess_options.enable_mem_reuse = true; - SessionState session_state(graph, execution_providers, nullptr, nullptr, dtm, + SessionState session_state(graph, execution_providers, nullptr, nullptr, dtm, edlm, DefaultLoggingManager().DefaultLogger(), profiler, sess_options); // Partition the graph @@ -545,6 +549,7 @@ TEST_P(SessionStatePrepackingTest, PrePackingTest) { ASSERT_STATUS_OK(execution_providers.Add(kCpuExecutionProvider, std::move(cpu_execution_provider))); DataTransferManager dtm; + ExternalDataLoaderManager edlm; profiling::Profiler profiler; std::unordered_map domain_to_version; @@ -573,6 +578,7 @@ TEST_P(SessionStatePrepackingTest, PrePackingTest) { tp.get(), nullptr, /*inter_op_thread_pool*/ dtm, + edlm, DefaultLoggingManager().DefaultLogger(), profiler, sess_options); @@ -604,6 +610,7 @@ class SessionStateTestSharedInitalizersWithPrePacking : public ::testing::Test { ExecutionProviders execution_providers; std::unordered_map domain_to_version; DataTransferManager dtm; + ExternalDataLoaderManager edlm; profiling::Profiler profiler; KernelRegistryManager kernel_registry_manager; std::unique_ptr tp; @@ -661,6 +668,7 @@ TEST_F(SessionStateTestSharedInitalizersWithPrePacking, test1) { tp.get(), nullptr, /*inter_op_thread_pool*/ dtm, + edlm, DefaultLoggingManager().DefaultLogger(), profiler, sess_options); @@ -687,6 +695,7 @@ TEST_F(SessionStateTestSharedInitalizersWithPrePacking, test1) { tp.get(), nullptr, /*inter_op_thread_pool*/ dtm, + edlm, DefaultLoggingManager().DefaultLogger(), profiler, sess_options); @@ -734,6 +743,7 @@ TEST_F(SessionStateTestSharedInitalizersWithPrePacking, test2) { tp.get(), nullptr, /*inter_op_thread_pool*/ dtm, + edlm, DefaultLoggingManager().DefaultLogger(), profiler, sess_options); @@ -760,6 +770,7 @@ TEST_F(SessionStateTestSharedInitalizersWithPrePacking, test2) { tp.get(), nullptr, /*inter_op_thread_pool*/ dtm, + edlm, DefaultLoggingManager().DefaultLogger(), profiler, sess_options); @@ -809,6 +820,7 @@ TEST_F(SessionStateTestSharedInitalizersWithPrePacking, test3) { tp.get(), nullptr, /*inter_op_thread_pool*/ dtm, + edlm, DefaultLoggingManager().DefaultLogger(), profiler, sess_options, @@ -840,6 +852,7 @@ TEST_F(SessionStateTestSharedInitalizersWithPrePacking, test3) { tp.get(), nullptr, /*inter_op_thread_pool*/ dtm, + edlm, DefaultLoggingManager().DefaultLogger(), profiler, sess_options, @@ -895,6 +908,7 @@ TEST_F(SessionStateTestSharedInitalizersWithPrePacking, test4) { tp.get(), nullptr, /*inter_op_thread_pool*/ dtm, + edlm, DefaultLoggingManager().DefaultLogger(), profiler, sess_options, @@ -945,6 +959,7 @@ TEST_F(SessionStateTestSharedInitalizersWithPrePacking, test4) { tp.get(), nullptr, /*inter_op_thread_pool*/ dtm, + edlm, DefaultLoggingManager().DefaultLogger(), profiler, sess_options, diff --git a/onnxruntime/test/providers/memcpy_test.cc b/onnxruntime/test/providers/memcpy_test.cc index b0cdb7dc97773..4efa359b4e589 100644 --- a/onnxruntime/test/providers/memcpy_test.cc +++ b/onnxruntime/test/providers/memcpy_test.cc @@ -47,6 +47,7 @@ TEST(MemcpyTest, copy1) { PutAllNodesOnOneProvider(model.MainGraph(), onnxruntime::kCpuExecutionProvider); DataTransferManager dtm; + ExternalDataLoaderManager edlm; profiling::Profiler profiler; SessionOptions sess_options; @@ -55,7 +56,7 @@ TEST(MemcpyTest, copy1) { sess_options.use_deterministic_compute = false; sess_options.enable_mem_reuse = true; - SessionState s(model.MainGraph(), execution_providers, &tp, nullptr, dtm, + SessionState s(model.MainGraph(), execution_providers, &tp, nullptr, dtm, edlm, DefaultLoggingManager().DefaultLogger(), profiler, sess_options); ASSERT_STATUS_OK(s.FinalizeSessionState(ORT_TSTR(""), kernel_registry_manager)); diff --git a/onnxruntime/wasm/pre-jsep.js b/onnxruntime/wasm/pre-jsep.js index 1cb7c6f5d8250..70ed295887994 100644 --- a/onnxruntime/wasm/pre-jsep.js +++ b/onnxruntime/wasm/pre-jsep.js @@ -198,5 +198,9 @@ Module['jsepInit'] = (name, params) => { Module['jsepOnRunStart'] = sessionId => { return backend['onRunStart'](sessionId); }; + + Module.jsepUploadExternalBuffer = (dataId, buffer) => { + backend['upload'](dataId, buffer); + }; } }; From 23f39123347ddd085c6ff2155f4853cf3a80e4c6 Mon Sep 17 00:00:00 2001 From: George Wu Date: Tue, 27 Aug 2024 15:07:30 -0700 Subject: [PATCH 011/119] support both qnn x64 and arm64ec stages in py packaging pipeline (#21880) both arm64ec and x64 packages are needed. x64 is needed for offline context binary generation and arm64ec is needed for interop with python packages that don't have prebuilt arm64 packages and only have x64. --- .../azure-pipelines/py-packaging-pipeline.yml | 6 ++++++ .../templates/py-packaging-stage.yml | 17 ++++++++++++++++- .../templates/py-win-x64-qnn.yml | 2 +- 3 files changed, 23 insertions(+), 2 deletions(-) diff --git a/tools/ci_build/github/azure-pipelines/py-packaging-pipeline.yml b/tools/ci_build/github/azure-pipelines/py-packaging-pipeline.yml index c7a1b595a6c6f..2b970688c5fac 100644 --- a/tools/ci_build/github/azure-pipelines/py-packaging-pipeline.yml +++ b/tools/ci_build/github/azure-pipelines/py-packaging-pipeline.yml @@ -34,6 +34,11 @@ parameters: type: boolean default: true +- name: enable_windows_arm64ec_qnn + displayName: 'Whether Windows ARM64EC package with QNN EP is built.' + type: boolean + default: true + - name: enable_windows_x64_qnn displayName: 'Whether Windows x86_64 package with QNN EP is built.' type: boolean @@ -73,6 +78,7 @@ stages: enable_mac_cpu: ${{ parameters.enable_mac_cpu }} enable_linux_arm: ${{ parameters.enable_linux_arm }} enable_windows_arm64_qnn: ${{ parameters.enable_windows_arm64_qnn }} + enable_windows_arm64ec_qnn: ${{ parameters.enable_windows_arm64ec_qnn }} enable_windows_x64_qnn: ${{ parameters.enable_windows_x64_qnn }} build_py_parameters: ${{ parameters.build_py_parameters }} cmake_build_type: ${{ parameters.cmake_build_type }} diff --git a/tools/ci_build/github/azure-pipelines/templates/py-packaging-stage.yml b/tools/ci_build/github/azure-pipelines/templates/py-packaging-stage.yml index 104372233037d..86ae1a80bd4f0 100644 --- a/tools/ci_build/github/azure-pipelines/templates/py-packaging-stage.yml +++ b/tools/ci_build/github/azure-pipelines/templates/py-packaging-stage.yml @@ -40,6 +40,11 @@ parameters: type: boolean default: true +- name: enable_windows_arm64ec_qnn + displayName: 'Whether Windows ARM64EC package with QNN EP is built.' + type: boolean + default: true + - name: enable_windows_x64_qnn displayName: 'Whether Windows x86_64 package with QNN EP is built.' type: boolean @@ -512,11 +517,21 @@ stages: PYTHON_VERSION: '3.11' BUILD_PY_PARAMETERS: ${{ parameters.build_py_parameters }} + - ${{ if eq(parameters.enable_windows_arm64ec_qnn, true) }}: + - stage: Python_Packaging_Windows_arm64ec_QNN + dependsOn: [] + jobs: + - template: py-win-arm64ec-qnn.yml + parameters: + MACHINE_POOL: 'Onnxruntime-QNNEP-Windows-2022-CPU' + QNN_SDK: ${{ parameters.qnn_sdk_version }} + BUILD_PY_PARAMETERS: ${{ parameters.build_py_parameters }} + - ${{ if eq(parameters.enable_windows_x64_qnn, true) }}: - stage: Python_Packaging_Windows_x64_QNN dependsOn: [] jobs: - - template: py-win-arm64ec-qnn.yml + - template: py-win-x64-qnn.yml parameters: MACHINE_POOL: 'Onnxruntime-QNNEP-Windows-2022-CPU' QNN_SDK: ${{ parameters.qnn_sdk_version }} diff --git a/tools/ci_build/github/azure-pipelines/templates/py-win-x64-qnn.yml b/tools/ci_build/github/azure-pipelines/templates/py-win-x64-qnn.yml index 5cf03a7cdd100..c8431d4fa3497 100644 --- a/tools/ci_build/github/azure-pipelines/templates/py-win-x64-qnn.yml +++ b/tools/ci_build/github/azure-pipelines/templates/py-win-x64-qnn.yml @@ -135,7 +135,7 @@ jobs: - task: PublishBuildArtifacts@1 displayName: 'Publish Artifact: ONNXRuntime python wheel' inputs: - ArtifactName: onnxruntime_qnn + ArtifactName: onnxruntime_qnn_x64 - script: | 7z x *.whl From e95277484e0a58f808c4f1293c2aaa762377bf0d Mon Sep 17 00:00:00 2001 From: Jian Chen Date: Tue, 27 Aug 2024 19:56:48 -0700 Subject: [PATCH 012/119] Adding $(Build.SourcesDirectory)s to the ignoreDirectories (#21878) --- .../component-governance-component-detection-steps.yml | 8 ++++++++ 1 file changed, 8 insertions(+) diff --git a/tools/ci_build/github/azure-pipelines/templates/component-governance-component-detection-steps.yml b/tools/ci_build/github/azure-pipelines/templates/component-governance-component-detection-steps.yml index 4987e3019d24d..a5351a182b7a2 100644 --- a/tools/ci_build/github/azure-pipelines/templates/component-governance-component-detection-steps.yml +++ b/tools/ci_build/github/azure-pipelines/templates/component-governance-component-detection-steps.yml @@ -35,5 +35,13 @@ steps: $(Build.Repository.LocalPath)/cmake/external/onnxruntime-extensions, $(Build.Repository.LocalPath)/js/react_native/e2e/node_modules, $(Build.Repository.LocalPath)/js/node_modules, + $(Build.Repository.LocalPath)/onnxruntime-inference-examples, + $(Build.SourcesDirectory)/cmake/external/emsdk/upstream/emscripten/tests, + $(Build.SourcesDirectory)/cmake/external/onnx/third_party/benchmark, + $(Build.SourcesDirectory)/cmake/external/onnx/third_party/pybind11, + $(Build.SourcesDirectory)/cmake/external/onnx/third_party/pybind11/tests, + $(Build.SourcesDirectory)/cmake/external/onnxruntime-extensions, + $(Build.SourcesDirectory)/js/react_native/e2e/node_modules, + $(Build.SourcesDirectory)/js/node_modules, $(Build.SourcesDirectory)/onnxruntime-inference-examples, $(Build.BinariesDirectory)' \ No newline at end of file From ef073fd8f4bae2f32840c4f7c2d76be739def371 Mon Sep 17 00:00:00 2001 From: AlbertGuan9527 <87043564+AlbertGuan9527@users.noreply.github.com> Date: Wed, 28 Aug 2024 08:17:01 -0700 Subject: [PATCH 013/119] Add session and run option workload_type for applications to set efficient mode. (#21781) ### Description This PR added session and run option workload_type, this option is the knob for applications to enable/disable the processor performance efficient mode. ### Motivation and Context The efficient mode is co-engineered with processor vendors to allow applications voluntarily being serviced at a more energy efficient performance level. This functionality can be used by long running, latency insensitive application to save the energy consumption. --- .../core/session/onnxruntime_run_options_config_keys.h | 5 +++++ .../core/session/onnxruntime_session_options_config_keys.h | 5 +++++ 2 files changed, 10 insertions(+) diff --git a/include/onnxruntime/core/session/onnxruntime_run_options_config_keys.h b/include/onnxruntime/core/session/onnxruntime_run_options_config_keys.h index c80b8c0c164b6..9942f8c656760 100644 --- a/include/onnxruntime/core/session/onnxruntime_run_options_config_keys.h +++ b/include/onnxruntime/core/session/onnxruntime_run_options_config_keys.h @@ -49,3 +49,8 @@ static const char* const kOrtRunOptionsConfigQnnRpcControlLatency = "qnn.rpc_con // If the value is set to -1, cuda graph capture/replay is disabled in that run. // User are not expected to set the value to 0 as it is reserved for internal use. static const char* const kOrtRunOptionsConfigCudaGraphAnnotation = "gpu_graph_id"; + +// Specify the type of workload for this run. +// “Default”: OS determines the scheduling priority and processor performance to service this workload. [Default] +// “Efficient”: OS treats this workload is efficiency oriented with low scheduling priority and efficient processor performance. +static const char* const kOrtRunOptionsWorkloadType = "run.workload_type"; diff --git a/include/onnxruntime/core/session/onnxruntime_session_options_config_keys.h b/include/onnxruntime/core/session/onnxruntime_session_options_config_keys.h index 209fd4279cc99..02dd622f42e88 100644 --- a/include/onnxruntime/core/session/onnxruntime_session_options_config_keys.h +++ b/include/onnxruntime/core/session/onnxruntime_session_options_config_keys.h @@ -279,3 +279,8 @@ static const char* const kOrtSessionOptionsMlasGemmFastMathArm64Bfloat16 = "mlas // Refer to MatMulNBits op schema for more details. // If not provided, default is 4. static const char* const kOrtSessionOptionsQDQMatMulNBitsAccuracyLevel = "session.qdq_matmulnbits_accuracy_level"; + +// Specify the type of workload for this session. +// “Default”: OS determines the scheduling priority and processor performance to service this workload. [Default] +// “Efficient”: OS treats this workload is efficiency oriented with low scheduling priority and efficient processor performance. +static const char* const kOrtSessionOptionsWorkloadType = "session.workload_type"; From bf8855ba3c75ebd30d774b75b8e5b056dde06e7a Mon Sep 17 00:00:00 2001 From: Ye Wang <52801275+wangyems@users.noreply.github.com> Date: Wed, 28 Aug 2024 09:29:33 -0700 Subject: [PATCH 014/119] Support Smooth Softmax in fmha (#21885) ### Description refer to https://github.com/microsoft/onnxruntime/pull/21867 ### Motivation and Context --------- Co-authored-by: Your Name --- cmake/patches/cutlass/cutlass_3.5.0.patch | 59 +++++++++++++++++-- .../contrib_ops/cuda/bert/attention_impl.cu | 1 + .../bert/cutlass_fmha/fmha_launch_template.h | 2 + .../cutlass_fmha/memory_efficient_attention.h | 1 + .../cuda/bert/group_query_attention.cc | 1 - .../cuda/bert/group_query_attention_impl.cu | 5 +- .../cuda/bert/packed_attention_impl.cu | 1 + .../bert/packed_multihead_attention_impl.cu | 1 + .../transformers/test_flash_attn_cuda.py | 4 +- 9 files changed, 66 insertions(+), 9 deletions(-) diff --git a/cmake/patches/cutlass/cutlass_3.5.0.patch b/cmake/patches/cutlass/cutlass_3.5.0.patch index 3b829d2f8b2cf..93b8c474af9ed 100644 --- a/cmake/patches/cutlass/cutlass_3.5.0.patch +++ b/cmake/patches/cutlass/cutlass_3.5.0.patch @@ -1,13 +1,64 @@ +diff --git a/examples/41_fused_multi_head_attention/kernel_forward.h b/examples/41_fused_multi_head_attention/kernel_forward.h +index 4c80f549..34327633 100644 +--- a/examples/41_fused_multi_head_attention/kernel_forward.h ++++ b/examples/41_fused_multi_head_attention/kernel_forward.h +@@ -221,6 +221,8 @@ struct AttentionKernel { + int32_t num_batches = 0; + int32_t num_heads = 0; + ++ bool use_smooth_softmax = false; ++ + // dropout + bool use_dropout = false; + unsigned long long dropout_batch_head_rng_offset = 0; +@@ -897,7 +899,8 @@ struct AttentionKernel { + p.num_keys - iter_key_start, + iter_key_start == 0, + iteratorC_tile_offset, +- kSupportsBias ? 1.0f : p.scale); ++ kSupportsBias ? 1.0f : p.scale, ++ p.use_smooth_softmax); + + // Output results to shared-memory + int warp_idx_mn_0 = my_warp_id % +@@ -1166,7 +1169,8 @@ struct AttentionKernel { + int max_col, + bool is_first, + typename WarpIteratorC::TensorCoord const& tile_offset, +- float scaling) { ++ float scaling, ++ bool use_smooth_softmax) { + /* Iterates on the accumulator and corresponding position on result matrix + + (1) Update `mi[r]` to the max value of the row `r` +@@ -1257,7 +1261,7 @@ struct AttentionKernel { + accum_t mi_row, total_row; + LambdaIterator::iterateRows( + lane_offset, +- [&](int accum_m) { mi_row = mi[accum_m]; }, ++ [&](int accum_m) { mi_row = mi[accum_m];}, + [&](int accum_m, int accum_n, int idx) { + frag[idx] = + (accum_n < max_col) ? exp2f(frag[idx] - mi_row) : accum_t(0.0); +@@ -1294,7 +1298,7 @@ struct AttentionKernel { + for (int i = 0; i < MM0::MmaCore::WarpCount::kN; ++i) { + total_row += addition_storage[id + kQueriesPerBlock * i]; + } +- s_prime[id] = total_row; ++ s_prime[id] = (use_smooth_softmax && (max_col <= kKeysPerBlock)) ? total_row + exp2f(-mi[id]) : total_row; + } + } + diff --git a/include/cutlass/functional.h b/include/cutlass/functional.h index 964d2ff3..b366bc14 100644 --- a/include/cutlass/functional.h +++ b/include/cutlass/functional.h @@ -39,6 +39,7 @@ #include "cutlass/numeric_types.h" - + #include +#include - + #if defined(CUTLASS_ARCH_WMMA_ENABLED) #include @@ -230,8 +231,12 @@ struct inverse_square_root { @@ -19,7 +70,7 @@ index 964d2ff3..b366bc14 100644 return reinterpret_cast(result); +#else + return half_t::convert((rsqrtf(half_t::convert(lhs)))); -+#endif ++#endif #else return half_t(1.f / std::sqrt(half_t::convert(lhs))); - #endif + #endif \ No newline at end of file diff --git a/onnxruntime/contrib_ops/cuda/bert/attention_impl.cu b/onnxruntime/contrib_ops/cuda/bert/attention_impl.cu index 347cf946e6ff3..3af3751ba0e51 100644 --- a/onnxruntime/contrib_ops/cuda/bert/attention_impl.cu +++ b/onnxruntime/contrib_ops/cuda/bert/attention_impl.cu @@ -415,6 +415,7 @@ Status EfficientAttention( p.v_head_size = parameters.v_head_size; p.causal = parameters.is_unidirectional; p.scale = scale; + p.use_smooth_softmax = false; if (nullptr == data.mask_index) { p.seqlen_k_ptr = nullptr; diff --git a/onnxruntime/contrib_ops/cuda/bert/cutlass_fmha/fmha_launch_template.h b/onnxruntime/contrib_ops/cuda/bert/cutlass_fmha/fmha_launch_template.h index 1598a7e8bcf1e..5ffa63c54c8fb 100644 --- a/onnxruntime/contrib_ops/cuda/bert/cutlass_fmha/fmha_launch_template.h +++ b/onnxruntime/contrib_ops/cuda/bert/cutlass_fmha/fmha_launch_template.h @@ -220,6 +220,8 @@ void LaunchCutlassFmha(const MemoryEfficientAttentionParams& params) { p.bias_strideM = 0; p.bias_strideB = 0; } + + p.use_smooth_softmax = params.use_smooth_softmax; } auto kernel_fn = attention_kernel_batched_impl; diff --git a/onnxruntime/contrib_ops/cuda/bert/cutlass_fmha/memory_efficient_attention.h b/onnxruntime/contrib_ops/cuda/bert/cutlass_fmha/memory_efficient_attention.h index a9777800f6038..ec2c92c437283 100644 --- a/onnxruntime/contrib_ops/cuda/bert/cutlass_fmha/memory_efficient_attention.h +++ b/onnxruntime/contrib_ops/cuda/bert/cutlass_fmha/memory_efficient_attention.h @@ -25,6 +25,7 @@ struct MemoryEfficientAttentionParams { int32_t qk_head_size; int32_t v_head_size; bool causal; + bool use_smooth_softmax; float scale; diff --git a/onnxruntime/contrib_ops/cuda/bert/group_query_attention.cc b/onnxruntime/contrib_ops/cuda/bert/group_query_attention.cc index 48ecfd7304f4b..1f378a184ab9b 100644 --- a/onnxruntime/contrib_ops/cuda/bert/group_query_attention.cc +++ b/onnxruntime/contrib_ops/cuda/bert/group_query_attention.cc @@ -153,7 +153,6 @@ Status GroupQueryAttention::ComputeInternal(OpKernelContext* context) const { #if USE_MEMORY_EFFICIENT_ATTENTION int sm = (device_prop.major * 10) + device_prop.minor; bool use_memory_efficient_attention = - !use_smooth_softmax_ && !use_flash_attention && !disable_memory_efficient_attention_ && local_window_size_ == -1 && diff --git a/onnxruntime/contrib_ops/cuda/bert/group_query_attention_impl.cu b/onnxruntime/contrib_ops/cuda/bert/group_query_attention_impl.cu index 63e94f95b04ff..04aa1c14a0f69 100644 --- a/onnxruntime/contrib_ops/cuda/bert/group_query_attention_impl.cu +++ b/onnxruntime/contrib_ops/cuda/bert/group_query_attention_impl.cu @@ -678,8 +678,8 @@ Status FlashAttention( reinterpret_cast(data.softmax_lse), seqlens_k, cos_cache, sin_cache, /*block_table*/ nullptr, batch_size, num_heads, kv_num_heads, head_size, sequence_length, parameters.seqlen_present_kv_cache, kv_sequence_length, parameters.rotary_dim, - scale, is_causal, is_bf16, parameters.use_smooth_softmax, past_bsnh, parameters.num_splits, - reinterpret_cast(data.softmax_lse_accum), reinterpret_cast(data.out_accum), + scale, is_causal, is_bf16, parameters.use_smooth_softmax, past_bsnh, parameters.num_splits, + reinterpret_cast(data.softmax_lse_accum), reinterpret_cast(data.out_accum), parameters.local_window_size, parameters.rotary_interleaved, parameters.is_packed_qkv)); // if (parameters.left_padding && parameters.is_prompt) { @@ -843,6 +843,7 @@ Status EfficientAttention( : nullptr; p.stream = stream; p.has_custom_right_padding = true; + p.use_smooth_softmax = parameters.use_smooth_softmax; run_memory_efficient_attention(p); DUMP_TENSOR("efficient attention output", data.output, batch_size, sequence_length, num_heads, head_size); diff --git a/onnxruntime/contrib_ops/cuda/bert/packed_attention_impl.cu b/onnxruntime/contrib_ops/cuda/bert/packed_attention_impl.cu index 849a57512dc3d..ea410998b8eef 100644 --- a/onnxruntime/contrib_ops/cuda/bert/packed_attention_impl.cu +++ b/onnxruntime/contrib_ops/cuda/bert/packed_attention_impl.cu @@ -515,6 +515,7 @@ Status FusedScaledDotProductAttentionCutlass( p.qk_head_size = parameters.head_size; p.v_head_size = parameters.v_head_size; p.causal = false; + p.use_smooth_softmax = false; p.scale = parameters.scale == 0.0f ? 1.f / sqrt(static_cast(qk_head_size)) : parameters.scale; p.seqlen_k_ptr = nullptr; diff --git a/onnxruntime/contrib_ops/cuda/bert/packed_multihead_attention_impl.cu b/onnxruntime/contrib_ops/cuda/bert/packed_multihead_attention_impl.cu index c00eefc8e49de..9bb93b6d06167 100644 --- a/onnxruntime/contrib_ops/cuda/bert/packed_multihead_attention_impl.cu +++ b/onnxruntime/contrib_ops/cuda/bert/packed_multihead_attention_impl.cu @@ -693,6 +693,7 @@ Status FusedAttentionCutlass( p.qk_head_size = parameters.head_size; p.v_head_size = parameters.v_head_size; p.causal = false; + p.use_smooth_softmax = false; p.scale = parameters.scale == 0.0f ? 1.f / sqrt(static_cast(qk_head_size)) : parameters.scale; p.seqlen_k_ptr = nullptr; diff --git a/onnxruntime/test/python/transformers/test_flash_attn_cuda.py b/onnxruntime/test/python/transformers/test_flash_attn_cuda.py index 17b9276a882eb..13bf51f74389a 100644 --- a/onnxruntime/test/python/transformers/test_flash_attn_cuda.py +++ b/onnxruntime/test/python/transformers/test_flash_attn_cuda.py @@ -2219,7 +2219,7 @@ def test_gqa_no_past_memory_efficient(self, _, config, rotary, rotary_interleave rotary=rotary, rotary_interleaved=rotary_interleaved, packed=packed, - use_smooth_softmax=False, + use_smooth_softmax=True, ) @parameterized.expand(gqa_no_past_flash_attention_test_cases()) @@ -2263,7 +2263,7 @@ def test_gqa_past_memory_efficient(self, _, config, rotary, rotary_interleaved, rotary=rotary, rotary_interleaved=rotary_interleaved, packed=packed, - use_smooth_softmax=False, + use_smooth_softmax=True, ) parity_check_gqa_past_no_buff( config, From 59114227fd6cd86f7fa3477291fe0fcfae9afceb Mon Sep 17 00:00:00 2001 From: Wanming Lin Date: Thu, 29 Aug 2024 04:17:34 +0800 Subject: [PATCH 015/119] [WebNN EP] Remove NHWC preferred layout (#21570) Currently WebNN CPU backend has supported NCHW layout in Chromium, we can now drop NHWC preferred layout for CPU backend in WebNN EP to simplify the code. --- .../webnn/builders/impl/builder_utils.cc | 21 +-- .../webnn/builders/impl/builder_utils.h | 6 +- .../webnn/builders/impl/conv_op_builder.cc | 171 ++---------------- .../builders/impl/normalization_op_builder.cc | 9 +- .../webnn/builders/impl/pool_op_builder.cc | 9 +- .../webnn/builders/impl/resize_op_builder.cc | 34 +--- .../providers/webnn/builders/model_builder.cc | 62 +------ .../providers/webnn/builders/model_builder.h | 13 +- .../webnn/webnn_execution_provider.cc | 6 +- .../webnn/webnn_execution_provider.h | 4 +- 10 files changed, 39 insertions(+), 296 deletions(-) diff --git a/onnxruntime/core/providers/webnn/builders/impl/builder_utils.cc b/onnxruntime/core/providers/webnn/builders/impl/builder_utils.cc index 113cc3df5438d..594e75042f2ae 100644 --- a/onnxruntime/core/providers/webnn/builders/impl/builder_utils.cc +++ b/onnxruntime/core/providers/webnn/builders/impl/builder_utils.cc @@ -19,10 +19,9 @@ common::Status ComputeConvPads(const std::vector input_shape, const std::vector& onnx_strides, const std::vector& onnx_dilations, AutoPadType auto_pad_type, - std::vector& pads_out, - bool use_nchw) { - const int64_t input_size_y = use_nchw ? input_shape[2] : input_shape[1]; - const int64_t input_size_x = use_nchw ? input_shape[3] : input_shape[2]; + std::vector& pads_out) { + const int64_t input_size_y = input_shape[2]; + const int64_t input_size_x = input_shape[3]; const int64_t stride_y = onnx_strides[0]; const int64_t stride_x = onnx_strides[1]; const int64_t dilation_y = onnx_dilations[0]; @@ -54,16 +53,15 @@ common::Status HandleAutoPad(const std::vector input_shape, const std::vector& onnx_strides, const std::vector& onnx_dilations, AutoPadType auto_pad_type, - std::vector& pads_out, - bool use_nchw) { + std::vector& pads_out) { if (AutoPadType::SAME_UPPER == auto_pad_type) { ORT_RETURN_IF_ERROR(ComputeConvPads(input_shape, weight_size_y, weight_size_x, onnx_pads, onnx_strides, onnx_dilations, - AutoPadType::SAME_UPPER, pads_out, use_nchw)); + AutoPadType::SAME_UPPER, pads_out)); } else { ORT_RETURN_IF_ERROR(ComputeConvPads(input_shape, weight_size_y, weight_size_x, onnx_pads, onnx_strides, onnx_dilations, - AutoPadType::SAME_LOWER, pads_out, use_nchw)); + AutoPadType::SAME_LOWER, pads_out)); } return Status::OK(); } @@ -111,10 +109,9 @@ common::Status ComputeConvTransposePadsAndOutputShape(const std::vector const std::vector& onnx_output_padding, AutoPadType auto_pad_type, std::vector& pads_out, - std::vector& output_shape_out, - bool use_nchw) { - const int64_t input_size_y = use_nchw ? input_shape[2] : input_shape[1]; - const int64_t input_size_x = use_nchw ? input_shape[3] : input_shape[2]; + std::vector& output_shape_out) { + const int64_t input_size_y = input_shape[2]; + const int64_t input_size_x = input_shape[3]; const int64_t stride_y = onnx_strides[0]; const int64_t stride_x = onnx_strides[1]; const int64_t dilation_y = onnx_dilations[0]; diff --git a/onnxruntime/core/providers/webnn/builders/impl/builder_utils.h b/onnxruntime/core/providers/webnn/builders/impl/builder_utils.h index 5a156c96c4852..f9f9746d6ed83 100644 --- a/onnxruntime/core/providers/webnn/builders/impl/builder_utils.h +++ b/onnxruntime/core/providers/webnn/builders/impl/builder_utils.h @@ -21,8 +21,7 @@ common::Status HandleAutoPad(const std::vector input_shape, const std::vector& onnx_strides, const std::vector& onnx_dilations, AutoPadType auto_pad_type, - std::vector& pads_out, - bool use_nchw) ORT_MUST_USE_RESULT; + std::vector& pads_out) ORT_MUST_USE_RESULT; // Compute pads and output shape for ConvTranspose. common::Status ComputeConvTransposePadsAndOutputShape(const std::vector input_shape, @@ -34,8 +33,7 @@ common::Status ComputeConvTransposePadsAndOutputShape(const std::vector const std::vector& onnx_output_padding, AutoPadType auto_pad_type, std::vector& pads_out, - std::vector& output_shape_out, - bool use_nchw) ORT_MUST_USE_RESULT; + std::vector& output_shape_out) ORT_MUST_USE_RESULT; } // namespace webnn } // namespace onnxruntime diff --git a/onnxruntime/core/providers/webnn/builders/impl/conv_op_builder.cc b/onnxruntime/core/providers/webnn/builders/impl/conv_op_builder.cc index 76a8a178678df..980c5dcd184c0 100644 --- a/onnxruntime/core/providers/webnn/builders/impl/conv_op_builder.cc +++ b/onnxruntime/core/providers/webnn/builders/impl/conv_op_builder.cc @@ -18,9 +18,6 @@ namespace webnn { class ConvOpBuilder : public BaseOpBuilder { // Add operator related. - public: - void AddInitializersToSkip(ModelBuilder& model_builder, const Node& node) const override; - private: Status AddToModelBuilderImpl(ModelBuilder& model_builder, const Node& node, const logging::Logger& logger) const override ORT_MUST_USE_RESULT; @@ -33,13 +30,6 @@ class ConvOpBuilder : public BaseOpBuilder { const logging::Logger& logger) const override; }; -void ConvOpBuilder::AddInitializersToSkip(ModelBuilder& model_builder, const Node& node) const { - // skip the weight for conv as we need to transpose for preferred layout NHWC. - if (model_builder.GetPreferredLayout() == DataLayout::NHWC) { - model_builder.AddInitializerToSkip(node.InputDefs()[1]->Name()); // W - } -} - // Helper functions common::Status SetConvBaseOptions(ModelBuilder& model_builder, const Node& node, emscripten::val& options, @@ -48,7 +38,6 @@ common::Status SetConvBaseOptions(ModelBuilder& model_builder, const std::vector& strides, const std::vector& dilations, std::vector& pads, - const bool is_nhwc, const bool is_conv1d, const logging::Logger& logger) { NodeAttrHelper helper(node); @@ -61,7 +50,7 @@ common::Status SetConvBaseOptions(ModelBuilder& model_builder, // Calculate explicit padding for autoPad. if (AutoPadType::SAME_UPPER == auto_pad_type || AutoPadType::SAME_LOWER == auto_pad_type) { ORT_RETURN_IF_ERROR(HandleAutoPad(input_shape, weight_shape[2], weight_shape[3], - pads, strides, dilations, auto_pad_type, pads_out, !is_nhwc)); + pads, strides, dilations, auto_pad_type, pads_out)); pads = pads_out; } } else if (node.OpType() == "ConvTranspose") { @@ -82,7 +71,7 @@ common::Status SetConvBaseOptions(ModelBuilder& model_builder, // Otherwise compute the output shape, as well as the pads if the auto_pad attribute is SAME_UPPER/SAME_LOWER. ORT_RETURN_IF_ERROR(ComputeConvTransposePadsAndOutputShape(input_shape, weight_shape[2], weight_shape[3], pads, strides, dilations, output_padding, - auto_pad_type, pads_out, output_shape, !is_nhwc)); + auto_pad_type, pads_out, output_shape)); if (output_shape[0] != -1 && output_shape[1] != -1) { options.set("outputSizes", emscripten::val::array(GetVecUint32FromVecInt64(output_shape))); @@ -111,89 +100,6 @@ common::Status SetConvBaseOptions(ModelBuilder& model_builder, return Status::OK(); } -// Both depthwise Conv and ConvTranspose share the same logic to add the layout. -Status AddInitializerInNewLayout(ModelBuilder& model_builder, - const std::string& name, - bool is_conv, - bool is_conv1d) { - const auto& tensor = *model_builder.GetInitializerTensors().at(name); - auto data_type = tensor.data_type(); - - const auto& shape = tensor.dims(); - std::vector dims = GetVecUint32FromVecInt64(std::vector(std::begin(shape), std::end(shape))); - - if (is_conv1d) { - // Support conv1d by prepending a 1 size dimension. - dims.push_back(1); - } - - const uint8_t* src = nullptr; - Initializer unpacked_tensor(tensor, model_builder.GetGraphViewer().ModelPath()); - src = unpacked_tensor.DataAsByteSpan().data(); - const auto out_t = dims[0], in_t = dims[1], - h_t = dims[2], w_t = dims[3]; - std::vector dest_shape; - if (is_conv == 1) - dest_shape = {out_t, h_t, w_t, in_t}; // L_0231 - else - dest_shape = {in_t, h_t, w_t, out_t}; // L_1230 for depthwise conv and convTranspose weight - - SafeInt num_elements = SafeInt(Product(dest_shape)); - - size_t element_size{0}; - switch (data_type) { - case ONNX_NAMESPACE::TensorProto_DataType_UINT8: - element_size = sizeof(uint8_t); - break; - case ONNX_NAMESPACE::TensorProto_DataType_INT8: - element_size = sizeof(int8_t); - break; - case ONNX_NAMESPACE::TensorProto_DataType_FLOAT16: - element_size = sizeof(uint16_t); - break; - case ONNX_NAMESPACE::TensorProto_DataType_FLOAT: - element_size = sizeof(float); - break; - default: - break; - } - std::unique_ptr buffer_holder(new uint8_t[element_size * num_elements]); - uint8_t* buffer = buffer_holder.get(); - - for (uint32_t out = 0; out < out_t; out++) { - for (uint32_t in = 0; in < in_t; in++) { - for (uint32_t h = 0; h < h_t; h++) { - for (uint32_t w = 0; w < w_t; w++) { - auto onnx_idx = out * in_t * h_t * w_t + - in * h_t * w_t + - h * w_t + - w; - - uint32_t nnapi_idx; - if (is_conv == 1) { // L_0231 - nnapi_idx = out * h_t * w_t * in_t + - h * w_t * in_t + - w * in_t + - in; - } else { // L_1230 for depthwise conv weight - nnapi_idx = in * h_t * w_t * out_t + - h * w_t * out_t + - w * out_t + - out; - } - - for (size_t i = 0; i < element_size; i++) { - buffer[element_size * nnapi_idx + i] = src[element_size * onnx_idx + i]; - } - } - } - } - } - ORT_RETURN_IF_ERROR(model_builder.AddOperandFromPersistMemoryBuffer(name, buffer, num_elements * element_size, - dest_shape, data_type)); - return Status::OK(); -} - // Add operator related. Status ConvOpBuilder::AddToModelBuilderImpl(ModelBuilder& model_builder, const Node& node, @@ -203,7 +109,6 @@ Status ConvOpBuilder::AddToModelBuilderImpl(ModelBuilder& model_builder, const N const auto& op_type = node.OpType(); emscripten::val input = model_builder.GetOperand(input_defs[0]->Name()); emscripten::val output = emscripten::val::object(); - const auto& initializers(model_builder.GetInitializerTensors()); std::vector input_shape; ORT_RETURN_IF_NOT(GetShape(*input_defs[0], input_shape, logger), "Cannot get input shape"); @@ -216,19 +121,11 @@ Status ConvOpBuilder::AddToModelBuilderImpl(ModelBuilder& model_builder, const N auto dilations = helper.Get("dilations", std::vector{1, 1}); auto pads = helper.Get("pads", std::vector{0, 0, 0, 0}); - const bool is_nhwc = model_builder.GetPreferredLayout() == DataLayout::NHWC; const bool is_conv1d = input_shape.size() == 3 && weight_shape.size() == 3; - const bool is_constant_weight = Contains(initializers, weight_name); // Support conv1d by prepending a 1 or 2 size dimensions. if (is_conv1d) { // Reshape input. - if (is_nhwc) { - // For NHWC preferred layout, the input has been transposed. - // For conv1d it is NCD1 -> ND1C, so we need to prepend 1 to the index 2. - input_shape.insert(input_shape.begin() + 2, 1); - } else { - input_shape.push_back(1); - } + input_shape.push_back(1); std::vector new_shape = GetVecUint32FromVecInt64(input_shape); input = model_builder.GetBuilder().call("reshape", input, emscripten::val::array(new_shape)); @@ -244,63 +141,19 @@ Status ConvOpBuilder::AddToModelBuilderImpl(ModelBuilder& model_builder, const N emscripten::val options = emscripten::val::object(); options.set("label", node.Name()); ORT_RETURN_IF_ERROR(SetConvBaseOptions( - model_builder, node, options, input_shape, weight_shape, strides, dilations, pads, is_nhwc, is_conv1d, logger)); - bool depthwise = false; - if (op_type == "Conv" || op_type == "ConvInteger") { - int groups = options["groups"].as(); - if (is_nhwc) { - depthwise = (groups == input_shape[3] && groups != 1); - options.set("inputLayout", emscripten::val("nhwc")); - if (is_constant_weight) { - ORT_RETURN_IF_ERROR(AddInitializerInNewLayout(model_builder, weight_name, !depthwise, is_conv1d)); - } - if (!depthwise) { - options.set("filterLayout", emscripten::val("ohwi")); - } else { - options.set("filterLayout", emscripten::val("ihwo")); - } - } - } else { // ConvTranspose - if (is_nhwc) { - options.set("inputLayout", emscripten::val("nhwc")); - options.set("filterLayout", emscripten::val("ohwi")); - if (is_constant_weight) { - ORT_RETURN_IF_ERROR(AddInitializerInNewLayout(model_builder, weight_name, true, is_conv1d)); - } - } - } - + model_builder, node, options, input_shape, weight_shape, strides, dilations, pads, is_conv1d, logger)); emscripten::val filter = model_builder.GetOperand(weight_name); if (is_conv1d) { // Reshape weight to 4D for conv1d. - if (!is_nhwc || !is_constant_weight) { - // The weight_shape has been appended 1's, reshape weight operand. - std::vector new_shape = GetVecUint32FromVecInt64(weight_shape); - emscripten::val reshape_options = emscripten::val::object(); - reshape_options.set("label", node.Name() + "_reshape_filter"); - filter = model_builder.GetBuilder().call("reshape", - filter, - emscripten::val::array(new_shape), - reshape_options); - } - } - - emscripten::val transpose_options = emscripten::val::object(); - if (is_nhwc && !is_constant_weight) { - // For NHWC preferred layout, if the weight is input: - // - Transpose it from iohw -> ohwi for convTranspose. - // - Transpose it from oihw -> ihwo for depthwise conv. - // - Transpose it from oihw -> ohwi for conv. - std::vector perm(4); - if (op_type == "ConvTranspose" || depthwise) { - perm = {1, 2, 3, 0}; // L_1230 for depthwise conv and convTranspose weight - } else { - perm = {0, 2, 3, 1}; // L_0231 - } - transpose_options.set("permutation", emscripten::val::array(perm)); - transpose_options.set("label", node.Name() + "_transpose_filter"); - filter = model_builder.GetBuilder().call("transpose", filter, transpose_options); + // The weight_shape has been appended 1's, reshape weight operand. + std::vector new_shape = GetVecUint32FromVecInt64(weight_shape); + emscripten::val reshape_options = emscripten::val::object(); + reshape_options.set("label", node.Name() + "_reshape_filter"); + filter = model_builder.GetBuilder().call("reshape", + filter, + emscripten::val::array(new_shape), + reshape_options); } if (op_type == "Conv") { diff --git a/onnxruntime/core/providers/webnn/builders/impl/normalization_op_builder.cc b/onnxruntime/core/providers/webnn/builders/impl/normalization_op_builder.cc index 4d068baf35e72..347cd11898d25 100644 --- a/onnxruntime/core/providers/webnn/builders/impl/normalization_op_builder.cc +++ b/onnxruntime/core/providers/webnn/builders/impl/normalization_op_builder.cc @@ -79,9 +79,6 @@ Status NormalizationOpBuilder::AddToModelBuilderImpl(ModelBuilder& model_builder ORT_RETURN_IF_NOT(input_defs.size() == 5, "BatchNormalization requires five inputs."); emscripten::val mean = model_builder.GetOperand(input_defs[3]->Name()); emscripten::val variance = model_builder.GetOperand(input_defs[4]->Name()); - if (model_builder.GetPreferredLayout() == DataLayout::NHWC) { - options.set("axis", rank - 1); - } output = model_builder.GetBuilder().call("batchNormalization", input, mean, variance, options); } else if (op_type == "LayerNormalization") { @@ -104,9 +101,8 @@ Status NormalizationOpBuilder::AddToModelBuilderImpl(ModelBuilder& model_builder std::back_inserter(new_shape), [](int64_t dim) -> uint32_t { return SafeInt(dim); }); - size_t insertion_offset = (model_builder.GetPreferredLayout() == DataLayout::NHWC) ? 2 : 3; ptrdiff_t excess_rank = new_shape.size() - webnn_shape_rank; - auto insertion_point = new_shape.begin() + insertion_offset; + auto insertion_point = new_shape.begin() + 3; if (input_shape.size() < webnn_shape_rank) { // Pad the shape with extra 1's to satisfy WebNN v1's rank requirements. new_shape.insert(insertion_point, -excess_rank, 1); @@ -125,9 +121,6 @@ Status NormalizationOpBuilder::AddToModelBuilderImpl(ModelBuilder& model_builder reshape_input_options); } - if (model_builder.GetPreferredLayout() == DataLayout::NHWC) { - options.set("layout", emscripten::val("nhwc")); - } output = model_builder.GetBuilder().call("instanceNormalization", input, options); // Reshape back to the original output shape for 3D input. if (input_shape.size() != 4) { diff --git a/onnxruntime/core/providers/webnn/builders/impl/pool_op_builder.cc b/onnxruntime/core/providers/webnn/builders/impl/pool_op_builder.cc index 0af62dacedbd5..09eb8e79ce1d3 100644 --- a/onnxruntime/core/providers/webnn/builders/impl/pool_op_builder.cc +++ b/onnxruntime/core/providers/webnn/builders/impl/pool_op_builder.cc @@ -70,11 +70,7 @@ Status PoolOpBuilder::AddToModelBuilderImpl(ModelBuilder& model_builder, options.set("strides", emscripten::val::array(strides)); const auto dilations = helper.Get("dilations", std::vector{1, 1}); options.set("dilations", emscripten::val::array(dilations)); - if (model_builder.GetPreferredLayout() == DataLayout::NHWC) { - options.set("layout", emscripten::val("nhwc")); - } else { - options.set("layout", emscripten::val("nchw")); - } + options.set("layout", emscripten::val("nchw")); // Add Padding. // Usually using autopadding is more efficient than using explicit padding. @@ -93,8 +89,7 @@ Status PoolOpBuilder::AddToModelBuilderImpl(ModelBuilder& model_builder, helper.Get("strides", std::vector{1, 1}), helper.Get("dilations", std::vector{1, 1}), auto_pad_type, - pads_out, - model_builder.GetPreferredLayout() == DataLayout::NCHW)); + pads_out)); pads = GetVecUint32FromVecInt64(pads_out); } // Permute the ONNX's pads, which is [beginning_height, beginning_width, ending_height, ending_width], diff --git a/onnxruntime/core/providers/webnn/builders/impl/resize_op_builder.cc b/onnxruntime/core/providers/webnn/builders/impl/resize_op_builder.cc index 2218c858951d3..0e211de5a3986 100644 --- a/onnxruntime/core/providers/webnn/builders/impl/resize_op_builder.cc +++ b/onnxruntime/core/providers/webnn/builders/impl/resize_op_builder.cc @@ -120,18 +120,10 @@ Status ResizeOpBuilder::AddToModelBuilderImpl(ModelBuilder& model_builder, std::vector scales; std::vector sizes; - std::vector scales_hw; - std::vector sizes_hw; - std::vector axes; std::string scales_name = GetTensorName(input_defs, 2); - const bool is_nhwc = model_builder.GetPreferredLayout() == DataLayout::NHWC; if (!scales_name.empty()) { // Use scales. ORT_RETURN_IF_NOT(GetResizeScales(initializers, node, scales, logger), "Error getting resize scales"); - if (is_nhwc) { - scales_hw = {scales[1], scales[2]}; - } else { - scales_hw = {scales[2], scales[3]}; - } + std::vector scales_hw = {scales[2], scales[3]}; options.set("scales", emscripten::val::array(scales_hw)); } else { // Use sizes, we already checked inputs in IsOpSupportedImpl. std::vector output_sizes; @@ -140,19 +132,11 @@ Status ResizeOpBuilder::AddToModelBuilderImpl(ModelBuilder& model_builder, std::transform(output_sizes.cbegin(), output_sizes.cend(), std::back_inserter(sizes), [](int64_t dim) -> int32_t { return SafeInt(dim); }); - if (is_nhwc) { - sizes_hw = {sizes[1], sizes[2]}; - } else { - sizes_hw = {sizes[2], sizes[3]}; - } + std::vector sizes_hw = {sizes[2], sizes[3]}; options.set("sizes", emscripten::val::array(sizes_hw)); } - if (is_nhwc) { - axes = {1, 2}; - } else { - axes = {2, 3}; - } + std::vector axes = {2, 3}; options.set("axes", emscripten::val::array(axes)); emscripten::val input = model_builder.GetOperand(input_defs[0]->Name()); @@ -221,7 +205,6 @@ bool ResizeOpBuilder::IsOpSupportedImpl(const InitializedTensorSet& initializers return false; } - const bool is_nhwc = node.Domain() == kMSInternalNHWCDomain; // We want to check if the scales or sizes are not trying to resize on N/C channels here. if (has_scales) { // We are using scales. std::vector scales; @@ -229,7 +212,7 @@ bool ResizeOpBuilder::IsOpSupportedImpl(const InitializedTensorSet& initializers return false; float scale_n = scales[0]; - float scale_c = is_nhwc ? scales[3] : scales[1]; + float scale_c = scales[1]; if (scale_n != 1.0f || scale_c != 1.0f) { LOGS(logger, VERBOSE) << "Scales of N/C channel should be 1" << "Resize of N/C channels are not supported" @@ -239,8 +222,8 @@ bool ResizeOpBuilder::IsOpSupportedImpl(const InitializedTensorSet& initializers // For now we only support upscale, so the scale_h and scale_w should be an integer >= 1. // TODO support ResizeBilinear. - float scale_h = is_nhwc ? scales[1] : scales[2]; - float scale_w = is_nhwc ? scales[2] : scales[3]; + float scale_h = scales[2]; + float scale_w = scales[3]; // Onnx spec requires scale to be a positive float, so we are not checking that here. if (roundf(scale_h) != scale_h) { @@ -261,12 +244,11 @@ bool ResizeOpBuilder::IsOpSupportedImpl(const InitializedTensorSet& initializers return false; auto output_size_n = output_sizes[0]; - const int c_idx = is_nhwc ? 3 : 1; - if (output_size_n != input_shape[0] || output_sizes[c_idx] != input_shape[c_idx]) { + if (output_size_n != input_shape[0] || output_sizes[1] != input_shape[1]) { LOGS(logger, VERBOSE) << "Output sizes of N/C chanel should match the input sizes, " << "Resize of N/C channels are not supported" << ", input_size_n, " << input_shape[0] << ", output_size_n, " << output_size_n - << ". input_size_c, " << input_shape[c_idx] << ", output_size_c, " << output_sizes[c_idx]; + << ". input_size_c, " << input_shape[1] << ", output_size_c, " << output_sizes[1]; return false; } } diff --git a/onnxruntime/core/providers/webnn/builders/model_builder.cc b/onnxruntime/core/providers/webnn/builders/model_builder.cc index 44bec1fb6fd48..02fb8e732b3c7 100644 --- a/onnxruntime/core/providers/webnn/builders/model_builder.cc +++ b/onnxruntime/core/providers/webnn/builders/model_builder.cc @@ -20,12 +20,10 @@ namespace onnxruntime { namespace webnn { ModelBuilder::ModelBuilder(const GraphViewer& graph_viewer, const logging::Logger& logger, - const emscripten::val& context, const DataLayout preferred_layout, - const WebnnDeviceType wnn_device_type) + const emscripten::val& context, const WebnnDeviceType wnn_device_type) : graph_viewer_(graph_viewer), logger_(logger), wnn_context_(context), - preferred_layout_(preferred_layout), wnn_device_type_(wnn_device_type) { // Create WebNN MLGraphBuilder for each ModelBuilder, because MLGraphBuilder.build() // is only allowed to be called once. @@ -254,64 +252,6 @@ Status ModelBuilder::AddOperations() { return Status::OK(); } -Status ModelBuilder::AddOperandFromPersistMemoryBuffer( - const std::string& name, const void* buffer, const size_t size, - const std::vector shape, const int32_t data_type) { - auto persist_buffer = std::make_unique(size); - uint8_t* dest = persist_buffer.get(); - memcpy(dest, buffer, size); - emscripten::val view = emscripten::val::undefined(); - emscripten::val desc = emscripten::val::object(); - ORT_RETURN_IF_NOT(SetWebnnDataType(desc, data_type), "Unsupported data type"); - switch (data_type) { - case ONNX_NAMESPACE::TensorProto_DataType_BOOL: - case ONNX_NAMESPACE::TensorProto_DataType_UINT8: - view = emscripten::val{emscripten::typed_memory_view(size / sizeof(uint8_t), - reinterpret_cast(dest))}; - break; - case ONNX_NAMESPACE::TensorProto_DataType_INT8: - view = emscripten::val{emscripten::typed_memory_view(size / sizeof(int8_t), - reinterpret_cast(dest))}; - break; - case ONNX_NAMESPACE::TensorProto_DataType_FLOAT16: - view = emscripten::val{emscripten::typed_memory_view(size / sizeof(uint16_t), - reinterpret_cast(dest))}; - break; - case ONNX_NAMESPACE::TensorProto_DataType_FLOAT: - view = emscripten::val{emscripten::typed_memory_view(size / sizeof(float), - reinterpret_cast(dest))}; - break; - case ONNX_NAMESPACE::TensorProto_DataType_INT32: - view = emscripten::val{emscripten::typed_memory_view(size / sizeof(int32_t), - reinterpret_cast(dest))}; - break; - case ONNX_NAMESPACE::TensorProto_DataType_INT64: - view = emscripten::val{emscripten::typed_memory_view(size / sizeof(int64_t), - reinterpret_cast(dest))}; - break; - case ONNX_NAMESPACE::TensorProto_DataType_UINT32: - view = emscripten::val{emscripten::typed_memory_view(size / sizeof(uint32_t), - reinterpret_cast(dest))}; - break; - case ONNX_NAMESPACE::TensorProto_DataType_UINT64: - view = emscripten::val{emscripten::typed_memory_view(size / sizeof(uint64_t), - reinterpret_cast(dest))}; - break; - default: - break; - } - - desc.set("dimensions", emscripten::val::array(shape)); - emscripten::val operand = emscripten::val::object(); - // Wasm memory grow will cause all array buffers reallocation, which will be treated as detached - // buffers in JS side. Simply create a copy to fix it. - operand = wnn_builder_.call("constant", desc, view.call("slice")); - - AddOperand(name, operand); - mem_persist_buffers_.push_back(std::move(persist_buffer)); - return Status::OK(); -} - Status ModelBuilder::RegisterModelOutputs() { for (const auto* node_arg : graph_viewer_.GetOutputs()) { ORT_RETURN_IF_ERROR(RegisterModelInputOutput(*node_arg, false /* is_input */)); diff --git a/onnxruntime/core/providers/webnn/builders/model_builder.h b/onnxruntime/core/providers/webnn/builders/model_builder.h index 2d686070cdcc1..a954daa855e4a 100644 --- a/onnxruntime/core/providers/webnn/builders/model_builder.h +++ b/onnxruntime/core/providers/webnn/builders/model_builder.h @@ -22,8 +22,7 @@ class IOpBuilder; class ModelBuilder { public: ModelBuilder(const GraphViewer& graph_viewer, const logging::Logger& logger, - const emscripten::val& context, const DataLayout preferred_layout, - const WebnnDeviceType wnn_device_type); + const emscripten::val& context, const WebnnDeviceType wnn_device_type); ~ModelBuilder() = default; Status Compile(std::unique_ptr& model) ORT_MUST_USE_RESULT; @@ -37,15 +36,6 @@ class ModelBuilder { const emscripten::val& GetOperand(const std::string& name) const { return wnn_operands_.at(name); } void AddOperand(const std::string& name, const emscripten::val& operand); const emscripten::val& GetZeroConstant(const std::string& data_type); - // Use the buffers to persist WebNN allocated data like transposed weight. - // It ensures the validity during inference session. - std::vector> mem_persist_buffers_; - // Add a constant operand (allocate persist buffer and move the ownership to mem_persist_buffers_). - Status AddOperandFromPersistMemoryBuffer( - const std::string& name, const void* buffer, - const size_t size, const std::vector shape, const int32_t data_type); - - DataLayout GetPreferredLayout() const { return preferred_layout_; } WebnnDeviceType GetWebnnDeviceType() const { return wnn_device_type_; } @@ -64,7 +54,6 @@ class ModelBuilder { emscripten::val wnn_context_ = emscripten::val::undefined(); emscripten::val wnn_builder_ = emscripten::val::undefined(); - DataLayout preferred_layout_; WebnnDeviceType wnn_device_type_; InlinedHashMap wnn_operands_; std::vector input_names_; diff --git a/onnxruntime/core/providers/webnn/webnn_execution_provider.cc b/onnxruntime/core/providers/webnn/webnn_execution_provider.cc index b918daf838c99..a6fe00241e55f 100644 --- a/onnxruntime/core/providers/webnn/webnn_execution_provider.cc +++ b/onnxruntime/core/providers/webnn/webnn_execution_provider.cc @@ -19,12 +19,9 @@ namespace onnxruntime { WebNNExecutionProvider::WebNNExecutionProvider(const std::string& webnn_device_flags) : IExecutionProvider{onnxruntime::kWebNNExecutionProvider} { - // WebNN EP uses NHWC layout for CPU XNNPACK backend and NCHW for GPU DML backend. if (webnn_device_flags.compare("cpu") == 0) { - preferred_layout_ = DataLayout::NHWC; wnn_device_type_ = webnn::WebnnDeviceType::CPU; } else { - preferred_layout_ = DataLayout::NCHW; if (webnn_device_flags.compare("gpu") == 0) { wnn_device_type_ = webnn::WebnnDeviceType::GPU; } else if (webnn_device_flags.compare("npu") == 0) { @@ -212,8 +209,7 @@ common::Status WebNNExecutionProvider::Compile(const std::vector model; ORT_RETURN_IF_ERROR(builder.Compile(model)); diff --git a/onnxruntime/core/providers/webnn/webnn_execution_provider.h b/onnxruntime/core/providers/webnn/webnn_execution_provider.h index d8c1e90c86cdb..1fbc99098e30f 100644 --- a/onnxruntime/core/providers/webnn/webnn_execution_provider.h +++ b/onnxruntime/core/providers/webnn/webnn_execution_provider.h @@ -26,7 +26,8 @@ class WebNNExecutionProvider : public IExecutionProvider { GetCapability(const onnxruntime::GraphViewer& graph_viewer, const IKernelLookup& /*kernel_registries*/) const override; - DataLayout GetPreferredLayout() const override { return preferred_layout_; } + // WebNN EP uses default NCHW layout for all backends. + DataLayout GetPreferredLayout() const override { return DataLayout::NCHW; } // We implement the Compile that takes FusedNodeAndGraph instances. FusionStyle GetFusionStyle() const override { return FusionStyle::FilteredGraphViewer; } @@ -44,7 +45,6 @@ class WebNNExecutionProvider : public IExecutionProvider { private: emscripten::val wnn_context_ = emscripten::val::undefined(); - DataLayout preferred_layout_; webnn::WebnnDeviceType wnn_device_type_; InlinedHashMap> models_; ModelMetadefIdGenerator metadef_id_generator_; From 3bfb5e4f62f100c1bbf33dd42e69ec572ea244a7 Mon Sep 17 00:00:00 2001 From: xhcao Date: Thu, 29 Aug 2024 04:19:20 +0800 Subject: [PATCH 016/119] [js/webgpu] support float16 for Clip (#21584) ### Description ### Motivation and Context --- js/web/lib/wasm/jsep/init.ts | 8 + js/web/lib/wasm/jsep/tensor-view.ts | 5 + js/web/lib/wasm/jsep/webgpu/ops/unary-op.ts | 112 ++++++--- js/web/test/data/ops/clip.jsonc | 248 ++++++++++++++++++++ 4 files changed, 340 insertions(+), 33 deletions(-) create mode 100644 js/web/test/data/ops/clip.jsonc diff --git a/js/web/lib/wasm/jsep/init.ts b/js/web/lib/wasm/jsep/init.ts index b31fbc6255c41..5dda7425bdb44 100644 --- a/js/web/lib/wasm/jsep/init.ts +++ b/js/web/lib/wasm/jsep/init.ts @@ -59,6 +59,14 @@ class TensorViewImpl implements TensorView { return elementCount === 0 ? new Int32Array() : new Int32Array(this.module.HEAP8.buffer, this.data, elementCount); } + getUint16Array(): Uint16Array { + if (this.dataType !== DataType.float16 && this.dataType !== DataType.uint16) { + throw new Error('Invalid data type'); + } + const elementCount = ShapeUtil.size(this.dims); + return elementCount === 0 ? new Uint16Array() : new Uint16Array(this.module.HEAP8.buffer, this.data, elementCount); + } + reshape(newDims: readonly number[]): TensorView { if (ShapeUtil.size(newDims) !== ShapeUtil.size(this.dims)) { throw new Error('Invalid new shape'); diff --git a/js/web/lib/wasm/jsep/tensor-view.ts b/js/web/lib/wasm/jsep/tensor-view.ts index 5f1fdfa4534cd..027c6f5660c51 100644 --- a/js/web/lib/wasm/jsep/tensor-view.ts +++ b/js/web/lib/wasm/jsep/tensor-view.ts @@ -48,6 +48,11 @@ export interface TensorView { */ getInt32Array(): Int32Array; + /** + * get a Uint16Array data view of the tensor data. tensor data must be on CPU. + */ + getUint16Array(): Uint16Array; + /** * create a new tensor view with the same data but different dimensions. */ diff --git a/js/web/lib/wasm/jsep/webgpu/ops/unary-op.ts b/js/web/lib/wasm/jsep/webgpu/ops/unary-op.ts index 1fc2732f245a8..168d644fe064c 100644 --- a/js/web/lib/wasm/jsep/webgpu/ops/unary-op.ts +++ b/js/web/lib/wasm/jsep/webgpu/ops/unary-op.ts @@ -3,11 +3,18 @@ import { DataType } from '../../../wasm-common'; import { TensorView } from '../../tensor-view'; -import { MAX_CLIP, MIN_CLIP, ShapeUtil } from '../../util'; +import { ShapeUtil } from '../../util'; import { AttributeWithCacheKey, createAttributeWithCacheKey } from '../attribute-with-cache-key'; -import { ComputeContext, ProgramInfo } from '../types'; +import { ComputeContext, ProgramInfo, ProgramUniform } from '../types'; -import { inputVariable, outputVariable, ShaderHelper, tensorTypeToWsglValueType } from './common'; +import { + inputVariable, + outputVariable, + ShaderHelper, + tensorTypeToWsglValueType, + UniformDataElementType, + UniformsArrayType, +} from './common'; type BuiltinFunctionName = string; type ElementwiseCustomExpression = (expression: string) => string; @@ -20,6 +27,7 @@ const createElementwiseProgramShader = ( outputDataType: number, funcCall: ElementwiseFunctionCall, additionalImplementation?: string, + additionalUniformsType?: UniformsArrayType, ): string => { const vecSize = Math.ceil(datasize / 4); @@ -32,9 +40,13 @@ const createElementwiseProgramShader = ( const input = inputVariable('inputData', inputDataType, [vecSize], 4); const output = outputVariable('outputData', outputDataType, [vecSize], 4); + const uniforms: UniformsArrayType = [{ name: 'vec_size', type: 'u32' }]; + if (additionalUniformsType) { + uniforms.push(...additionalUniformsType); + } return ` - ${shaderHelper.registerUniform('vec_size', 'u32').declareVariables(input, output)} + ${shaderHelper.registerUniforms(uniforms).declareVariables(input, output)} ${additionalImplementation ?? ''} @@ -53,24 +65,38 @@ const createElementwiseProgramInfo = ( additionalImplementation?: string, cacheKey?: string, outputDataType: number = input.dataType, -): ProgramInfo => ({ - name, - shaderCache: { hint: cacheKey, inputDependencies: ['type'] }, - getShaderSource: (shaderHelper) => - createElementwiseProgramShader( - shaderHelper, - ShapeUtil.size(input.dims), - input.dataType, - outputDataType, - funcCall, - additionalImplementation, - ), - getRunData: (inputTensors) => ({ - outputs: [{ dims: input.dims, dataType: outputDataType }], - dispatchGroup: { x: Math.ceil(ShapeUtil.size(inputTensors[0].dims) / 64 /* workgroup size */ / 4 /* vec size */) }, - programUniforms: [{ type: DataType.uint32, data: Math.ceil(ShapeUtil.size(input.dims) / 4) }], - }), -}); + additionalUniforms?: ProgramUniform[], + additionalUniformsType?: UniformsArrayType, +): ProgramInfo => { + const programUniforms: ProgramUniform[] = [ + { type: DataType.uint32, data: Math.ceil(ShapeUtil.size(input.dims) / 4) }, + ]; + if (additionalUniforms) { + programUniforms.push(...additionalUniforms); + } + + return { + name, + shaderCache: { hint: cacheKey, inputDependencies: ['type'] }, + getShaderSource: (shaderHelper) => + createElementwiseProgramShader( + shaderHelper, + ShapeUtil.size(input.dims), + input.dataType, + outputDataType, + funcCall, + additionalImplementation, + additionalUniformsType, + ), + getRunData: (inputTensors) => ({ + outputs: [{ dims: input.dims, dataType: outputDataType }], + dispatchGroup: { + x: Math.ceil(ShapeUtil.size(inputTensors[0].dims) / 64 /* workgroup size */ / 4 /* vec size */), + }, + programUniforms, + }), + }; +}; export const abs = (context: ComputeContext): void => { context.compute(createElementwiseProgramInfo(context.inputs[0], 'Abs', 'abs')); @@ -139,24 +165,46 @@ export interface ClipAttributes extends AttributeWithCacheKey { } const generateClipAttributesFromInputs = (inputs: readonly TensorView[]): ClipAttributes => { - const min = inputs.length >= 2 && inputs[1].data !== 0 ? inputs[1].getFloat32Array()[0] : MIN_CLIP; - const max = inputs.length >= 3 && inputs[2].data !== 0 ? inputs[2].getFloat32Array()[0] : MAX_CLIP; + let min: number; + let max: number; + const hasMin = inputs.length >= 2 && inputs[1].data !== 0; + const hasMax = inputs.length >= 3 && inputs[2].data !== 0; + + switch (inputs[0].dataType) { + case DataType.float: + min = hasMin ? inputs[1].getFloat32Array()[0] : -3.4028234663852886e38; + max = hasMax ? inputs[2].getFloat32Array()[0] : 3.4028234663852886e38; + break; + case DataType.float16: + min = hasMin ? inputs[1].getUint16Array()[0] : 64511; // uint16(64511) <-> float16(-65504.0) + max = hasMax ? inputs[2].getUint16Array()[0] : 31743; // uint16(31743) <-> float16(65504.0) + break; + default: + throw new Error('Unsupport data type'); + } + return createAttributeWithCacheKey({ min, max }); }; export const clip = (context: ComputeContext, clipAttributes: ClipAttributes): void => { - const attributes = context.inputs.length === 1 ? clipAttributes : generateClipAttributesFromInputs(context.inputs); + const attributes = clipAttributes ? clipAttributes : generateClipAttributesFromInputs(context.inputs); const dataType = tensorTypeToWsglValueType(context.inputs[0].dataType); context.compute( createElementwiseProgramInfo( context.inputs[0], 'Clip', - (a) => `clamp(${a}, clip_min_, clip_max_)`, - ` - const clip_min_: vec4<${dataType}> = vec4(${dataType}(${attributes.min})); - const clip_max_: vec4<${dataType}> = vec4(${dataType}(${attributes.max})); -`, + (a) => `clamp(${a}, vec4<${dataType}>(uniforms.min), vec4<${dataType}>(uniforms.max))`, + undefined, attributes.cacheKey, + undefined, + [ + { type: context.inputs[0].dataType, data: attributes.min }, + { type: context.inputs[0].dataType, data: attributes.max }, + ], + [ + { name: 'min', type: dataType as UniformDataElementType }, + { name: 'max', type: dataType as UniformDataElementType }, + ], ), { inputs: [0] }, ); @@ -302,9 +350,7 @@ export const hardSigmoid = (context: ComputeContext, attributes: HardSigmoidAttr context.inputs[0], 'HardSigmoid', (a) => - `max(vec4<${dataType}>(0.0), min(vec4<${dataType}>(1.0), ${attributes.alpha} * ${a} + vec4<${dataType}>(${ - attributes.beta - })))`, + `max(vec4<${dataType}>(0.0), min(vec4<${dataType}>(1.0), ${attributes.alpha} * ${a} + vec4<${dataType}>(${attributes.beta})))`, undefined, attributes.cacheKey, ), diff --git a/js/web/test/data/ops/clip.jsonc b/js/web/test/data/ops/clip.jsonc new file mode 100644 index 0000000000000..f2bcc2fd58469 --- /dev/null +++ b/js/web/test/data/ops/clip.jsonc @@ -0,0 +1,248 @@ +[ + { + "name": "clip float32 type with min and max attributes", + "operator": "Clip", + "opset": { "domain": "", "version": 10 }, + "attributes": [ + { "name": "min", "type": "float", "data": 1.0 }, + { "name": "max", "type": "float", "data": 5.0 } + ], + "cases": [ + { + "name": "T[2, 3]", + "inputs": [ + { + "data": [0.5, 1.4, 2.7, 3.3, 4.1, 5.8], + "dims": [2, 3], + "type": "float32" + } + ], + "outputs": [ + { + "data": [1.0, 1.4, 2.7, 3.3, 4.1, 5.0], + "dims": [2, 3], + "type": "float32" + } + ] + } + ] + }, + { + "name": "clip float32 type with min attribute but no max attribute", + "operator": "Clip", + "opset": { "domain": "", "version": 10 }, + "attributes": [{ "name": "min", "type": "float", "data": 1.0 }], + "cases": [ + { + "name": "T[2, 3]", + "inputs": [ + { + "data": [0.5, 1.4, 2.7, 3.3, 4.1, 5.8], + "dims": [2, 3], + "type": "float32" + } + ], + "outputs": [ + { + "data": [1.0, 1.4, 2.7, 3.3, 4.1, 5.8], + "dims": [2, 3], + "type": "float32" + } + ] + } + ] + }, + { + "name": "clip float32 type without min and max attributes", + "operator": "Clip", + "opset": { "domain": "", "version": 10 }, + "attributes": [], + "cases": [ + { + "name": "T[2, 3]", + "inputs": [ + { + "data": [0.5, 1.4, 2.7, 3.3, 4.1, 5.8], + "dims": [2, 3], + "type": "float32" + } + ], + "outputs": [ + { + "data": [0.5, 1.4, 2.7, 3.3, 4.1, 5.8], + "dims": [2, 3], + "type": "float32" + } + ] + } + ] + }, + { + "name": "clip float32 type with min and max inputs", + "operator": "Clip", + "cases": [ + { + "name": "T[2, 3]", + "inputs": [ + { + "data": [0.5, 1.4, 2.7, 3.3, 4.1, 5.8], + "dims": [2, 3], + "type": "float32" + }, + { + "data": [1.0], + "dims": [], + "type": "float32" + }, + { + "data": [5.0], + "dims": [], + "type": "float32" + } + ], + "outputs": [ + { + "data": [1.0, 1.4, 2.7, 3.3, 4.1, 5.0], + "dims": [2, 3], + "type": "float32" + } + ] + } + ] + }, + { + "name": "clip float32 type with min input but no max input", + "operator": "Clip", + "cases": [ + { + "name": "T[3, 2]", + "inputs": [ + { + "data": [0.5, 1.4, 2.7, 3.3, 4.1, 5.8], + "dims": [3, 2], + "type": "float32" + }, + { + "data": [1.0], + "dims": [], + "type": "float32" + } + ], + "outputs": [ + { + "data": [1.0, 1.4, 2.7, 3.3, 4.1, 5.8], + "dims": [3, 2], + "type": "float32" + } + ] + } + ] + }, + { + "name": "clip float32 type without min and max inputs", + "operator": "Clip", + "cases": [ + { + "name": "T[3, 2]", + "inputs": [ + { + "data": [0.5, 1.4, 2.7, 3.3, 4.1, 5.8], + "dims": [3, 2], + "type": "float32" + } + ], + "outputs": [ + { + "data": [0.5, 1.4, 2.7, 3.3, 4.1, 5.8], + "dims": [3, 2], + "type": "float32" + } + ] + } + ] + }, + { + "name": "clip float16 type with min and max inputs", + "operator": "Clip", + "cases": [ + { + "name": "T[2, 3]", + "inputs": [ + { + "data": [0.5, 1.4, 2.7, 3.3, 4.1, 5.8], + "dims": [2, 3], + "type": "float16" + }, + { + "data": [1.0], + "dims": [], + "type": "float16" + }, + { + "data": [5.0], + "dims": [], + "type": "float16" + } + ], + "outputs": [ + { + "data": [1.0, 1.4, 2.7, 3.3, 4.1, 5.0], + "dims": [2, 3], + "type": "float16" + } + ] + } + ] + }, + { + "name": "clip float16 type with min input but no max input", + "operator": "Clip", + "cases": [ + { + "name": "T[3, 2]", + "inputs": [ + { + "data": [0.5, 1.4, 2.7, 3.3, 4.1, 5.8], + "dims": [3, 2], + "type": "float16" + }, + { + "data": [1.0], + "dims": [], + "type": "float16" + } + ], + "outputs": [ + { + "data": [1.0, 1.4, 2.7, 3.3, 4.1, 5.8], + "dims": [3, 2], + "type": "float16" + } + ] + } + ] + }, + { + "name": "clip float16 type without min and max inputs", + "operator": "Clip", + "cases": [ + { + "name": "T[3, 2]", + "inputs": [ + { + "data": [0.5, 1.4, 2.7, 3.3, 4.1, 5.8], + "dims": [3, 2], + "type": "float16" + } + ], + "outputs": [ + { + "data": [0.5, 1.4, 2.7, 3.3, 4.1, 5.8], + "dims": [3, 2], + "type": "float16" + } + ] + } + ] + } +] From 7df8776322bc66bda9bb1bff1502fcceb8596efc Mon Sep 17 00:00:00 2001 From: duanshengliu <44742794+duanshengliu@users.noreply.github.com> Date: Thu, 29 Aug 2024 05:29:17 +0800 Subject: [PATCH 017/119] Add overflow protection for quantization bias to reduce quantization precision loss (#21645) ### Description When the scale of the bias is too small, the quantized bias may exceed the range of `int32`, leading to significant loss of precision. Therefore, before converting quantized bias to `int32`, it needs to be clipped within the range of `int32` to reduce the loss of quantization precision. ### Motivation and Context Fix the issue https://github.com/microsoft/onnxruntime/issues/21000 --- onnxruntime/python/tools/quantization/base_quantizer.py | 4 +++- 1 file changed, 3 insertions(+), 1 deletion(-) diff --git a/onnxruntime/python/tools/quantization/base_quantizer.py b/onnxruntime/python/tools/quantization/base_quantizer.py index d48964203ce76..b20af5137d206 100644 --- a/onnxruntime/python/tools/quantization/base_quantizer.py +++ b/onnxruntime/python/tools/quantization/base_quantizer.py @@ -230,7 +230,9 @@ def quantize_bias_static_impl(self, bias_name, input_scale, weight_scale, beta=1 # TODO: This formula should be explained including why the scale is not estimated for the bias as well. bias_scale = input_scale * weight_scale * beta - quantized_data = (np.asarray(bias_data) / bias_scale).round().astype(np.int32) + quantized_data = (np.asarray(bias_data) / bias_scale).round() + quantized_data = np.clip(quantized_data, np.iinfo(np.int32).min, np.iinfo(np.int32).max) + quantized_data = quantized_data.astype(np.int32) # update bias initializer bias_np_data = np.asarray(quantized_data, dtype=np.int32).reshape(bias_initializer.dims) From 4fece0430f6fca7a9b8f78cdedd92b75626bb42b Mon Sep 17 00:00:00 2001 From: Guenther Schmuelling Date: Wed, 28 Aug 2024 16:18:56 -0700 Subject: [PATCH 018/119] remove duplicate function definition (#21903) --- js/web/lib/wasm/jsep/init.ts | 8 -------- 1 file changed, 8 deletions(-) diff --git a/js/web/lib/wasm/jsep/init.ts b/js/web/lib/wasm/jsep/init.ts index 5dda7425bdb44..2f0e5da2b3f27 100644 --- a/js/web/lib/wasm/jsep/init.ts +++ b/js/web/lib/wasm/jsep/init.ts @@ -23,14 +23,6 @@ class TensorViewImpl implements TensorView { public readonly dims: readonly number[], ) {} - getUint16Array(): Uint16Array { - if (this.dataType !== DataType.float16 && this.dataType !== DataType.uint16) { - throw new Error('Invalid data type'); - } - const elementCount = ShapeUtil.size(this.dims); - return elementCount === 0 ? new Uint16Array() : new Uint16Array(this.module.HEAP8.buffer, this.data, elementCount); - } - getFloat32Array(): Float32Array { if (this.dataType !== DataType.float) { throw new Error('Invalid data type'); From be76e1e1b8e2914e448d12a0cc683c00014c0490 Mon Sep 17 00:00:00 2001 From: Yi Zhang Date: Thu, 29 Aug 2024 11:34:10 +0800 Subject: [PATCH 019/119] Add dependent stages in nuget packaging pipelines (#21886) ### Description Since the stage need to download drop-extra, it should add the dependencies ### Motivation and Context --- tools/ci_build/github/azure-pipelines/templates/c-api-cpu.yml | 3 +++ 1 file changed, 3 insertions(+) diff --git a/tools/ci_build/github/azure-pipelines/templates/c-api-cpu.yml b/tools/ci_build/github/azure-pipelines/templates/c-api-cpu.yml index 74fc64fa53a4a..8b4fe66465bb1 100644 --- a/tools/ci_build/github/azure-pipelines/templates/c-api-cpu.yml +++ b/tools/ci_build/github/azure-pipelines/templates/c-api-cpu.yml @@ -492,6 +492,9 @@ stages: - Linux_C_API_Packaging_CPU - Linux_C_API_Packaging_GPU - MacOS_C_API_Package_Publish + - Windows_Packaging_CPU_x86_${{ parameters.BuildVariant }} + - Windows_Packaging_CPU_x64_${{ parameters.BuildVariant }} + - Windows_Packaging_CPU_arm64_${{ parameters.BuildVariant }} condition: succeeded() jobs: - job: Nodejs_Packaging From 01673389b8c51dbea918900c2954966908c7fcaf Mon Sep 17 00:00:00 2001 From: Xu Xing Date: Thu, 29 Aug 2024 23:03:02 +0800 Subject: [PATCH 020/119] [js/webgpu] Enable conv+clip fuse on mobilenetv2-12-f16 (#21234) There are failures for some inputs. ### Description ### Motivation and Context Co-authored-by: Yulong Wang <7679871+fs-eire@users.noreply.github.com> --- onnxruntime/core/optimizer/conv_activation_fusion.cc | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/onnxruntime/core/optimizer/conv_activation_fusion.cc b/onnxruntime/core/optimizer/conv_activation_fusion.cc index c7d2d95e6121d..ea9d8605e2417 100644 --- a/onnxruntime/core/optimizer/conv_activation_fusion.cc +++ b/onnxruntime/core/optimizer/conv_activation_fusion.cc @@ -257,7 +257,7 @@ void RegisterConvActivationFusionRules(SelectorActionRegistry& registry) { const std::string msDomainConv = SelectorActionRegistry::OpVersionsMapKey("NhwcConv", kMSDomain); auto selector = std::make_unique(); - registry.RegisterSelectorAndAction(name, {{"Conv", {1, 11}}, {msInternalNHWCDomainConv, {11}}, {msDomainConv, {1}}}, + registry.RegisterSelectorAndAction(name, {{"Conv", {1, 11}}, {msInternalNHWCDomainConv, {1, 11}}, {msDomainConv, {1}}}, std::move(selector), std::move(action)); #else registry.RegisterAction(name, std::move(action)); From 32af2ba68f32edab31c7eb2a5ccb4666c0a1cb09 Mon Sep 17 00:00:00 2001 From: Yulong Wang <7679871+fs-eire@users.noreply.github.com> Date: Thu, 29 Aug 2024 10:37:50 -0700 Subject: [PATCH 021/119] enhance string util functions (#21893) ### Description - make `MakeString` force inline - refactor ORT_FORCEINLINE macro - move to one place to avoid macro redefinition error - ~~add a `StringJoin` utility~~ ### Motivation and Context --- include/onnxruntime/core/common/make_string.h | 22 ++++++++++--------- .../quantization/blockwise_quant_block_bnb4.h | 20 +++++++---------- onnxruntime/core/framework/murmurhash3.cc | 14 +++++------- .../providers/cpu/tensor/gather_elements.cc | 10 +++------ onnxruntime/core/util/force_inline.h | 10 +++++++++ onnxruntime/core/util/matrix_layout.h | 6 +---- 6 files changed, 40 insertions(+), 42 deletions(-) create mode 100644 onnxruntime/core/util/force_inline.h diff --git a/include/onnxruntime/core/common/make_string.h b/include/onnxruntime/core/common/make_string.h index 826898de852a8..c47e6cc35e488 100644 --- a/include/onnxruntime/core/common/make_string.h +++ b/include/onnxruntime/core/common/make_string.h @@ -21,27 +21,29 @@ #include #include +#include "core/util/force_inline.h" + namespace onnxruntime { namespace detail { -inline void MakeStringImpl(std::ostringstream& /*ss*/) noexcept { +ORT_FORCEINLINE void MakeStringImpl(std::ostringstream& /*ss*/) noexcept { } template -inline void MakeStringImpl(std::ostringstream& ss, const T& t) noexcept { +ORT_FORCEINLINE void MakeStringImpl(std::ostringstream& ss, const T& t) noexcept { ss << t; } template -inline void MakeStringImpl(std::ostringstream& ss, const T& t, const Args&... args) noexcept { +ORT_FORCEINLINE void MakeStringImpl(std::ostringstream& ss, const T& t, const Args&... args) noexcept { MakeStringImpl(ss, t); MakeStringImpl(ss, args...); } // see MakeString comments for explanation of why this is necessary template -inline std::string MakeStringImpl(const Args&... args) noexcept { +ORT_FORCEINLINE std::string MakeStringImpl(const Args&... args) noexcept { std::ostringstream ss; MakeStringImpl(ss, args...); return ss.str(); @@ -78,7 +80,7 @@ using if_char_array_make_ptr_t = typename if_char_array_make_ptr::type; * This version uses the current locale. */ template -std::string MakeString(const Args&... args) { +ORT_FORCEINLINE std::string MakeString(const Args&... args) { // We need to update the types from the MakeString template instantiation to decay any char[n] to char*. // e.g. MakeString("in", "out") goes from MakeString to MakeStringImpl // so that MakeString("out", "in") will also match MakeStringImpl instead of requiring @@ -98,7 +100,7 @@ std::string MakeString(const Args&... args) { * This version uses std::locale::classic(). */ template -std::string MakeStringWithClassicLocale(const Args&... args) { +ORT_FORCEINLINE std::string MakeStringWithClassicLocale(const Args&... args) { std::ostringstream ss; ss.imbue(std::locale::classic()); detail::MakeStringImpl(ss, args...); @@ -107,19 +109,19 @@ std::string MakeStringWithClassicLocale(const Args&... args) { // MakeString versions for already-a-string types. -inline std::string MakeString(const std::string& str) { +ORT_FORCEINLINE std::string MakeString(const std::string& str) { return str; } -inline std::string MakeString(const char* cstr) { +ORT_FORCEINLINE std::string MakeString(const char* cstr) { return cstr; } -inline std::string MakeStringWithClassicLocale(const std::string& str) { +ORT_FORCEINLINE std::string MakeStringWithClassicLocale(const std::string& str) { return str; } -inline std::string MakeStringWithClassicLocale(const char* cstr) { +ORT_FORCEINLINE std::string MakeStringWithClassicLocale(const char* cstr) { return cstr; } diff --git a/onnxruntime/contrib_ops/cpu/quantization/blockwise_quant_block_bnb4.h b/onnxruntime/contrib_ops/cpu/quantization/blockwise_quant_block_bnb4.h index cb8e97a592d8c..f1692a1ab743c 100644 --- a/onnxruntime/contrib_ops/cpu/quantization/blockwise_quant_block_bnb4.h +++ b/onnxruntime/contrib_ops/cpu/quantization/blockwise_quant_block_bnb4.h @@ -7,21 +7,17 @@ #include #include +#include "core/util/force_inline.h" + namespace onnxruntime { namespace contrib { -#if defined(_MSC_VER) -#define FORCEINLINE __forceinline -#else -#define FORCEINLINE __attribute__((always_inline)) inline -#endif - typedef enum Bnb_DataType_t { FP4 = 0, NF4 = 1, } Bnb_DataType_t; -FORCEINLINE uint8_t QuantizeOneFP4(float x) { +ORT_FORCEINLINE uint8_t QuantizeOneFP4(float x) { // FP4 with bias of 3 // first bit is a sign // subnormals @@ -69,7 +65,7 @@ FORCEINLINE uint8_t QuantizeOneFP4(float x) { } } -FORCEINLINE uint8_t QuantizeOneNF4(float x) { +ORT_FORCEINLINE uint8_t QuantizeOneNF4(float x) { if (x > 0.03979014977812767f) { if (x > 0.3893125355243683f) { // 1 if (x > 0.6427869200706482f) { // 11 @@ -120,7 +116,7 @@ FORCEINLINE uint8_t QuantizeOneNF4(float x) { } template -FORCEINLINE uint8_t QuantizeOneBnb4(float x) { +ORT_FORCEINLINE uint8_t QuantizeOneBnb4(float x) { if constexpr (DATA_TYPE == FP4) return QuantizeOneFP4(x); else @@ -128,7 +124,7 @@ FORCEINLINE uint8_t QuantizeOneBnb4(float x) { } template -FORCEINLINE void QuantizeBlockBnb4(const T* src, uint8_t* dst, T& absmax_block, int32_t block_idx, int32_t numel) { +ORT_FORCEINLINE void QuantizeBlockBnb4(const T* src, uint8_t* dst, T& absmax_block, int32_t block_idx, int32_t numel) { float local_absmax = 0.0f; int32_t block_len = std::min(block_size, numel - block_idx * block_size); @@ -177,7 +173,7 @@ static float nf4_qaunt_map[16] = {-1.0f, 1.0f}; template -FORCEINLINE T DequantizeOneBnb4(uint8_t x) { +ORT_FORCEINLINE T DequantizeOneBnb4(uint8_t x) { if constexpr (DATA_TYPE == FP4) return static_cast(fp4_qaunt_map[x]); else @@ -185,7 +181,7 @@ FORCEINLINE T DequantizeOneBnb4(uint8_t x) { } template -FORCEINLINE void DequantizeBlockBnb4(const uint8_t* src, T* dst, T absmax_block, int32_t block_idx, int32_t numel) { +ORT_FORCEINLINE void DequantizeBlockBnb4(const uint8_t* src, T* dst, T absmax_block, int32_t block_idx, int32_t numel) { int32_t block_len = std::min(block_size, numel - block_idx * block_size); int32_t src_offset = block_idx * block_size / 2; int32_t dst_offset = block_idx * block_size; diff --git a/onnxruntime/core/framework/murmurhash3.cc b/onnxruntime/core/framework/murmurhash3.cc index e2dbba9b079b6..802f0a4c58a6d 100644 --- a/onnxruntime/core/framework/murmurhash3.cc +++ b/onnxruntime/core/framework/murmurhash3.cc @@ -17,6 +17,8 @@ #include "core/framework/endian.h" +#include "core/util/force_inline.h" + //----------------------------------------------------------------------------- // Platform-specific functions and macros @@ -24,8 +26,6 @@ #if defined(_MSC_VER) -#define FORCE_INLINE __forceinline - #include #define ROTL32(x, y) _rotl(x, y) @@ -37,8 +37,6 @@ #else // defined(_MSC_VER) -#define FORCE_INLINE inline __attribute__((always_inline)) - inline uint32_t rotl32(uint32_t x, int8_t r) { return (x << r) | (x >> (32 - r)); } @@ -61,7 +59,7 @@ inline uint64_t rotl64(uint64_t x, int8_t r) { // // Changes to support big-endian from https://github.com/explosion/murmurhash/pull/27/ // were manually applied to original murmurhash3 source code. -FORCE_INLINE uint32_t getblock32(const uint32_t* p, int i) { +ORT_FORCEINLINE uint32_t getblock32(const uint32_t* p, int i) { if constexpr (onnxruntime::endian::native == onnxruntime::endian::little) { return p[i]; } else { @@ -73,7 +71,7 @@ FORCE_INLINE uint32_t getblock32(const uint32_t* p, int i) { } } -FORCE_INLINE uint64_t getblock64(const uint64_t* p, int i) { +ORT_FORCEINLINE uint64_t getblock64(const uint64_t* p, int i) { if constexpr (onnxruntime::endian::native == onnxruntime::endian::little) { return p[i]; } else { @@ -92,7 +90,7 @@ FORCE_INLINE uint64_t getblock64(const uint64_t* p, int i) { //----------------------------------------------------------------------------- // Finalization mix - force all bits of a hash block to avalanche -FORCE_INLINE constexpr uint32_t fmix32(uint32_t h) { +ORT_FORCEINLINE constexpr uint32_t fmix32(uint32_t h) { h ^= h >> 16; h *= 0x85ebca6b; h ^= h >> 13; @@ -104,7 +102,7 @@ FORCE_INLINE constexpr uint32_t fmix32(uint32_t h) { //---------- -FORCE_INLINE constexpr uint64_t fmix64(uint64_t k) { +ORT_FORCEINLINE constexpr uint64_t fmix64(uint64_t k) { k ^= k >> 33; k *= BIG_CONSTANT(0xff51afd7ed558ccd); k ^= k >> 33; diff --git a/onnxruntime/core/providers/cpu/tensor/gather_elements.cc b/onnxruntime/core/providers/cpu/tensor/gather_elements.cc index a2239844eb1dd..495ff19d86138 100644 --- a/onnxruntime/core/providers/cpu/tensor/gather_elements.cc +++ b/onnxruntime/core/providers/cpu/tensor/gather_elements.cc @@ -5,6 +5,8 @@ #include "gather_elements.h" #include "onnxruntime_config.h" +#include "core/util/force_inline.h" + namespace onnxruntime { ONNX_CPU_OPERATOR_VERSIONED_KERNEL( @@ -66,14 +68,8 @@ static inline size_t CalculateOffset(size_t inner_dim, const TensorPitches& inpu return base_offset; } -#if defined(_MSC_VER) -#define FORCEINLINE __forceinline -#else -#define FORCEINLINE __attribute__((always_inline)) inline -#endif - template -FORCEINLINE int64_t GetIndex(size_t i, const T* indices, int64_t axis_size) { +ORT_FORCEINLINE int64_t GetIndex(size_t i, const T* indices, int64_t axis_size) { int64_t index = indices[i]; if (index < 0) // Handle negative indices index += axis_size; diff --git a/onnxruntime/core/util/force_inline.h b/onnxruntime/core/util/force_inline.h new file mode 100644 index 0000000000000..cd15107004458 --- /dev/null +++ b/onnxruntime/core/util/force_inline.h @@ -0,0 +1,10 @@ +// Copyright (c) Microsoft Corporation. All rights reserved. +// Licensed under the MIT License. + +#pragma once + +#if defined(_MSC_VER) +#define ORT_FORCEINLINE __forceinline +#else +#define ORT_FORCEINLINE __attribute__((always_inline)) inline +#endif diff --git a/onnxruntime/core/util/matrix_layout.h b/onnxruntime/core/util/matrix_layout.h index dbf961ab5b035..105da1f5e285c 100644 --- a/onnxruntime/core/util/matrix_layout.h +++ b/onnxruntime/core/util/matrix_layout.h @@ -17,11 +17,7 @@ #include #include -#if defined(_MSC_VER) -#define ORT_FORCEINLINE __forceinline -#else -#define ORT_FORCEINLINE __attribute__((always_inline)) inline -#endif +#include "core/util/force_inline.h" namespace onnxruntime { From 867e0401a7dde77738d1e7dd4f3a21f89ff88f90 Mon Sep 17 00:00:00 2001 From: Sheil Kumar Date: Thu, 29 Aug 2024 12:15:39 -0700 Subject: [PATCH 022/119] Catch statement causing build failures for flavors with EHsc disabled (#21902) ### Description Catch in etw_sink.cc is causing build failures for flavors with EHsc disabled. Remove the catch and set the Failure state as a response the FAILED check. ### Motivation and Context Catch in etw_sink.cc is causing build failures for flavors with EHsc disabled. --------- Co-authored-by: Sheil Kumar --- onnxruntime/core/platform/windows/logging/etw_sink.cc | 6 ++---- 1 file changed, 2 insertions(+), 4 deletions(-) diff --git a/onnxruntime/core/platform/windows/logging/etw_sink.cc b/onnxruntime/core/platform/windows/logging/etw_sink.cc index ef42c88a67ba6..889bc6fcf86df 100644 --- a/onnxruntime/core/platform/windows/logging/etw_sink.cc +++ b/onnxruntime/core/platform/windows/logging/etw_sink.cc @@ -151,21 +151,19 @@ EtwRegistrationManager::~EtwRegistrationManager() { EtwRegistrationManager::EtwRegistrationManager() { } -void EtwRegistrationManager::LazyInitialize() try { +void EtwRegistrationManager::LazyInitialize() { if (initialization_status_ == InitializationStatus::NotInitialized) { std::lock_guard lock(init_mutex_); if (initialization_status_ == InitializationStatus::NotInitialized) { // Double-check locking pattern initialization_status_ = InitializationStatus::Initializing; etw_status_ = ::TraceLoggingRegisterEx(etw_provider_handle, ORT_TL_EtwEnableCallback, nullptr); if (FAILED(etw_status_)) { + initialization_status_ = InitializationStatus::Failed; ORT_THROW("ETW registration failed. Logging will be broken: " + std::to_string(etw_status_)); } initialization_status_ = InitializationStatus::Initialized; } } -} catch (...) { - initialization_status_ = InitializationStatus::Failed; - throw; } void EtwRegistrationManager::InvokeCallbacks(LPCGUID SourceId, ULONG IsEnabled, UCHAR Level, ULONGLONG MatchAnyKeyword, From fd88474077cdae0653f478b0c7270d14164690b6 Mon Sep 17 00:00:00 2001 From: Jian Chen Date: Thu, 29 Aug 2024 14:53:15 -0700 Subject: [PATCH 023/119] Fix a CG issue that require upgrade transformer from 4.36 to 4.38 (#21900) ### Description Fix a CG issue that require upgrade transformer from 4.36 to 4.38 ### Motivation and Context See CG [link](https://aiinfra.visualstudio.com/Lotus/_componentGovernance/218239/alert/11474680?typeId=26218094&pipelinesTrackingFilter=0) Also the other [CG item](https://aiinfra.visualstudio.com/Lotus/_componentGovernance/218239/alert/11474678?typeId=26218094&pipelinesTrackingFilter=0) to request update 4.72 to 4.38 --- cgmanifests/cgmanifest.json | 2 +- .../python/tools/transformers/models/llama/requirements.txt | 2 +- 2 files changed, 2 insertions(+), 2 deletions(-) diff --git a/cgmanifests/cgmanifest.json b/cgmanifests/cgmanifest.json index cf245e63a3a5d..1432193ac9080 100644 --- a/cgmanifests/cgmanifest.json +++ b/cgmanifests/cgmanifest.json @@ -469,7 +469,7 @@ "type": "pip", "pip": { "Name": "transformers", - "Version": "4.36.0" + "Version": "4.38.0" }, "comments": "Installed in the training docker image" } diff --git a/onnxruntime/python/tools/transformers/models/llama/requirements.txt b/onnxruntime/python/tools/transformers/models/llama/requirements.txt index 388025165f814..3ea6915d97261 100644 --- a/onnxruntime/python/tools/transformers/models/llama/requirements.txt +++ b/onnxruntime/python/tools/transformers/models/llama/requirements.txt @@ -1,5 +1,5 @@ optimum>=1.14.1 -transformers>=4.33.2,<= 4.37.2 +transformers>=4.33.2,<= 4.38.0 torch>=2.2.0 onnx==1.16.1 datasets>=2.8.0 From 0223e8647b2672275321f8c14d4df47177afe838 Mon Sep 17 00:00:00 2001 From: aciddelgado <139922440+aciddelgado@users.noreply.github.com> Date: Thu, 29 Aug 2024 15:00:53 -0700 Subject: [PATCH 024/119] Fix num splits bug (#21899) ### Description Found a bug with num splits where the heuristic isn't being performed properly due to incorrect passing of sequence length to heuristic function. ### Motivation and Context We were experiencing significant performance issues with long sequence length with flash attention due to this misconfiguration. --- onnxruntime/contrib_ops/cpu/bert/attention_common.h | 1 + onnxruntime/contrib_ops/cuda/bert/attention.cc | 2 +- onnxruntime/contrib_ops/cuda/bert/group_query_attention.cc | 2 +- .../contrib_ops/cuda/bert/group_query_attention_helper.h | 1 + onnxruntime/contrib_ops/cuda/bert/multihead_attention.cc | 2 +- 5 files changed, 5 insertions(+), 3 deletions(-) diff --git a/onnxruntime/contrib_ops/cpu/bert/attention_common.h b/onnxruntime/contrib_ops/cpu/bert/attention_common.h index 9e6671c26cf59..516ef57d8cd18 100644 --- a/onnxruntime/contrib_ops/cpu/bert/attention_common.h +++ b/onnxruntime/contrib_ops/cpu/bert/attention_common.h @@ -102,6 +102,7 @@ struct GroupQueryAttentionParameters { int sequence_length; // sequence length of input query, key, value int seqlen_past_kv_cache; // sequence length of past kv tensor int seqlen_present_kv_cache; // sequence length of present kv tensor + int total_sequence_length; // maximum total sequence length (past_sequence_length + sequence_length) among keys int hidden_size; int num_heads; int head_size; diff --git a/onnxruntime/contrib_ops/cuda/bert/attention.cc b/onnxruntime/contrib_ops/cuda/bert/attention.cc index e5686b255425c..efbc0b5031657 100644 --- a/onnxruntime/contrib_ops/cuda/bert/attention.cc +++ b/onnxruntime/contrib_ops/cuda/bert/attention.cc @@ -123,7 +123,7 @@ Status Attention::ComputeInternal(OpKernelContext* context) const { if (use_flash_attention) { using namespace std; auto [num_splits, slse_accum_bytes, o_accum_bytes] = onnxruntime::flash::get_num_splits_and_buffer_sizes( - parameters.batch_size, parameters.sequence_length, parameters.kv_sequence_length, parameters.num_heads, + parameters.batch_size, parameters.sequence_length, parameters.total_sequence_length, parameters.num_heads, parameters.head_size, device_prop.multiProcessorCount); parameters.num_splits = static_cast(num_splits); softmax_lse_accum_bytes = slse_accum_bytes; diff --git a/onnxruntime/contrib_ops/cuda/bert/group_query_attention.cc b/onnxruntime/contrib_ops/cuda/bert/group_query_attention.cc index 1f378a184ab9b..58d1d7f0e4af4 100644 --- a/onnxruntime/contrib_ops/cuda/bert/group_query_attention.cc +++ b/onnxruntime/contrib_ops/cuda/bert/group_query_attention.cc @@ -134,7 +134,7 @@ Status GroupQueryAttention::ComputeInternal(OpKernelContext* context) const { // split kv buffer using namespace std; auto [num_splits, slse_accum_bytes, o_accum_bytes] = onnxruntime::flash::get_num_splits_and_buffer_sizes( - parameters.batch_size, parameters.sequence_length, parameters.sequence_length, parameters.num_heads, + parameters.batch_size, parameters.sequence_length, parameters.total_sequence_length, parameters.num_heads, parameters.head_size, device_prop.multiProcessorCount); parameters.num_splits = static_cast(num_splits); softmax_lse_accum_bytes = slse_accum_bytes; diff --git a/onnxruntime/contrib_ops/cuda/bert/group_query_attention_helper.h b/onnxruntime/contrib_ops/cuda/bert/group_query_attention_helper.h index 91418b17e6dbc..39efdfd66bcc6 100644 --- a/onnxruntime/contrib_ops/cuda/bert/group_query_attention_helper.h +++ b/onnxruntime/contrib_ops/cuda/bert/group_query_attention_helper.h @@ -251,6 +251,7 @@ Status CheckInputs(const Tensor* query, output_parameters->sequence_length = sequence_length; // sequence length of Q output_parameters->seqlen_past_kv_cache = past_sequence_length; // max sequence length of past kv tensors output_parameters->seqlen_present_kv_cache = present_sequence_length; // max sequence length of present kv tensors + output_parameters->total_sequence_length = total_sequence_length; // total sequence length output_parameters->hidden_size = q_hidden_size; output_parameters->num_heads = num_heads; output_parameters->head_size = head_size; diff --git a/onnxruntime/contrib_ops/cuda/bert/multihead_attention.cc b/onnxruntime/contrib_ops/cuda/bert/multihead_attention.cc index 52bfe61608f62..9c558900d1fdb 100644 --- a/onnxruntime/contrib_ops/cuda/bert/multihead_attention.cc +++ b/onnxruntime/contrib_ops/cuda/bert/multihead_attention.cc @@ -171,7 +171,7 @@ Status MultiHeadAttention::ComputeInternal(OpKernelContext* context) const { if (use_flash_attention) { using namespace std; auto [num_splits, slse_accum_bytes, o_accum_bytes] = onnxruntime::flash::get_num_splits_and_buffer_sizes( - parameters.batch_size, parameters.sequence_length, parameters.kv_sequence_length, parameters.num_heads, + parameters.batch_size, parameters.sequence_length, parameters.total_sequence_length, parameters.num_heads, parameters.head_size, device_prop.multiProcessorCount); parameters.num_splits = static_cast(num_splits); softmax_lse_accum_bytes = slse_accum_bytes; From 7550fec4aab4271aaaf9a789d074c3d243bd856a Mon Sep 17 00:00:00 2001 From: Wanming Lin Date: Fri, 30 Aug 2024 09:01:56 +0800 Subject: [PATCH 025/119] Revert "[WebNN EP] Remove NHWC preferred layout" (#21905) Reverts microsoft/onnxruntime#21570 --- .../webnn/builders/impl/builder_utils.cc | 21 ++- .../webnn/builders/impl/builder_utils.h | 6 +- .../webnn/builders/impl/conv_op_builder.cc | 171 ++++++++++++++++-- .../builders/impl/normalization_op_builder.cc | 9 +- .../webnn/builders/impl/pool_op_builder.cc | 9 +- .../webnn/builders/impl/resize_op_builder.cc | 34 +++- .../providers/webnn/builders/model_builder.cc | 62 ++++++- .../providers/webnn/builders/model_builder.h | 13 +- .../webnn/webnn_execution_provider.cc | 6 +- .../webnn/webnn_execution_provider.h | 4 +- 10 files changed, 296 insertions(+), 39 deletions(-) diff --git a/onnxruntime/core/providers/webnn/builders/impl/builder_utils.cc b/onnxruntime/core/providers/webnn/builders/impl/builder_utils.cc index 594e75042f2ae..113cc3df5438d 100644 --- a/onnxruntime/core/providers/webnn/builders/impl/builder_utils.cc +++ b/onnxruntime/core/providers/webnn/builders/impl/builder_utils.cc @@ -19,9 +19,10 @@ common::Status ComputeConvPads(const std::vector input_shape, const std::vector& onnx_strides, const std::vector& onnx_dilations, AutoPadType auto_pad_type, - std::vector& pads_out) { - const int64_t input_size_y = input_shape[2]; - const int64_t input_size_x = input_shape[3]; + std::vector& pads_out, + bool use_nchw) { + const int64_t input_size_y = use_nchw ? input_shape[2] : input_shape[1]; + const int64_t input_size_x = use_nchw ? input_shape[3] : input_shape[2]; const int64_t stride_y = onnx_strides[0]; const int64_t stride_x = onnx_strides[1]; const int64_t dilation_y = onnx_dilations[0]; @@ -53,15 +54,16 @@ common::Status HandleAutoPad(const std::vector input_shape, const std::vector& onnx_strides, const std::vector& onnx_dilations, AutoPadType auto_pad_type, - std::vector& pads_out) { + std::vector& pads_out, + bool use_nchw) { if (AutoPadType::SAME_UPPER == auto_pad_type) { ORT_RETURN_IF_ERROR(ComputeConvPads(input_shape, weight_size_y, weight_size_x, onnx_pads, onnx_strides, onnx_dilations, - AutoPadType::SAME_UPPER, pads_out)); + AutoPadType::SAME_UPPER, pads_out, use_nchw)); } else { ORT_RETURN_IF_ERROR(ComputeConvPads(input_shape, weight_size_y, weight_size_x, onnx_pads, onnx_strides, onnx_dilations, - AutoPadType::SAME_LOWER, pads_out)); + AutoPadType::SAME_LOWER, pads_out, use_nchw)); } return Status::OK(); } @@ -109,9 +111,10 @@ common::Status ComputeConvTransposePadsAndOutputShape(const std::vector const std::vector& onnx_output_padding, AutoPadType auto_pad_type, std::vector& pads_out, - std::vector& output_shape_out) { - const int64_t input_size_y = input_shape[2]; - const int64_t input_size_x = input_shape[3]; + std::vector& output_shape_out, + bool use_nchw) { + const int64_t input_size_y = use_nchw ? input_shape[2] : input_shape[1]; + const int64_t input_size_x = use_nchw ? input_shape[3] : input_shape[2]; const int64_t stride_y = onnx_strides[0]; const int64_t stride_x = onnx_strides[1]; const int64_t dilation_y = onnx_dilations[0]; diff --git a/onnxruntime/core/providers/webnn/builders/impl/builder_utils.h b/onnxruntime/core/providers/webnn/builders/impl/builder_utils.h index f9f9746d6ed83..5a156c96c4852 100644 --- a/onnxruntime/core/providers/webnn/builders/impl/builder_utils.h +++ b/onnxruntime/core/providers/webnn/builders/impl/builder_utils.h @@ -21,7 +21,8 @@ common::Status HandleAutoPad(const std::vector input_shape, const std::vector& onnx_strides, const std::vector& onnx_dilations, AutoPadType auto_pad_type, - std::vector& pads_out) ORT_MUST_USE_RESULT; + std::vector& pads_out, + bool use_nchw) ORT_MUST_USE_RESULT; // Compute pads and output shape for ConvTranspose. common::Status ComputeConvTransposePadsAndOutputShape(const std::vector input_shape, @@ -33,7 +34,8 @@ common::Status ComputeConvTransposePadsAndOutputShape(const std::vector const std::vector& onnx_output_padding, AutoPadType auto_pad_type, std::vector& pads_out, - std::vector& output_shape_out) ORT_MUST_USE_RESULT; + std::vector& output_shape_out, + bool use_nchw) ORT_MUST_USE_RESULT; } // namespace webnn } // namespace onnxruntime diff --git a/onnxruntime/core/providers/webnn/builders/impl/conv_op_builder.cc b/onnxruntime/core/providers/webnn/builders/impl/conv_op_builder.cc index 980c5dcd184c0..76a8a178678df 100644 --- a/onnxruntime/core/providers/webnn/builders/impl/conv_op_builder.cc +++ b/onnxruntime/core/providers/webnn/builders/impl/conv_op_builder.cc @@ -18,6 +18,9 @@ namespace webnn { class ConvOpBuilder : public BaseOpBuilder { // Add operator related. + public: + void AddInitializersToSkip(ModelBuilder& model_builder, const Node& node) const override; + private: Status AddToModelBuilderImpl(ModelBuilder& model_builder, const Node& node, const logging::Logger& logger) const override ORT_MUST_USE_RESULT; @@ -30,6 +33,13 @@ class ConvOpBuilder : public BaseOpBuilder { const logging::Logger& logger) const override; }; +void ConvOpBuilder::AddInitializersToSkip(ModelBuilder& model_builder, const Node& node) const { + // skip the weight for conv as we need to transpose for preferred layout NHWC. + if (model_builder.GetPreferredLayout() == DataLayout::NHWC) { + model_builder.AddInitializerToSkip(node.InputDefs()[1]->Name()); // W + } +} + // Helper functions common::Status SetConvBaseOptions(ModelBuilder& model_builder, const Node& node, emscripten::val& options, @@ -38,6 +48,7 @@ common::Status SetConvBaseOptions(ModelBuilder& model_builder, const std::vector& strides, const std::vector& dilations, std::vector& pads, + const bool is_nhwc, const bool is_conv1d, const logging::Logger& logger) { NodeAttrHelper helper(node); @@ -50,7 +61,7 @@ common::Status SetConvBaseOptions(ModelBuilder& model_builder, // Calculate explicit padding for autoPad. if (AutoPadType::SAME_UPPER == auto_pad_type || AutoPadType::SAME_LOWER == auto_pad_type) { ORT_RETURN_IF_ERROR(HandleAutoPad(input_shape, weight_shape[2], weight_shape[3], - pads, strides, dilations, auto_pad_type, pads_out)); + pads, strides, dilations, auto_pad_type, pads_out, !is_nhwc)); pads = pads_out; } } else if (node.OpType() == "ConvTranspose") { @@ -71,7 +82,7 @@ common::Status SetConvBaseOptions(ModelBuilder& model_builder, // Otherwise compute the output shape, as well as the pads if the auto_pad attribute is SAME_UPPER/SAME_LOWER. ORT_RETURN_IF_ERROR(ComputeConvTransposePadsAndOutputShape(input_shape, weight_shape[2], weight_shape[3], pads, strides, dilations, output_padding, - auto_pad_type, pads_out, output_shape)); + auto_pad_type, pads_out, output_shape, !is_nhwc)); if (output_shape[0] != -1 && output_shape[1] != -1) { options.set("outputSizes", emscripten::val::array(GetVecUint32FromVecInt64(output_shape))); @@ -100,6 +111,89 @@ common::Status SetConvBaseOptions(ModelBuilder& model_builder, return Status::OK(); } +// Both depthwise Conv and ConvTranspose share the same logic to add the layout. +Status AddInitializerInNewLayout(ModelBuilder& model_builder, + const std::string& name, + bool is_conv, + bool is_conv1d) { + const auto& tensor = *model_builder.GetInitializerTensors().at(name); + auto data_type = tensor.data_type(); + + const auto& shape = tensor.dims(); + std::vector dims = GetVecUint32FromVecInt64(std::vector(std::begin(shape), std::end(shape))); + + if (is_conv1d) { + // Support conv1d by prepending a 1 size dimension. + dims.push_back(1); + } + + const uint8_t* src = nullptr; + Initializer unpacked_tensor(tensor, model_builder.GetGraphViewer().ModelPath()); + src = unpacked_tensor.DataAsByteSpan().data(); + const auto out_t = dims[0], in_t = dims[1], + h_t = dims[2], w_t = dims[3]; + std::vector dest_shape; + if (is_conv == 1) + dest_shape = {out_t, h_t, w_t, in_t}; // L_0231 + else + dest_shape = {in_t, h_t, w_t, out_t}; // L_1230 for depthwise conv and convTranspose weight + + SafeInt num_elements = SafeInt(Product(dest_shape)); + + size_t element_size{0}; + switch (data_type) { + case ONNX_NAMESPACE::TensorProto_DataType_UINT8: + element_size = sizeof(uint8_t); + break; + case ONNX_NAMESPACE::TensorProto_DataType_INT8: + element_size = sizeof(int8_t); + break; + case ONNX_NAMESPACE::TensorProto_DataType_FLOAT16: + element_size = sizeof(uint16_t); + break; + case ONNX_NAMESPACE::TensorProto_DataType_FLOAT: + element_size = sizeof(float); + break; + default: + break; + } + std::unique_ptr buffer_holder(new uint8_t[element_size * num_elements]); + uint8_t* buffer = buffer_holder.get(); + + for (uint32_t out = 0; out < out_t; out++) { + for (uint32_t in = 0; in < in_t; in++) { + for (uint32_t h = 0; h < h_t; h++) { + for (uint32_t w = 0; w < w_t; w++) { + auto onnx_idx = out * in_t * h_t * w_t + + in * h_t * w_t + + h * w_t + + w; + + uint32_t nnapi_idx; + if (is_conv == 1) { // L_0231 + nnapi_idx = out * h_t * w_t * in_t + + h * w_t * in_t + + w * in_t + + in; + } else { // L_1230 for depthwise conv weight + nnapi_idx = in * h_t * w_t * out_t + + h * w_t * out_t + + w * out_t + + out; + } + + for (size_t i = 0; i < element_size; i++) { + buffer[element_size * nnapi_idx + i] = src[element_size * onnx_idx + i]; + } + } + } + } + } + ORT_RETURN_IF_ERROR(model_builder.AddOperandFromPersistMemoryBuffer(name, buffer, num_elements * element_size, + dest_shape, data_type)); + return Status::OK(); +} + // Add operator related. Status ConvOpBuilder::AddToModelBuilderImpl(ModelBuilder& model_builder, const Node& node, @@ -109,6 +203,7 @@ Status ConvOpBuilder::AddToModelBuilderImpl(ModelBuilder& model_builder, const N const auto& op_type = node.OpType(); emscripten::val input = model_builder.GetOperand(input_defs[0]->Name()); emscripten::val output = emscripten::val::object(); + const auto& initializers(model_builder.GetInitializerTensors()); std::vector input_shape; ORT_RETURN_IF_NOT(GetShape(*input_defs[0], input_shape, logger), "Cannot get input shape"); @@ -121,11 +216,19 @@ Status ConvOpBuilder::AddToModelBuilderImpl(ModelBuilder& model_builder, const N auto dilations = helper.Get("dilations", std::vector{1, 1}); auto pads = helper.Get("pads", std::vector{0, 0, 0, 0}); + const bool is_nhwc = model_builder.GetPreferredLayout() == DataLayout::NHWC; const bool is_conv1d = input_shape.size() == 3 && weight_shape.size() == 3; + const bool is_constant_weight = Contains(initializers, weight_name); // Support conv1d by prepending a 1 or 2 size dimensions. if (is_conv1d) { // Reshape input. - input_shape.push_back(1); + if (is_nhwc) { + // For NHWC preferred layout, the input has been transposed. + // For conv1d it is NCD1 -> ND1C, so we need to prepend 1 to the index 2. + input_shape.insert(input_shape.begin() + 2, 1); + } else { + input_shape.push_back(1); + } std::vector new_shape = GetVecUint32FromVecInt64(input_shape); input = model_builder.GetBuilder().call("reshape", input, emscripten::val::array(new_shape)); @@ -141,19 +244,63 @@ Status ConvOpBuilder::AddToModelBuilderImpl(ModelBuilder& model_builder, const N emscripten::val options = emscripten::val::object(); options.set("label", node.Name()); ORT_RETURN_IF_ERROR(SetConvBaseOptions( - model_builder, node, options, input_shape, weight_shape, strides, dilations, pads, is_conv1d, logger)); + model_builder, node, options, input_shape, weight_shape, strides, dilations, pads, is_nhwc, is_conv1d, logger)); + bool depthwise = false; + if (op_type == "Conv" || op_type == "ConvInteger") { + int groups = options["groups"].as(); + if (is_nhwc) { + depthwise = (groups == input_shape[3] && groups != 1); + options.set("inputLayout", emscripten::val("nhwc")); + if (is_constant_weight) { + ORT_RETURN_IF_ERROR(AddInitializerInNewLayout(model_builder, weight_name, !depthwise, is_conv1d)); + } + if (!depthwise) { + options.set("filterLayout", emscripten::val("ohwi")); + } else { + options.set("filterLayout", emscripten::val("ihwo")); + } + } + } else { // ConvTranspose + if (is_nhwc) { + options.set("inputLayout", emscripten::val("nhwc")); + options.set("filterLayout", emscripten::val("ohwi")); + if (is_constant_weight) { + ORT_RETURN_IF_ERROR(AddInitializerInNewLayout(model_builder, weight_name, true, is_conv1d)); + } + } + } + emscripten::val filter = model_builder.GetOperand(weight_name); if (is_conv1d) { // Reshape weight to 4D for conv1d. - // The weight_shape has been appended 1's, reshape weight operand. - std::vector new_shape = GetVecUint32FromVecInt64(weight_shape); - emscripten::val reshape_options = emscripten::val::object(); - reshape_options.set("label", node.Name() + "_reshape_filter"); - filter = model_builder.GetBuilder().call("reshape", - filter, - emscripten::val::array(new_shape), - reshape_options); + if (!is_nhwc || !is_constant_weight) { + // The weight_shape has been appended 1's, reshape weight operand. + std::vector new_shape = GetVecUint32FromVecInt64(weight_shape); + emscripten::val reshape_options = emscripten::val::object(); + reshape_options.set("label", node.Name() + "_reshape_filter"); + filter = model_builder.GetBuilder().call("reshape", + filter, + emscripten::val::array(new_shape), + reshape_options); + } + } + + emscripten::val transpose_options = emscripten::val::object(); + if (is_nhwc && !is_constant_weight) { + // For NHWC preferred layout, if the weight is input: + // - Transpose it from iohw -> ohwi for convTranspose. + // - Transpose it from oihw -> ihwo for depthwise conv. + // - Transpose it from oihw -> ohwi for conv. + std::vector perm(4); + if (op_type == "ConvTranspose" || depthwise) { + perm = {1, 2, 3, 0}; // L_1230 for depthwise conv and convTranspose weight + } else { + perm = {0, 2, 3, 1}; // L_0231 + } + transpose_options.set("permutation", emscripten::val::array(perm)); + transpose_options.set("label", node.Name() + "_transpose_filter"); + filter = model_builder.GetBuilder().call("transpose", filter, transpose_options); } if (op_type == "Conv") { diff --git a/onnxruntime/core/providers/webnn/builders/impl/normalization_op_builder.cc b/onnxruntime/core/providers/webnn/builders/impl/normalization_op_builder.cc index 347cd11898d25..4d068baf35e72 100644 --- a/onnxruntime/core/providers/webnn/builders/impl/normalization_op_builder.cc +++ b/onnxruntime/core/providers/webnn/builders/impl/normalization_op_builder.cc @@ -79,6 +79,9 @@ Status NormalizationOpBuilder::AddToModelBuilderImpl(ModelBuilder& model_builder ORT_RETURN_IF_NOT(input_defs.size() == 5, "BatchNormalization requires five inputs."); emscripten::val mean = model_builder.GetOperand(input_defs[3]->Name()); emscripten::val variance = model_builder.GetOperand(input_defs[4]->Name()); + if (model_builder.GetPreferredLayout() == DataLayout::NHWC) { + options.set("axis", rank - 1); + } output = model_builder.GetBuilder().call("batchNormalization", input, mean, variance, options); } else if (op_type == "LayerNormalization") { @@ -101,8 +104,9 @@ Status NormalizationOpBuilder::AddToModelBuilderImpl(ModelBuilder& model_builder std::back_inserter(new_shape), [](int64_t dim) -> uint32_t { return SafeInt(dim); }); + size_t insertion_offset = (model_builder.GetPreferredLayout() == DataLayout::NHWC) ? 2 : 3; ptrdiff_t excess_rank = new_shape.size() - webnn_shape_rank; - auto insertion_point = new_shape.begin() + 3; + auto insertion_point = new_shape.begin() + insertion_offset; if (input_shape.size() < webnn_shape_rank) { // Pad the shape with extra 1's to satisfy WebNN v1's rank requirements. new_shape.insert(insertion_point, -excess_rank, 1); @@ -121,6 +125,9 @@ Status NormalizationOpBuilder::AddToModelBuilderImpl(ModelBuilder& model_builder reshape_input_options); } + if (model_builder.GetPreferredLayout() == DataLayout::NHWC) { + options.set("layout", emscripten::val("nhwc")); + } output = model_builder.GetBuilder().call("instanceNormalization", input, options); // Reshape back to the original output shape for 3D input. if (input_shape.size() != 4) { diff --git a/onnxruntime/core/providers/webnn/builders/impl/pool_op_builder.cc b/onnxruntime/core/providers/webnn/builders/impl/pool_op_builder.cc index 09eb8e79ce1d3..0af62dacedbd5 100644 --- a/onnxruntime/core/providers/webnn/builders/impl/pool_op_builder.cc +++ b/onnxruntime/core/providers/webnn/builders/impl/pool_op_builder.cc @@ -70,7 +70,11 @@ Status PoolOpBuilder::AddToModelBuilderImpl(ModelBuilder& model_builder, options.set("strides", emscripten::val::array(strides)); const auto dilations = helper.Get("dilations", std::vector{1, 1}); options.set("dilations", emscripten::val::array(dilations)); - options.set("layout", emscripten::val("nchw")); + if (model_builder.GetPreferredLayout() == DataLayout::NHWC) { + options.set("layout", emscripten::val("nhwc")); + } else { + options.set("layout", emscripten::val("nchw")); + } // Add Padding. // Usually using autopadding is more efficient than using explicit padding. @@ -89,7 +93,8 @@ Status PoolOpBuilder::AddToModelBuilderImpl(ModelBuilder& model_builder, helper.Get("strides", std::vector{1, 1}), helper.Get("dilations", std::vector{1, 1}), auto_pad_type, - pads_out)); + pads_out, + model_builder.GetPreferredLayout() == DataLayout::NCHW)); pads = GetVecUint32FromVecInt64(pads_out); } // Permute the ONNX's pads, which is [beginning_height, beginning_width, ending_height, ending_width], diff --git a/onnxruntime/core/providers/webnn/builders/impl/resize_op_builder.cc b/onnxruntime/core/providers/webnn/builders/impl/resize_op_builder.cc index 0e211de5a3986..2218c858951d3 100644 --- a/onnxruntime/core/providers/webnn/builders/impl/resize_op_builder.cc +++ b/onnxruntime/core/providers/webnn/builders/impl/resize_op_builder.cc @@ -120,10 +120,18 @@ Status ResizeOpBuilder::AddToModelBuilderImpl(ModelBuilder& model_builder, std::vector scales; std::vector sizes; + std::vector scales_hw; + std::vector sizes_hw; + std::vector axes; std::string scales_name = GetTensorName(input_defs, 2); + const bool is_nhwc = model_builder.GetPreferredLayout() == DataLayout::NHWC; if (!scales_name.empty()) { // Use scales. ORT_RETURN_IF_NOT(GetResizeScales(initializers, node, scales, logger), "Error getting resize scales"); - std::vector scales_hw = {scales[2], scales[3]}; + if (is_nhwc) { + scales_hw = {scales[1], scales[2]}; + } else { + scales_hw = {scales[2], scales[3]}; + } options.set("scales", emscripten::val::array(scales_hw)); } else { // Use sizes, we already checked inputs in IsOpSupportedImpl. std::vector output_sizes; @@ -132,11 +140,19 @@ Status ResizeOpBuilder::AddToModelBuilderImpl(ModelBuilder& model_builder, std::transform(output_sizes.cbegin(), output_sizes.cend(), std::back_inserter(sizes), [](int64_t dim) -> int32_t { return SafeInt(dim); }); - std::vector sizes_hw = {sizes[2], sizes[3]}; + if (is_nhwc) { + sizes_hw = {sizes[1], sizes[2]}; + } else { + sizes_hw = {sizes[2], sizes[3]}; + } options.set("sizes", emscripten::val::array(sizes_hw)); } - std::vector axes = {2, 3}; + if (is_nhwc) { + axes = {1, 2}; + } else { + axes = {2, 3}; + } options.set("axes", emscripten::val::array(axes)); emscripten::val input = model_builder.GetOperand(input_defs[0]->Name()); @@ -205,6 +221,7 @@ bool ResizeOpBuilder::IsOpSupportedImpl(const InitializedTensorSet& initializers return false; } + const bool is_nhwc = node.Domain() == kMSInternalNHWCDomain; // We want to check if the scales or sizes are not trying to resize on N/C channels here. if (has_scales) { // We are using scales. std::vector scales; @@ -212,7 +229,7 @@ bool ResizeOpBuilder::IsOpSupportedImpl(const InitializedTensorSet& initializers return false; float scale_n = scales[0]; - float scale_c = scales[1]; + float scale_c = is_nhwc ? scales[3] : scales[1]; if (scale_n != 1.0f || scale_c != 1.0f) { LOGS(logger, VERBOSE) << "Scales of N/C channel should be 1" << "Resize of N/C channels are not supported" @@ -222,8 +239,8 @@ bool ResizeOpBuilder::IsOpSupportedImpl(const InitializedTensorSet& initializers // For now we only support upscale, so the scale_h and scale_w should be an integer >= 1. // TODO support ResizeBilinear. - float scale_h = scales[2]; - float scale_w = scales[3]; + float scale_h = is_nhwc ? scales[1] : scales[2]; + float scale_w = is_nhwc ? scales[2] : scales[3]; // Onnx spec requires scale to be a positive float, so we are not checking that here. if (roundf(scale_h) != scale_h) { @@ -244,11 +261,12 @@ bool ResizeOpBuilder::IsOpSupportedImpl(const InitializedTensorSet& initializers return false; auto output_size_n = output_sizes[0]; - if (output_size_n != input_shape[0] || output_sizes[1] != input_shape[1]) { + const int c_idx = is_nhwc ? 3 : 1; + if (output_size_n != input_shape[0] || output_sizes[c_idx] != input_shape[c_idx]) { LOGS(logger, VERBOSE) << "Output sizes of N/C chanel should match the input sizes, " << "Resize of N/C channels are not supported" << ", input_size_n, " << input_shape[0] << ", output_size_n, " << output_size_n - << ". input_size_c, " << input_shape[1] << ", output_size_c, " << output_sizes[1]; + << ". input_size_c, " << input_shape[c_idx] << ", output_size_c, " << output_sizes[c_idx]; return false; } } diff --git a/onnxruntime/core/providers/webnn/builders/model_builder.cc b/onnxruntime/core/providers/webnn/builders/model_builder.cc index 02fb8e732b3c7..44bec1fb6fd48 100644 --- a/onnxruntime/core/providers/webnn/builders/model_builder.cc +++ b/onnxruntime/core/providers/webnn/builders/model_builder.cc @@ -20,10 +20,12 @@ namespace onnxruntime { namespace webnn { ModelBuilder::ModelBuilder(const GraphViewer& graph_viewer, const logging::Logger& logger, - const emscripten::val& context, const WebnnDeviceType wnn_device_type) + const emscripten::val& context, const DataLayout preferred_layout, + const WebnnDeviceType wnn_device_type) : graph_viewer_(graph_viewer), logger_(logger), wnn_context_(context), + preferred_layout_(preferred_layout), wnn_device_type_(wnn_device_type) { // Create WebNN MLGraphBuilder for each ModelBuilder, because MLGraphBuilder.build() // is only allowed to be called once. @@ -252,6 +254,64 @@ Status ModelBuilder::AddOperations() { return Status::OK(); } +Status ModelBuilder::AddOperandFromPersistMemoryBuffer( + const std::string& name, const void* buffer, const size_t size, + const std::vector shape, const int32_t data_type) { + auto persist_buffer = std::make_unique(size); + uint8_t* dest = persist_buffer.get(); + memcpy(dest, buffer, size); + emscripten::val view = emscripten::val::undefined(); + emscripten::val desc = emscripten::val::object(); + ORT_RETURN_IF_NOT(SetWebnnDataType(desc, data_type), "Unsupported data type"); + switch (data_type) { + case ONNX_NAMESPACE::TensorProto_DataType_BOOL: + case ONNX_NAMESPACE::TensorProto_DataType_UINT8: + view = emscripten::val{emscripten::typed_memory_view(size / sizeof(uint8_t), + reinterpret_cast(dest))}; + break; + case ONNX_NAMESPACE::TensorProto_DataType_INT8: + view = emscripten::val{emscripten::typed_memory_view(size / sizeof(int8_t), + reinterpret_cast(dest))}; + break; + case ONNX_NAMESPACE::TensorProto_DataType_FLOAT16: + view = emscripten::val{emscripten::typed_memory_view(size / sizeof(uint16_t), + reinterpret_cast(dest))}; + break; + case ONNX_NAMESPACE::TensorProto_DataType_FLOAT: + view = emscripten::val{emscripten::typed_memory_view(size / sizeof(float), + reinterpret_cast(dest))}; + break; + case ONNX_NAMESPACE::TensorProto_DataType_INT32: + view = emscripten::val{emscripten::typed_memory_view(size / sizeof(int32_t), + reinterpret_cast(dest))}; + break; + case ONNX_NAMESPACE::TensorProto_DataType_INT64: + view = emscripten::val{emscripten::typed_memory_view(size / sizeof(int64_t), + reinterpret_cast(dest))}; + break; + case ONNX_NAMESPACE::TensorProto_DataType_UINT32: + view = emscripten::val{emscripten::typed_memory_view(size / sizeof(uint32_t), + reinterpret_cast(dest))}; + break; + case ONNX_NAMESPACE::TensorProto_DataType_UINT64: + view = emscripten::val{emscripten::typed_memory_view(size / sizeof(uint64_t), + reinterpret_cast(dest))}; + break; + default: + break; + } + + desc.set("dimensions", emscripten::val::array(shape)); + emscripten::val operand = emscripten::val::object(); + // Wasm memory grow will cause all array buffers reallocation, which will be treated as detached + // buffers in JS side. Simply create a copy to fix it. + operand = wnn_builder_.call("constant", desc, view.call("slice")); + + AddOperand(name, operand); + mem_persist_buffers_.push_back(std::move(persist_buffer)); + return Status::OK(); +} + Status ModelBuilder::RegisterModelOutputs() { for (const auto* node_arg : graph_viewer_.GetOutputs()) { ORT_RETURN_IF_ERROR(RegisterModelInputOutput(*node_arg, false /* is_input */)); diff --git a/onnxruntime/core/providers/webnn/builders/model_builder.h b/onnxruntime/core/providers/webnn/builders/model_builder.h index a954daa855e4a..2d686070cdcc1 100644 --- a/onnxruntime/core/providers/webnn/builders/model_builder.h +++ b/onnxruntime/core/providers/webnn/builders/model_builder.h @@ -22,7 +22,8 @@ class IOpBuilder; class ModelBuilder { public: ModelBuilder(const GraphViewer& graph_viewer, const logging::Logger& logger, - const emscripten::val& context, const WebnnDeviceType wnn_device_type); + const emscripten::val& context, const DataLayout preferred_layout, + const WebnnDeviceType wnn_device_type); ~ModelBuilder() = default; Status Compile(std::unique_ptr& model) ORT_MUST_USE_RESULT; @@ -36,6 +37,15 @@ class ModelBuilder { const emscripten::val& GetOperand(const std::string& name) const { return wnn_operands_.at(name); } void AddOperand(const std::string& name, const emscripten::val& operand); const emscripten::val& GetZeroConstant(const std::string& data_type); + // Use the buffers to persist WebNN allocated data like transposed weight. + // It ensures the validity during inference session. + std::vector> mem_persist_buffers_; + // Add a constant operand (allocate persist buffer and move the ownership to mem_persist_buffers_). + Status AddOperandFromPersistMemoryBuffer( + const std::string& name, const void* buffer, + const size_t size, const std::vector shape, const int32_t data_type); + + DataLayout GetPreferredLayout() const { return preferred_layout_; } WebnnDeviceType GetWebnnDeviceType() const { return wnn_device_type_; } @@ -54,6 +64,7 @@ class ModelBuilder { emscripten::val wnn_context_ = emscripten::val::undefined(); emscripten::val wnn_builder_ = emscripten::val::undefined(); + DataLayout preferred_layout_; WebnnDeviceType wnn_device_type_; InlinedHashMap wnn_operands_; std::vector input_names_; diff --git a/onnxruntime/core/providers/webnn/webnn_execution_provider.cc b/onnxruntime/core/providers/webnn/webnn_execution_provider.cc index a6fe00241e55f..b918daf838c99 100644 --- a/onnxruntime/core/providers/webnn/webnn_execution_provider.cc +++ b/onnxruntime/core/providers/webnn/webnn_execution_provider.cc @@ -19,9 +19,12 @@ namespace onnxruntime { WebNNExecutionProvider::WebNNExecutionProvider(const std::string& webnn_device_flags) : IExecutionProvider{onnxruntime::kWebNNExecutionProvider} { + // WebNN EP uses NHWC layout for CPU XNNPACK backend and NCHW for GPU DML backend. if (webnn_device_flags.compare("cpu") == 0) { + preferred_layout_ = DataLayout::NHWC; wnn_device_type_ = webnn::WebnnDeviceType::CPU; } else { + preferred_layout_ = DataLayout::NCHW; if (webnn_device_flags.compare("gpu") == 0) { wnn_device_type_ = webnn::WebnnDeviceType::GPU; } else if (webnn_device_flags.compare("npu") == 0) { @@ -209,7 +212,8 @@ common::Status WebNNExecutionProvider::Compile(const std::vector model; ORT_RETURN_IF_ERROR(builder.Compile(model)); diff --git a/onnxruntime/core/providers/webnn/webnn_execution_provider.h b/onnxruntime/core/providers/webnn/webnn_execution_provider.h index 1fbc99098e30f..d8c1e90c86cdb 100644 --- a/onnxruntime/core/providers/webnn/webnn_execution_provider.h +++ b/onnxruntime/core/providers/webnn/webnn_execution_provider.h @@ -26,8 +26,7 @@ class WebNNExecutionProvider : public IExecutionProvider { GetCapability(const onnxruntime::GraphViewer& graph_viewer, const IKernelLookup& /*kernel_registries*/) const override; - // WebNN EP uses default NCHW layout for all backends. - DataLayout GetPreferredLayout() const override { return DataLayout::NCHW; } + DataLayout GetPreferredLayout() const override { return preferred_layout_; } // We implement the Compile that takes FusedNodeAndGraph instances. FusionStyle GetFusionStyle() const override { return FusionStyle::FilteredGraphViewer; } @@ -45,6 +44,7 @@ class WebNNExecutionProvider : public IExecutionProvider { private: emscripten::val wnn_context_ = emscripten::val::undefined(); + DataLayout preferred_layout_; webnn::WebnnDeviceType wnn_device_type_; InlinedHashMap> models_; ModelMetadefIdGenerator metadef_id_generator_; From 4ac155849884f1c3b6eac54ab641ef1cbfd0e186 Mon Sep 17 00:00:00 2001 From: "dependabot[bot]" <49699333+dependabot[bot]@users.noreply.github.com> Date: Thu, 29 Aug 2024 21:57:24 -0700 Subject: [PATCH 026/119] Bump torch from 1.13.1+cpu to 2.2.0 in /tools/ci_build/github/linux/docker/scripts/training/ortmodule/stage1/torch_eager_cpu (#21919) Bumps [torch](https://github.com/pytorch/pytorch) from 1.13.1+cpu to 2.2.0. --- .../training/ortmodule/stage1/torch_eager_cpu/requirements.txt | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/tools/ci_build/github/linux/docker/scripts/training/ortmodule/stage1/torch_eager_cpu/requirements.txt b/tools/ci_build/github/linux/docker/scripts/training/ortmodule/stage1/torch_eager_cpu/requirements.txt index ee4f8bd586804..6858d99dc26a8 100644 --- a/tools/ci_build/github/linux/docker/scripts/training/ortmodule/stage1/torch_eager_cpu/requirements.txt +++ b/tools/ci_build/github/linux/docker/scripts/training/ortmodule/stage1/torch_eager_cpu/requirements.txt @@ -1,6 +1,6 @@ --pre -f https://download.pytorch.org/whl/torch_stable.html -torch==1.13.1+cpu +torch==2.2.0 setuptools>=68.2.2 cerberus h5py From 924259617d86b91d481eba5a9a920b19d2a07d8f Mon Sep 17 00:00:00 2001 From: "dependabot[bot]" <49699333+dependabot[bot]@users.noreply.github.com> Date: Thu, 29 Aug 2024 21:58:02 -0700 Subject: [PATCH 027/119] Bump Sixlabors.ImageSharp from 2.1.8 to 2.1.9 in /csharp/sample/Microsoft.ML.OnnxRuntime.FasterRcnnSample (#21920) Bumps [Sixlabors.ImageSharp](https://github.com/SixLabors/ImageSharp) from 2.1.8 to 2.1.9. --- .../Microsoft.ML.OnnxRuntime.FasterRcnnSample.csproj | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/csharp/sample/Microsoft.ML.OnnxRuntime.FasterRcnnSample/Microsoft.ML.OnnxRuntime.FasterRcnnSample.csproj b/csharp/sample/Microsoft.ML.OnnxRuntime.FasterRcnnSample/Microsoft.ML.OnnxRuntime.FasterRcnnSample.csproj index 5552a9eeb0d68..f00a08a1a3595 100644 --- a/csharp/sample/Microsoft.ML.OnnxRuntime.FasterRcnnSample/Microsoft.ML.OnnxRuntime.FasterRcnnSample.csproj +++ b/csharp/sample/Microsoft.ML.OnnxRuntime.FasterRcnnSample/Microsoft.ML.OnnxRuntime.FasterRcnnSample.csproj @@ -8,7 +8,7 @@ - + From bfa4da4f65296f10fb3935d199158abc3a899114 Mon Sep 17 00:00:00 2001 From: mindest <30493312+mindest@users.noreply.github.com> Date: Fri, 30 Aug 2024 14:50:32 +0800 Subject: [PATCH 028/119] Add Linux ROCm CI Pipeline (#21798) ### Description * Add new ROCm CI pipeline (`Linux ROCm CI Pipeline`) focusing on inference. * Resolve test errors; disable flaky tests. based on test PR #21614. --- cmake/onnxruntime_kernel_explorer.cmake | 2 +- .../providers/rocm/rocm_provider_factory.cc | 6 +- .../providers/rocm/rocm_provider_factory.h | 2 +- onnxruntime/test/providers/cpu/model_tests.cc | 62 +++-- .../providers/cpu/tensor/scatter_op_test.cc | 2 +- .../test/python/onnxruntime_test_python.py | 2 +- .../linux-rocm-ci-pipeline.yml | 238 ++++++++++++++++++ .../docker/rocm-ci-pipeline-env.Dockerfile | 96 +++++++ 8 files changed, 382 insertions(+), 28 deletions(-) create mode 100644 tools/ci_build/github/azure-pipelines/linux-rocm-ci-pipeline.yml create mode 100644 tools/ci_build/github/linux/docker/rocm-ci-pipeline-env.Dockerfile diff --git a/cmake/onnxruntime_kernel_explorer.cmake b/cmake/onnxruntime_kernel_explorer.cmake index 4d3db9c949daf..7de4f7b3f926b 100644 --- a/cmake/onnxruntime_kernel_explorer.cmake +++ b/cmake/onnxruntime_kernel_explorer.cmake @@ -89,4 +89,4 @@ add_dependencies(kernel_explorer onnxruntime_pybind11_state) enable_testing() find_package(Python COMPONENTS Interpreter REQUIRED) -add_test(NAME test_kernels COMMAND ${Python_EXECUTABLE} -m pytest ..) +# add_test(NAME test_kernels COMMAND ${Python_EXECUTABLE} -m pytest ..) diff --git a/onnxruntime/core/providers/rocm/rocm_provider_factory.cc b/onnxruntime/core/providers/rocm/rocm_provider_factory.cc index a739fe0a5d193..fdf64d07e0a6c 100644 --- a/onnxruntime/core/providers/rocm/rocm_provider_factory.cc +++ b/onnxruntime/core/providers/rocm/rocm_provider_factory.cc @@ -13,7 +13,7 @@ #include "core/providers/rocm/gpu_data_transfer.h" #include "core/providers/rocm/math/unary_elementwise_ops_impl.h" -#if defined(USE_ROCM) && defined(ORT_USE_NCCL) && defined(USE_NCCL_P2P) +#if defined(USE_ROCM) && defined(ORT_USE_NCCL) && defined(USE_NCCL_P2P) && defined(ENABLE_TRAINING) #include "orttraining/training_ops/rocm/communication/nccl_service.h" #endif @@ -21,7 +21,7 @@ using namespace onnxruntime; namespace onnxruntime { -#if defined(USE_ROCM) && defined(ORT_USE_NCCL) && defined(USE_NCCL_P2P) +#if defined(USE_ROCM) && defined(ORT_USE_NCCL) && defined(USE_NCCL_P2P) && defined(ENABLE_TRAINING) namespace rocm { rocm::INcclService& GetINcclService(); } @@ -155,7 +155,7 @@ struct ProviderInfo_ROCM_Impl final : ProviderInfo_ROCM { info = ROCMExecutionProviderInfo::FromProviderOptions(options); } -#if defined(USE_ROCM) && defined(ORT_USE_NCCL) && defined(USE_NCCL_P2P) +#if defined(USE_ROCM) && defined(ORT_USE_NCCL) && defined(USE_NCCL_P2P) && defined(ENABLE_TRAINING) rocm::INcclService& GetINcclService() override { return rocm::GetINcclService(); } diff --git a/onnxruntime/core/providers/rocm/rocm_provider_factory.h b/onnxruntime/core/providers/rocm/rocm_provider_factory.h index 80b887af4eb75..3238d66cee479 100644 --- a/onnxruntime/core/providers/rocm/rocm_provider_factory.h +++ b/onnxruntime/core/providers/rocm/rocm_provider_factory.h @@ -39,7 +39,7 @@ struct ProviderInfo_ROCM { virtual int hipGetDeviceCount() = 0; virtual void ROCMExecutionProviderInfo__FromProviderOptions(const onnxruntime::ProviderOptions& options, onnxruntime::ROCMExecutionProviderInfo& info) = 0; -#if defined(USE_ROCM) && defined(ORT_USE_NCCL) && defined(USE_NCCL_P2P) +#if defined(USE_ROCM) && defined(ORT_USE_NCCL) && defined(USE_NCCL_P2P) && defined(ENABLE_TRAINING) virtual onnxruntime::rocm::INcclService& GetINcclService() = 0; #endif diff --git a/onnxruntime/test/providers/cpu/model_tests.cc b/onnxruntime/test/providers/cpu/model_tests.cc index cb9887314eb66..23867f2c7cba7 100644 --- a/onnxruntime/test/providers/cpu/model_tests.cc +++ b/onnxruntime/test/providers/cpu/model_tests.cc @@ -95,7 +95,7 @@ TEST_P(ModelTest, Run) { // when cuda or openvino is enabled, set it to a larger value for resolving random MNIST test failure if (model_path.find(ORT_TSTR("_MNIST")) > 0) { - if (provider_name == "cuda" || provider_name == "openvino") { + if (provider_name == "cuda" || provider_name == "openvino" || provider_name == "rocm") { per_sample_tolerance = 2.5e-2; relative_per_sample_tolerance = 1e-2; } @@ -407,9 +407,7 @@ static constexpr ORT_STRING_VIEW provider_name_migraphx = ORT_TSTR("migraphx"); #endif static constexpr ORT_STRING_VIEW provider_name_openvino = ORT_TSTR("openvino"); static constexpr ORT_STRING_VIEW provider_name_cuda = ORT_TSTR("cuda"); -#ifdef USE_ROCM static constexpr ORT_STRING_VIEW provider_name_rocm = ORT_TSTR("rocm"); -#endif static constexpr ORT_STRING_VIEW provider_name_dnnl = ORT_TSTR("dnnl"); // For any non-Android system, NNAPI will only be used for ort model converter #if defined(USE_NNAPI) && defined(__ANDROID__) @@ -521,22 +519,39 @@ ::std::vector<::std::basic_string> GetParameterStrings() { ORT_TSTR("operator_pow"), }; - static const ORTCHAR_T* cuda_flaky_tests[] = {ORT_TSTR("fp16_inception_v1"), - ORT_TSTR("fp16_shufflenet"), - ORT_TSTR("fp16_tiny_yolov2"), - ORT_TSTR("candy"), - ORT_TSTR("tinyyolov3"), - ORT_TSTR("mlperf_ssd_mobilenet_300"), - ORT_TSTR("mlperf_ssd_resnet34_1200"), - ORT_TSTR("tf_inception_v1"), - ORT_TSTR("faster_rcnn"), - ORT_TSTR("split_zero_size_splits"), - ORT_TSTR("convtranspose_3d"), - ORT_TSTR("fp16_test_tiny_yolov2-Candy"), - ORT_TSTR("fp16_coreml_FNS-Candy"), - ORT_TSTR("fp16_test_tiny_yolov2"), - ORT_TSTR("fp16_test_shufflenet"), - ORT_TSTR("keras2coreml_SimpleRNN_ImageNet")}; + static const ORTCHAR_T* cuda_rocm_flaky_tests[] = {ORT_TSTR("fp16_inception_v1"), + ORT_TSTR("fp16_shufflenet"), + ORT_TSTR("fp16_tiny_yolov2"), + ORT_TSTR("candy"), + ORT_TSTR("tinyyolov3"), + ORT_TSTR("mlperf_ssd_mobilenet_300"), + ORT_TSTR("mlperf_ssd_resnet34_1200"), + ORT_TSTR("tf_inception_v1"), + ORT_TSTR("faster_rcnn"), + ORT_TSTR("split_zero_size_splits"), + ORT_TSTR("convtranspose_3d"), + ORT_TSTR("fp16_test_tiny_yolov2-Candy"), + ORT_TSTR("fp16_coreml_FNS-Candy"), + ORT_TSTR("fp16_test_tiny_yolov2"), + ORT_TSTR("fp16_test_shufflenet"), + ORT_TSTR("keras2coreml_SimpleRNN_ImageNet")}; + // For ROCm EP, also disable the following tests due to flakiness, + // mainly with precision issue and random memory access fault. + static const ORTCHAR_T* rocm_disabled_tests[] = {ORT_TSTR("bvlc_alexnet"), + ORT_TSTR("bvlc_reference_caffenet"), + ORT_TSTR("bvlc_reference_rcnn_ilsvrc13"), + ORT_TSTR("coreml_Resnet50_ImageNet"), + ORT_TSTR("mlperf_resnet"), + ORT_TSTR("mobilenetv2-1.0"), + ORT_TSTR("shufflenet"), + // models from model zoo + ORT_TSTR("AlexNet"), + ORT_TSTR("CaffeNet"), + ORT_TSTR("MobileNet v2-7"), + ORT_TSTR("R-CNN ILSVRC13"), + ORT_TSTR("ShuffleNet-v1"), + ORT_TSTR("version-RFB-320"), + ORT_TSTR("version-RFB-640")}; static const ORTCHAR_T* openvino_disabled_tests[] = { ORT_TSTR("tf_mobilenet_v1_1.0_224"), ORT_TSTR("bertsquad"), @@ -663,8 +678,13 @@ ::std::vector<::std::basic_string> GetParameterStrings() { std::unordered_set> all_disabled_tests(std::begin(immutable_broken_tests), std::end(immutable_broken_tests)); - if (provider_name == provider_name_cuda) { - all_disabled_tests.insert(std::begin(cuda_flaky_tests), std::end(cuda_flaky_tests)); + bool provider_cuda_or_rocm = provider_name == provider_name_cuda; + if (provider_name == provider_name_rocm) { + provider_cuda_or_rocm = true; + all_disabled_tests.insert(std::begin(rocm_disabled_tests), std::end(rocm_disabled_tests)); + } + if (provider_cuda_or_rocm) { + all_disabled_tests.insert(std::begin(cuda_rocm_flaky_tests), std::end(cuda_rocm_flaky_tests)); } else if (provider_name == provider_name_dml) { all_disabled_tests.insert(std::begin(dml_disabled_tests), std::end(dml_disabled_tests)); } else if (provider_name == provider_name_dnnl) { diff --git a/onnxruntime/test/providers/cpu/tensor/scatter_op_test.cc b/onnxruntime/test/providers/cpu/tensor/scatter_op_test.cc index 2a7a7158b5f62..d5da9a7631b42 100644 --- a/onnxruntime/test/providers/cpu/tensor/scatter_op_test.cc +++ b/onnxruntime/test/providers/cpu/tensor/scatter_op_test.cc @@ -268,7 +268,7 @@ static void scatter_invalid_index(const char* op_name, int op_version) { test.AddOutput("y", {4, 2, 1}, {0.0f, 0.0f, 0.0f, 0.0f, 0.0f, 0.0f, 5.0f, 0.0f}); test.Run(OpTester::ExpectResult::kExpectFailure, "indices element out of data bounds, idx=4 must be within the inclusive range [-4,3]", - {kCudaExecutionProvider, kCudaNHWCExecutionProvider, kTensorrtExecutionProvider}); + {kCudaExecutionProvider, kCudaNHWCExecutionProvider, kTensorrtExecutionProvider, kRocmExecutionProvider}); } TEST(Scatter, InvalidIndex) { diff --git a/onnxruntime/test/python/onnxruntime_test_python.py b/onnxruntime/test/python/onnxruntime_test_python.py index 32eac6f7638c1..4a197001c3d2a 100644 --- a/onnxruntime/test/python/onnxruntime_test_python.py +++ b/onnxruntime/test/python/onnxruntime_test_python.py @@ -1689,7 +1689,7 @@ def test_register_custom_e_ps_library(self): available_eps = C.get_available_providers() # skip amd gpu build - if "kRocmExecutionProvider" in available_eps: + if "ROCMExecutionProvider" in available_eps: return if sys.platform.startswith("win"): shared_library = "test_execution_provider.dll" diff --git a/tools/ci_build/github/azure-pipelines/linux-rocm-ci-pipeline.yml b/tools/ci_build/github/azure-pipelines/linux-rocm-ci-pipeline.yml new file mode 100644 index 0000000000000..7b77281b0efe2 --- /dev/null +++ b/tools/ci_build/github/azure-pipelines/linux-rocm-ci-pipeline.yml @@ -0,0 +1,238 @@ +##### start trigger Don't edit it manually, Please do edit set-trigger-rules.py #### +trigger: + branches: + include: + - main + - rel-* + paths: + exclude: + - docs/** + - README.md + - CONTRIBUTING.md + - BUILD.md + - 'js/web' + - 'onnxruntime/core/providers/js' +pr: + branches: + include: + - main + - rel-* + paths: + exclude: + - docs/** + - README.md + - CONTRIBUTING.md + - BUILD.md + - 'js/web' + - 'onnxruntime/core/providers/js' +#### end trigger #### + +name: 'linux_ci_$(Date:yyyyMMdd)_$(Rev:r)' + +# gid of video and render group on gcramdrr1-mi100-085 and -86 +variables: + - name: video + value: 44 + - name: render + value: 109 + - name: RocmVersion + value: 6.1 + - name: RocmVersionPatchSuffix + value: ".3" + +jobs: +- job: Linux_Build + variables: + skipComponentGovernanceDetection: true + CCACHE_DIR: $(Pipeline.Workspace)/ccache + TODAY: $[format('{0:dd}{0:MM}{0:yyyy}', pipeline.startTime)] + workspace: + clean: all + pool: onnxruntime-Ubuntu2204-AMD-CPU + timeoutInMinutes: 240 + + steps: + - task: mspremier.PostBuildCleanup.PostBuildCleanup-task.PostBuildCleanup@3 + displayName: 'Clean Agent Directories' + condition: always() + + - checkout: self + clean: true + submodules: recursive + + + - template: templates/get-docker-image-steps.yml + parameters: + Dockerfile: tools/ci_build/github/linux/docker/rocm-ci-pipeline-env.Dockerfile + Context: tools/ci_build/github/linux/docker + DockerBuildArgs: "--build-arg ROCM_VERSION=$(RocmVersion)$(RocmVersionPatchSuffix)" + Repository: onnxruntimerocm-cibuild-rocm$(RocmVersion) + + - task: Cache@2 + inputs: + key: '"$(TODAY)" | "$(Build.SourceBranch)" | "$(Build.SourceVersion)"' + path: $(CCACHE_DIR) + cacheHitVar: CACHE_RESTORED + restoreKeys: | + "$(TODAY)" | "$(Build.SourceBranch)" + "$(TODAY)" | + displayName: Cache Task + + - script: mkdir -p $(CCACHE_DIR) + condition: ne(variables.CACHE_RESTORED, 'true') + displayName: Create Cache Dir + + - task: CmdLine@2 + inputs: + script: | + docker run --rm \ + --security-opt seccomp=unconfined \ + --shm-size=1024m \ + --user $UID:$(id -g $USER) \ + --volume $(Build.SourcesDirectory):/onnxruntime_src \ + --volume $(Build.BinariesDirectory):/build \ + --volume $(CCACHE_DIR):/cache \ + -e CCACHE_DIR=/cache \ + --workdir /onnxruntime_src \ + onnxruntimerocm-cibuild-rocm$(RocmVersion) \ + /bin/bash -c " + set -ex; \ + env; \ + ccache -s; \ + python tools/ci_build/build.py \ + --config Release \ + --cmake_extra_defines \ + CMAKE_HIP_COMPILER=/opt/rocm/llvm/bin/clang++ \ + onnxruntime_BUILD_KERNEL_EXPLORER=ON \ + CMAKE_HIP_ARCHITECTURES=gfx90a \ + --mpi_home /opt/ompi \ + --use_rocm \ + --rocm_version=$(RocmVersion) \ + --rocm_home /opt/rocm \ + --nccl_home /opt/rocm \ + --enable_nccl \ + --update \ + --build_dir /build \ + --build \ + --build_shared_lib \ + --parallel \ + --build_wheel \ + --enable_onnx_tests \ + --skip_submodule_sync \ + --use_cache \ + --skip_tests --cmake_path /usr/bin/cmake --ctest_path /usr/bin/ctest; \ + ccache -sv; \ + ccache -z" + workingDirectory: $(Build.SourcesDirectory) + displayName: 'Build onnxruntime' + + - task: CmdLine@2 + inputs: + script: | + cd $(Build.BinariesDirectory)/Release + find -executable -type f > $(Build.BinariesDirectory)/Release/perms.txt + displayName: 'Find Executable Files' + + - task: PublishPipelineArtifact@0 + displayName: 'Publish Pipeline Artifact' + inputs: + artifactName: 'drop-linux' + targetPath: '$(Build.BinariesDirectory)/Release' + + - template: templates/explicitly-defined-final-tasks.yml + +- job: Linux_Test + workspace: + clean: all + pool: AMD-GPU + dependsOn: + - Linux_Build + timeoutInMinutes: 120 + + steps: + - task: DownloadPipelineArtifact@2 + displayName: 'Download Pipeline Artifact' + inputs: + buildType: 'current' + artifactName: 'drop-linux' + targetPath: '$(Build.BinariesDirectory)/Release' + + - checkout: self + clean: true + submodules: recursive + + - template: templates/get-docker-image-steps.yml + parameters: + Dockerfile: tools/ci_build/github/linux/docker/rocm-ci-pipeline-env.Dockerfile + Context: tools/ci_build/github/linux/docker + DockerBuildArgs: "--build-arg ROCM_VERSION=$(RocmVersion)$(RocmVersionPatchSuffix)" + Repository: onnxruntimerocm-cibuild-rocm$(RocmVersion) + + - task: CmdLine@2 + inputs: + script: | + docker run --rm \ + --security-opt seccomp=unconfined \ + --shm-size=1024m \ + --device=/dev/kfd \ + --device=/dev/dri/renderD$DRIVER_RENDER \ + --group-add $(video) \ + --group-add $(render) \ + --user $UID:$(id -g $USER) \ + --volume $(Build.SourcesDirectory):/onnxruntime_src \ + --volume $(Build.BinariesDirectory):/build \ + --volume /data/models:/build/models:ro \ + --workdir /build/Release \ + onnxruntimerocm-cibuild-rocm$(RocmVersion) \ + /bin/bash -c " + set -ex; \ + xargs -a /build/Release/perms.txt chmod a+x; \ + python /onnxruntime_src/tools/ci_build/build.py \ + --config Release \ + --cmake_extra_defines \ + CMAKE_HIP_COMPILER=/opt/rocm/llvm/bin/clang++ \ + onnxruntime_BUILD_KERNEL_EXPLORER=ON \ + CMAKE_HIP_ARCHITECTURES=gfx90a \ + --mpi_home /opt/ompi \ + --use_rocm \ + --rocm_version=$(RocmVersion) \ + --rocm_home /opt/rocm \ + --nccl_home /opt/rocm \ + --enable_nccl \ + --build_dir /build \ + --build_shared_lib \ + --parallel \ + --build_wheel \ + --skip_submodule_sync \ + --test --enable_onnx_tests --enable_transformers_tool_test \ + --cmake_path /usr/bin/cmake --ctest_path /usr/bin/ctest" + workingDirectory: $(Build.SourcesDirectory) + displayName: 'Run onnxruntime unit tests' + + - task: CmdLine@2 + inputs: + script: |- + docker run --rm \ + --security-opt seccomp=unconfined \ + --shm-size=1024m \ + --device=/dev/kfd \ + --device=/dev/dri/renderD$DRIVER_RENDER \ + --group-add $(video) \ + --group-add $(render) \ + --user $UID:$(id -g $USER) \ + --volume $(Build.SourcesDirectory):/onnxruntime_src \ + --volume $(Build.BinariesDirectory):/build \ + -e OPENBLAS_NUM_THREADS=1 \ + -e OPENMP_NUM_THREADS=1 \ + -e MKL_NUM_THREADS=1 \ + -e KERNEL_EXPLORER_BUILD_DIR=/build/Release \ + -e KERNEL_EXPLORER_BATCHED_GEMM_MAX_BATCH_SIZE=8 \ + -e KERNEL_EXPLORER_TEST_USE_CUPY=1 \ + -e CUPY_CACHE_DIR=/build/Release \ + onnxruntimerocm-cibuild-rocm$(RocmVersion) \ + pytest /onnxruntime_src/onnxruntime/python/tools/kernel_explorer/ -n 4 --reruns 1 --durations=100 + workingDirectory: $(Build.SourcesDirectory) + displayName: 'Run kernel explorer tests' + condition: succeededOrFailed() + + - template: templates/clean-agent-build-directory-step.yml diff --git a/tools/ci_build/github/linux/docker/rocm-ci-pipeline-env.Dockerfile b/tools/ci_build/github/linux/docker/rocm-ci-pipeline-env.Dockerfile new file mode 100644 index 0000000000000..749e222aff499 --- /dev/null +++ b/tools/ci_build/github/linux/docker/rocm-ci-pipeline-env.Dockerfile @@ -0,0 +1,96 @@ +# Refer to https://github.com/RadeonOpenCompute/ROCm-docker/blob/master/dev/Dockerfile-ubuntu-22.04-complete +FROM ubuntu:22.04 + +ARG ROCM_VERSION=6.0 +ARG AMDGPU_VERSION=${ROCM_VERSION} +ARG APT_PREF='Package: *\nPin: release o=repo.radeon.com\nPin-Priority: 600' + +CMD ["/bin/bash"] + +RUN echo "$APT_PREF" > /etc/apt/preferences.d/rocm-pin-600 + +ENV DEBIAN_FRONTEND noninteractive + +RUN apt-get update && \ + apt-get install -y --no-install-recommends ca-certificates curl libnuma-dev gnupg && \ + curl -sL https://repo.radeon.com/rocm/rocm.gpg.key | apt-key add - &&\ + printf "deb [arch=amd64] https://repo.radeon.com/rocm/apt/$ROCM_VERSION/ jammy main" | tee /etc/apt/sources.list.d/rocm.list && \ + printf "deb [arch=amd64] https://repo.radeon.com/amdgpu/$AMDGPU_VERSION/ubuntu jammy main" | tee /etc/apt/sources.list.d/amdgpu.list && \ + apt-get update && apt-get install -y --no-install-recommends \ + sudo \ + libelf1 \ + kmod \ + file \ + python3 \ + python3-pip \ + rocm-dev \ + rocm-libs \ + build-essential && \ + apt-get clean && \ + rm -rf /var/lib/apt/lists/* + +RUN groupadd -g 109 render + +# Upgrade to meet security requirements +RUN apt-get update -y && apt-get upgrade -y && apt-get autoremove -y && \ + apt-get install -y locales cifs-utils wget half libnuma-dev lsb-release && \ + apt-get clean -y + +RUN locale-gen en_US.UTF-8 +RUN update-locale LANG=en_US.UTF-8 +ENV LC_ALL C.UTF-8 +ENV LANG C.UTF-8 + +WORKDIR /stage + +# Cmake +ENV CMAKE_VERSION=3.30.1 +RUN cd /usr/local && \ + wget -q https://github.com/Kitware/CMake/releases/download/v${CMAKE_VERSION}/cmake-${CMAKE_VERSION}-Linux-x86_64.tar.gz && \ + tar -zxf /usr/local/cmake-3.30.1-Linux-x86_64.tar.gz --strip=1 -C /usr + +# ccache +RUN mkdir -p /tmp/ccache && \ + cd /tmp/ccache && \ + wget -q -O - https://github.com/ccache/ccache/releases/download/v4.7.4/ccache-4.7.4-linux-x86_64.tar.xz | tar --strip 1 -J -xf - && \ + cp /tmp/ccache/ccache /usr/bin && \ + rm -rf /tmp/ccache + +# Install Conda +ENV PATH /opt/miniconda/bin:${PATH} +RUN wget --quiet https://repo.anaconda.com/miniconda/Miniconda3-latest-Linux-x86_64.sh -O ~/miniconda.sh --no-check-certificate && /bin/bash ~/miniconda.sh -b -p /opt/miniconda && \ + conda init bash && \ + conda config --set auto_activate_base false && \ + conda update --all && \ + rm ~/miniconda.sh && conda clean -ya + +# Create rocm-ci environment +ENV CONDA_ENVIRONMENT_PATH /opt/miniconda/envs/rocm-ci +ENV CONDA_DEFAULT_ENV rocm-ci +RUN conda create -y -n ${CONDA_DEFAULT_ENV} python=3.9 +ENV PATH ${CONDA_ENVIRONMENT_PATH}/bin:${PATH} + +# Enable rocm-ci environment +SHELL ["conda", "run", "-n", "rocm-ci", "/bin/bash", "-c"] + +# ln -sf is needed to make sure that version `GLIBCXX_3.4.30' is found +RUN ln -sf /usr/lib/x86_64-linux-gnu/libstdc++.so.6 ${CONDA_ENVIRONMENT_PATH}/bin/../lib/libstdc++.so.6 + +RUN pip install packaging \ + ml_dtypes==0.3.0 \ + pytest==7.4.4 \ + pytest-xdist \ + pytest-rerunfailures \ + scipy==1.10.0 \ + numpy==1.24.1 + +RUN apt install -y git + +# Install Cupy to decrease CPU utilization +RUN git clone https://github.com/ROCm/cupy && cd cupy && \ + git checkout 432a8683351d681e00903640489cb2f4055d2e09 && \ + export CUPY_INSTALL_USE_HIP=1 && \ + export ROCM_HOME=/opt/rocm && \ + export HCC_AMDGPU_TARGET=gfx906,gfx908,gfx90a && \ + git submodule update --init && \ + pip install -e . --no-cache-dir -vvvv From 1f879c3282b65fbcd009eb5a26bbae8cec483e38 Mon Sep 17 00:00:00 2001 From: Changming Sun Date: Fri, 30 Aug 2024 19:03:17 +0000 Subject: [PATCH 029/119] Disable absl symbolize in Windows Release build (#21923) ### Description This change disables Abseil's symbolize functionality in Windows non-debug builds. ### Motivation and Context To solve #21826. Avoid having a dependency on dbghelp.dll. --- cmake/patches/abseil/absl_windows.patch | 13 +++++++++++++ 1 file changed, 13 insertions(+) diff --git a/cmake/patches/abseil/absl_windows.patch b/cmake/patches/abseil/absl_windows.patch index 82983646527dc..c50e147aa4a7d 100644 --- a/cmake/patches/abseil/absl_windows.patch +++ b/cmake/patches/abseil/absl_windows.patch @@ -74,6 +74,19 @@ index 2d85ac74..4875d668 100644 # The decorated name was longer than the compiler limit "/wd4503", # forcing value to bool 'true' or 'false' (performance warning) +diff --git a/absl/debugging/symbolize.cc b/absl/debugging/symbolize.cc +index 638d3954..6b817075 100644 +--- a/absl/debugging/symbolize.cc ++++ b/absl/debugging/symbolize.cc +@@ -14,7 +14,7 @@ + + #include "absl/debugging/symbolize.h" + +-#ifdef _WIN32 ++#if defined(_WIN32) && !defined(NDEBUG) + #include + #if !(WINAPI_FAMILY_PARTITION(WINAPI_PARTITION_APP)) || \ + WINAPI_FAMILY_PARTITION(WINAPI_PARTITION_DESKTOP) diff --git a/absl/debugging/symbolize_win32.inc b/absl/debugging/symbolize_win32.inc index 53a099a1..34d210d6 100644 --- a/absl/debugging/symbolize_win32.inc From 02e3a430afcaa0c39db86f1894d586d6adf93f17 Mon Sep 17 00:00:00 2001 From: Ranjit Ranjan <165394499+ranjitshs@users.noreply.github.com> Date: Sat, 31 Aug 2024 00:47:26 +0530 Subject: [PATCH 030/119] [AIX] Python binding enablement and gcc support (#21934) ### Description Enabling python binding and gcc support for AIX. ### Motivation and Context Code changes in this PR contains: 1. python binding enablement 2. gcc building support Below are list of files and the description. 1. cmake/CMakeLists.txt [gcc building support] -no-unused-function compiler flag addition for IBMClang 2. cmake/external/eigen.cmake [gcc building support] AIX check for applying the AIX patch 3. cmake/onnxruntime_python.cmake [python binding ] putting NOT AIX check for -Xlinker 4. cmake/onnxruntime_unittests.cmake [gcc building support] Fix for gtest behavior. Check the comment . [python binding ] using -Wl,-brtl for linking onnxruntime_providers_shared in test_execution_provider 5. cmake/patches/eigen/eigen-aix.patch [gcc building support] In AIX gcc, we are hitting __builtin_cpu_supports("mma") which is not supported yet. So patching code for this method . Patched code will check for P10 Processor at run-time and based on that routine will be set. 6. onnxruntime/python/onnxruntime_validation.py [python binding ] Adding AIX check in check_distro_info() 7. onnxruntime/test/providers/cpu/generator/random_test.cc [gcc building support] updating previous check for AIX , along with clang. So in case of gcc, else block will hit. 8. onnxruntime/test/python/onnxruntime_test_python.py [python binding ] powerpc check on platform.processor() 9. setup.py [python binding ] Adding AIX check for list of libs. --- cmake/CMakeLists.txt | 3 + cmake/external/eigen.cmake | 19 +- cmake/onnxruntime_python.cmake | 8 +- cmake/onnxruntime_unittests.cmake | 16 +- cmake/patches/eigen/eigen-aix.patch | 250 ++++++++++++++++++ onnxruntime/python/onnxruntime_validation.py | 8 +- .../providers/cpu/generator/random_test.cc | 4 +- .../test/python/onnxruntime_test_python.py | 7 +- setup.py | 2 +- 9 files changed, 304 insertions(+), 13 deletions(-) create mode 100644 cmake/patches/eigen/eigen-aix.patch diff --git a/cmake/CMakeLists.txt b/cmake/CMakeLists.txt index 2e9a50e522171..2b1ea1d8736bf 100644 --- a/cmake/CMakeLists.txt +++ b/cmake/CMakeLists.txt @@ -1041,6 +1041,9 @@ function(onnxruntime_set_compile_flags target_name) #external/protobuf/src/google/protobuf/arena.h:445:18: error: unused parameter 'p' target_compile_options(${target_name} PRIVATE "-Wno-unused-parameter") endif() + if (CMAKE_CXX_COMPILER_ID STREQUAL "IBMClang") + target_compile_options(${target_name} PRIVATE "-Wno-unused-function") + endif() target_compile_definitions(${target_name} PUBLIC -DNSYNC_ATOMIC_CPP11) onnxruntime_add_include_to_target(${target_name} nsync::nsync_cpp) endif() diff --git a/cmake/external/eigen.cmake b/cmake/external/eigen.cmake index b123adb624fa4..339cded091b29 100644 --- a/cmake/external/eigen.cmake +++ b/cmake/external/eigen.cmake @@ -3,11 +3,20 @@ if (onnxruntime_USE_PREINSTALLED_EIGEN) file(TO_CMAKE_PATH ${eigen_SOURCE_PATH} eigen_INCLUDE_DIRS) target_include_directories(eigen INTERFACE ${eigen_INCLUDE_DIRS}) else () - FetchContent_Declare( - eigen - URL ${DEP_URL_eigen} - URL_HASH SHA1=${DEP_SHA1_eigen} - ) + if(CMAKE_SYSTEM_NAME MATCHES "AIX") + FetchContent_Declare( + eigen + URL ${DEP_URL_eigen} + URL_HASH SHA1=${DEP_SHA1_eigen} + PATCH_COMMAND ${Patch_EXECUTABLE} --binary --ignore-whitespace -p1 < ${PROJECT_SOURCE_DIR}/patches/eigen/eigen-aix.patch + ) + else() + FetchContent_Declare( + eigen + URL ${DEP_URL_eigen} + URL_HASH SHA1=${DEP_SHA1_eigen} + ) + endif() FetchContent_Populate(eigen) set(eigen_INCLUDE_DIRS "${eigen_SOURCE_DIR}") diff --git a/cmake/onnxruntime_python.cmake b/cmake/onnxruntime_python.cmake index b2dbe4b3da5e8..574cffbb716b3 100644 --- a/cmake/onnxruntime_python.cmake +++ b/cmake/onnxruntime_python.cmake @@ -117,7 +117,9 @@ elseif(UNIX) if (onnxruntime_ENABLE_EXTERNAL_CUSTOM_OP_SCHEMAS) set(ONNXRUNTIME_SO_LINK_FLAG "-Xlinker --version-script=${ONNXRUNTIME_ROOT}/python/version_script_expose_onnx_protobuf.lds -Xlinker --gc-sections") else() - set(ONNXRUNTIME_SO_LINK_FLAG "-Xlinker --version-script=${ONNXRUNTIME_ROOT}/python/version_script.lds -Xlinker --gc-sections") + if (NOT CMAKE_SYSTEM_NAME MATCHES "AIX") + set(ONNXRUNTIME_SO_LINK_FLAG "-Xlinker --version-script=${ONNXRUNTIME_ROOT}/python/version_script.lds -Xlinker --gc-sections") + endif() endif() else() set(ONNXRUNTIME_SO_LINK_FLAG "-DEF:${ONNXRUNTIME_ROOT}/python/pybind.def") @@ -224,7 +226,9 @@ elseif (APPLE) BUILD_WITH_INSTALL_RPATH TRUE INSTALL_RPATH_USE_LINK_PATH FALSE) else() - set_property(TARGET onnxruntime_pybind11_state APPEND_STRING PROPERTY LINK_FLAGS " -Xlinker -rpath=\\$ORIGIN") + if (NOT CMAKE_SYSTEM_NAME MATCHES "AIX") + set_property(TARGET onnxruntime_pybind11_state APPEND_STRING PROPERTY LINK_FLAGS " -Xlinker -rpath=\\$ORIGIN") + endif() endif() if (onnxruntime_ENABLE_EXTERNAL_CUSTOM_OP_SCHEMAS) diff --git a/cmake/onnxruntime_unittests.cmake b/cmake/onnxruntime_unittests.cmake index d7f4a0675e118..b9d4e1968b8c6 100644 --- a/cmake/onnxruntime_unittests.cmake +++ b/cmake/onnxruntime_unittests.cmake @@ -915,6 +915,15 @@ if (MSVC AND onnxruntime_ENABLE_STATIC_ANALYSIS) target_compile_options(onnxruntime_test_all PRIVATE "/analyze:stacksize 131072") endif() +#In AIX + gcc compiler ,crash is observed with the usage of googletest EXPECT_THROW, +#because some needed symbol is garbaged out by linker. +#So, fix is to exports the symbols from executable. +#Another way is to use -Wl,-bkeepfile for each object file where EXPECT_THROW is used like below +#target_link_options(onnxruntime_test_all PRIVATE "-Wl,-bkeepfile:CMakeFiles/onnxruntime_test_all.dir${TEST_SRC_DIR}/framework/tensor_test.cc.o") +if (CMAKE_SYSTEM_NAME MATCHES "AIX" AND CMAKE_CXX_COMPILER_ID STREQUAL "GNU") + set_target_properties(onnxruntime_test_all PROPERTIES ENABLE_EXPORTS 1) +endif() + # the default logger tests conflict with the need to have an overall default logger # so skip in this type of target_compile_definitions(onnxruntime_test_all PUBLIC -DSKIP_DEFAULT_LOGGER_TESTS) @@ -1766,7 +1775,12 @@ if (NOT onnxruntime_MINIMAL_BUILD AND NOT onnxruntime_EXTENDED_MINIMAL_BUILD onnxruntime_add_shared_library_module(test_execution_provider ${test_execution_provider_srcs}) add_dependencies(test_execution_provider onnxruntime_providers_shared onnx ${ABSEIL_LIBS}) - target_link_libraries(test_execution_provider PRIVATE onnxruntime_providers_shared ${ABSEIL_LIBS} Boost::mp11) + if (CMAKE_SYSTEM_NAME MATCHES "AIX") + target_link_options(test_execution_provider PRIVATE -Wl,-brtl -lonnxruntime_providers_shared) + target_link_libraries(test_execution_provider PRIVATE ${ABSEIL_LIBS} Boost::mp11) + else() + target_link_libraries(test_execution_provider PRIVATE onnxruntime_providers_shared ${ABSEIL_LIBS} Boost::mp11) + endif() target_include_directories(test_execution_provider PRIVATE $) target_include_directories(test_execution_provider PRIVATE $) target_include_directories(test_execution_provider PRIVATE ${ONNXRUNTIME_ROOT} ${CMAKE_CURRENT_BINARY_DIR} ${ORTTRAINING_ROOT}) diff --git a/cmake/patches/eigen/eigen-aix.patch b/cmake/patches/eigen/eigen-aix.patch new file mode 100644 index 0000000000000..653b54b8d3d63 --- /dev/null +++ b/cmake/patches/eigen/eigen-aix.patch @@ -0,0 +1,250 @@ +diff --git a/Eigen/src/Core/arch/AltiVec/MatrixProduct.h b/Eigen/src/Core/arch/AltiVec/MatrixProduct.h +index 8feb88ea7..01b50b7c4 100644 +--- a/Eigen/src/Core/arch/AltiVec/MatrixProduct.h ++++ b/Eigen/src/Core/arch/AltiVec/MatrixProduct.h +@@ -15,6 +15,21 @@ + #define EIGEN_ALTIVEC_USE_CUSTOM_PACK 1 + #endif + ++#ifdef _AIX ++#define POWER_10 0x40000 ++#define POWER_10_ANDUP (POWER_10) ++#include ++#define __power_10_andup() (_system_configuration.implementation & POWER_10_ANDUP) ++ ++static bool check_mma_support() ++{ ++ if(__power_10_andup() && __power_mma_version() == MMA_V31) ++ return true; ++ else ++ return false; ++} ++#endif ++ + #include "MatrixProductCommon.h" + + // Since LLVM doesn't support dynamic dispatching, force either always MMA or VSX +@@ -2481,12 +2496,21 @@ void gebp_kernel; + #elif defined(ALTIVEC_MMA_SUPPORT) && !defined(EIGEN_ALTIVEC_DISABLE_MMA) +- if (__builtin_cpu_supports ("arch_3_1") && __builtin_cpu_supports ("mma")){ +- gemm_function = &Eigen::internal::gemmMMA; +- } +- else{ +- gemm_function = &Eigen::internal::gemm; +- } ++ #if defined(_AIX) ++ if(check_mma_support()){ ++ gemm_function = &Eigen::internal::gemmMMA; ++ } ++ else{ ++ gemm_function = &Eigen::internal::gemm; ++ } ++ #else ++ if (__builtin_cpu_supports ("arch_3_1") && __builtin_cpu_supports ("mma")){ ++ gemm_function = &Eigen::internal::gemmMMA; ++ } ++ else{ ++ gemm_function = &Eigen::internal::gemm; ++ } ++ #endif + #else + gemm_function = &Eigen::internal::gemm; + #endif +@@ -2520,12 +2544,21 @@ void gebp_kernel, std::complex, Index, DataMapper, mr + //generate with MMA only + gemm_function = &Eigen::internal::gemm_complexMMA, std::complex, std::complex, float, Index, Packet, Packetc, RhsPacket, DataMapper, accRows, accCols, ConjugateLhs, ConjugateRhs, false, false>; + #elif defined(ALTIVEC_MMA_SUPPORT) && !defined(EIGEN_ALTIVEC_DISABLE_MMA) +- if (__builtin_cpu_supports ("arch_3_1") && __builtin_cpu_supports ("mma")){ +- gemm_function = &Eigen::internal::gemm_complexMMA, std::complex, std::complex, float, Index, Packet, Packetc, RhsPacket, DataMapper, accRows, accCols, ConjugateLhs, ConjugateRhs, false, false>; +- } +- else{ +- gemm_function = &Eigen::internal::gemm_complex, std::complex, std::complex, float, Index, Packet, Packetc, RhsPacket, DataMapper, accRows, accCols, ConjugateLhs, ConjugateRhs, false, false>; +- } ++ #if defined(_AIX) ++ if (check_mma_support()){ ++ gemm_function = &Eigen::internal::gemm_complexMMA, std::complex, std::complex, float, Index, Packet, Packetc, RhsPacket, DataMapper, accRows, accCols, ConjugateLhs, ConjugateRhs, false, false>; ++ } ++ else{ ++ gemm_function = &Eigen::internal::gemm_complex, std::complex, std::complex, float, Index, Packet, Packetc, RhsPacket, DataMapper, accRows, accCols, ConjugateLhs, ConjugateRhs, false, false>; ++ } ++ #else ++ if (__builtin_cpu_supports ("arch_3_1") && __builtin_cpu_supports ("mma")){ ++ gemm_function = &Eigen::internal::gemm_complexMMA, std::complex, std::complex, float, Index, Packet, Packetc, RhsPacket, DataMapper, accRows, accCols, ConjugateLhs, ConjugateRhs, false, false>; ++ } ++ else{ ++ gemm_function = &Eigen::internal::gemm_complex, std::complex, std::complex, float, Index, Packet, Packetc, RhsPacket, DataMapper, accRows, accCols, ConjugateLhs, ConjugateRhs, false, false>; ++ } ++ #endif + #else + gemm_function = &Eigen::internal::gemm_complex, std::complex, std::complex, float, Index, Packet, Packetc, RhsPacket, DataMapper, accRows, accCols, ConjugateLhs, ConjugateRhs, false, false>; + #endif +@@ -2558,12 +2591,21 @@ void gebp_kernel, Index, DataMapper, mr, nr, Conjugat + //generate with MMA only + gemm_function = &Eigen::internal::gemm_complexMMA, std::complex, float, Index, Packet, Packetc, RhsPacket, DataMapper, accRows, accCols, ConjugateLhs, ConjugateRhs, true, false>; + #elif defined(ALTIVEC_MMA_SUPPORT) && !defined(EIGEN_ALTIVEC_DISABLE_MMA) +- if (__builtin_cpu_supports ("arch_3_1") && __builtin_cpu_supports ("mma")){ +- gemm_function = &Eigen::internal::gemm_complexMMA, std::complex, float, Index, Packet, Packetc, RhsPacket, DataMapper, accRows, accCols, ConjugateLhs, ConjugateRhs, true, false>; +- } +- else{ +- gemm_function = &Eigen::internal::gemm_complex, std::complex, float, Index, Packet, Packetc, RhsPacket, DataMapper, accRows, accCols, ConjugateLhs, ConjugateRhs, true, false>; +- } ++ #if defined(_AIX) ++ if (check_mma_support()){ ++ gemm_function = &Eigen::internal::gemm_complexMMA, std::complex, float, Index, Packet, Packetc, RhsPacket, DataMapper, accRows, accCols, ConjugateLhs, ConjugateRhs, true, false>; ++ } ++ else{ ++ gemm_function = &Eigen::internal::gemm_complex, std::complex, float, Index, Packet, Packetc, RhsPacket, DataMapper, accRows, accCols, ConjugateLhs, ConjugateRhs, true, false>; ++ } ++ #else ++ if (__builtin_cpu_supports ("arch_3_1") && __builtin_cpu_supports ("mma")){ ++ gemm_function = &Eigen::internal::gemm_complexMMA, std::complex, float, Index, Packet, Packetc, RhsPacket, DataMapper, accRows, accCols, ConjugateLhs, ConjugateRhs, true, false>; ++ } ++ else{ ++ gemm_function = &Eigen::internal::gemm_complex, std::complex, float, Index, Packet, Packetc, RhsPacket, DataMapper, accRows, accCols, ConjugateLhs, ConjugateRhs, true, false>; ++ } ++ #endif + #else + gemm_function = &Eigen::internal::gemm_complex, std::complex, float, Index, Packet, Packetc, RhsPacket, DataMapper, accRows, accCols, ConjugateLhs, ConjugateRhs, true, false>; + #endif +@@ -2596,12 +2638,21 @@ void gebp_kernel, float, Index, DataMapper, mr, nr, Conjugat + //generate with MMA only + gemm_function = &Eigen::internal::gemm_complexMMA, float, std::complex, float, Index, Packet, Packetc, RhsPacket, DataMapper, accRows, accCols, ConjugateLhs, ConjugateRhs, false, true>; + #elif defined(ALTIVEC_MMA_SUPPORT) && !defined(EIGEN_ALTIVEC_DISABLE_MMA) +- if (__builtin_cpu_supports ("arch_3_1") && __builtin_cpu_supports ("mma")){ +- gemm_function = &Eigen::internal::gemm_complexMMA, float, std::complex, float, Index, Packet, Packetc, RhsPacket, DataMapper, accRows, accCols, ConjugateLhs, ConjugateRhs, false, true>; +- } +- else{ +- gemm_function = &Eigen::internal::gemm_complex, float, std::complex, float, Index, Packet, Packetc, RhsPacket, DataMapper, accRows, accCols, ConjugateLhs, ConjugateRhs, false, true>; +- } ++ #if defined(_AIX) ++ if (check_mma_support()){ ++ gemm_function = &Eigen::internal::gemm_complexMMA, float, std::complex, float, Index, Packet, Packetc, RhsPacket, DataMapper, accRows, accCols, ConjugateLhs, ConjugateRhs, false, true>; ++ } ++ else{ ++ gemm_function = &Eigen::internal::gemm_complex, float, std::complex, float, Index, Packet, Packetc, RhsPacket, DataMapper, accRows, accCols, ConjugateLhs, ConjugateRhs, false, true>; ++ } ++ #else ++ if (__builtin_cpu_supports ("arch_3_1") && __builtin_cpu_supports ("mma")){ ++ gemm_function = &Eigen::internal::gemm_complexMMA, float, std::complex, float, Index, Packet, Packetc, RhsPacket, DataMapper, accRows, accCols, ConjugateLhs, ConjugateRhs, false, true>; ++ } ++ else{ ++ gemm_function = &Eigen::internal::gemm_complex, float, std::complex, float, Index, Packet, Packetc, RhsPacket, DataMapper, accRows, accCols, ConjugateLhs, ConjugateRhs, false, true>; ++ } ++ #endif + #else + gemm_function = &Eigen::internal::gemm_complex, float, std::complex, float, Index, Packet, Packetc, RhsPacket, DataMapper, accRows, accCols, ConjugateLhs, ConjugateRhs, false, true>; + #endif +@@ -2633,12 +2684,21 @@ void gebp_kernel; + #elif defined(ALTIVEC_MMA_SUPPORT) && !defined(EIGEN_ALTIVEC_DISABLE_MMA) +- if (__builtin_cpu_supports ("arch_3_1") && __builtin_cpu_supports ("mma")){ +- gemm_function = &Eigen::internal::gemmMMA; +- } +- else{ +- gemm_function = &Eigen::internal::gemm; +- } ++ #if defined(_AIX) ++ if (check_mma_support()){ ++ gemm_function = &Eigen::internal::gemmMMA; ++ } ++ else{ ++ gemm_function = &Eigen::internal::gemm; ++ } ++ #else ++ if (__builtin_cpu_supports ("arch_3_1") && __builtin_cpu_supports ("mma")){ ++ gemm_function = &Eigen::internal::gemmMMA; ++ } ++ else{ ++ gemm_function = &Eigen::internal::gemm; ++ } ++ #endif + #else + gemm_function = &Eigen::internal::gemm; + #endif +@@ -2671,12 +2731,21 @@ void gebp_kernel, std::complex, Index, DataMapper, + //generate with MMA only + gemm_function = &Eigen::internal::gemm_complexMMA, std::complex, std::complex, double, Index, Packet, Packetc, RhsPacket, DataMapper, accRows, accCols, ConjugateLhs, ConjugateRhs, false, false>; + #elif defined(ALTIVEC_MMA_SUPPORT) && !defined(EIGEN_ALTIVEC_DISABLE_MMA) +- if (__builtin_cpu_supports ("arch_3_1") && __builtin_cpu_supports ("mma")){ +- gemm_function = &Eigen::internal::gemm_complexMMA, std::complex, std::complex, double, Index, Packet, Packetc, RhsPacket, DataMapper, accRows, accCols, ConjugateLhs, ConjugateRhs, false, false>; +- } +- else{ +- gemm_function = &Eigen::internal::gemm_complex, std::complex, std::complex, double, Index, Packet, Packetc, RhsPacket, DataMapper, accRows, accCols, ConjugateLhs, ConjugateRhs, false, false>; +- } ++ #if defined(_AIX) ++ if (check_mma_support()){ ++ gemm_function = &Eigen::internal::gemm_complexMMA, std::complex, std::complex, double, Index, Packet, Packetc, RhsPacket, DataMapper, accRows, accCols, ConjugateLhs, ConjugateRhs, false, false>; ++ } ++ else{ ++ gemm_function = &Eigen::internal::gemm_complex, std::complex, std::complex, double, Index, Packet, Packetc, RhsPacket, DataMapper, accRows, accCols, ConjugateLhs, ConjugateRhs, false, false>; ++ } ++ #else ++ if (__builtin_cpu_supports ("arch_3_1") && __builtin_cpu_supports ("mma")){ ++ gemm_function = &Eigen::internal::gemm_complexMMA, std::complex, std::complex, double, Index, Packet, Packetc, RhsPacket, DataMapper, accRows, accCols, ConjugateLhs, ConjugateRhs, false, false>; ++ } ++ else{ ++ gemm_function = &Eigen::internal::gemm_complex, std::complex, std::complex, double, Index, Packet, Packetc, RhsPacket, DataMapper, accRows, accCols, ConjugateLhs, ConjugateRhs, false, false>; ++ } ++ #endif + #else + gemm_function = &Eigen::internal::gemm_complex, std::complex, std::complex, double, Index, Packet, Packetc, RhsPacket, DataMapper, accRows, accCols, ConjugateLhs, ConjugateRhs, false, false>; + #endif +@@ -2709,12 +2778,21 @@ void gebp_kernel, double, Index, DataMapper, mr, nr, Conjug + //generate with MMA only + gemm_function = &Eigen::internal::gemm_complexMMA, double, std::complex, double, Index, Packet, Packetc, RhsPacket, DataMapper, accRows, accCols, ConjugateLhs, ConjugateRhs, false, true>; + #elif defined(ALTIVEC_MMA_SUPPORT) && !defined(EIGEN_ALTIVEC_DISABLE_MMA) +- if (__builtin_cpu_supports ("arch_3_1") && __builtin_cpu_supports ("mma")){ +- gemm_function = &Eigen::internal::gemm_complexMMA, double, std::complex, double, Index, Packet, Packetc, RhsPacket, DataMapper, accRows, accCols, ConjugateLhs, ConjugateRhs, false, true>; +- } +- else{ +- gemm_function = &Eigen::internal::gemm_complex, double, std::complex, double, Index, Packet, Packetc, RhsPacket, DataMapper, accRows, accCols, ConjugateLhs, ConjugateRhs, false, true>; +- } ++ #if defined(_AIX) ++ if (check_mma_support()){ ++ gemm_function = &Eigen::internal::gemm_complexMMA, double, std::complex, double, Index, Packet, Packetc, RhsPacket, DataMapper, accRows, accCols, ConjugateLhs, ConjugateRhs, false, true>; ++ } ++ else{ ++ gemm_function = &Eigen::internal::gemm_complex, double, std::complex, double, Index, Packet, Packetc, RhsPacket, DataMapper, accRows, accCols, ConjugateLhs, ConjugateRhs, false, true>; ++ } ++ #else ++ if (__builtin_cpu_supports ("arch_3_1") && __builtin_cpu_supports ("mma")){ ++ gemm_function = &Eigen::internal::gemm_complexMMA, double, std::complex, double, Index, Packet, Packetc, RhsPacket, DataMapper, accRows, accCols, ConjugateLhs, ConjugateRhs, false, true>; ++ } ++ else{ ++ gemm_function = &Eigen::internal::gemm_complex, double, std::complex, double, Index, Packet, Packetc, RhsPacket, DataMapper, accRows, accCols, ConjugateLhs, ConjugateRhs, false, true>; ++ } ++ #endif + #else + gemm_function = &Eigen::internal::gemm_complex, double, std::complex, double, Index, Packet, Packetc, RhsPacket, DataMapper, accRows, accCols, ConjugateLhs, ConjugateRhs, false, true>; + #endif +@@ -2747,12 +2825,21 @@ void gebp_kernel, Index, DataMapper, mr, nr, Conjug + //generate with MMA only + gemm_function = &Eigen::internal::gemm_complexMMA, std::complex, double, Index, Packet, Packetc, RhsPacket, DataMapper, accRows, accCols, ConjugateLhs, ConjugateRhs, true, false>; + #elif defined(ALTIVEC_MMA_SUPPORT) && !defined(EIGEN_ALTIVEC_DISABLE_MMA) +- if (__builtin_cpu_supports ("arch_3_1") && __builtin_cpu_supports ("mma")){ +- gemm_function = &Eigen::internal::gemm_complexMMA, std::complex, double, Index, Packet, Packetc, RhsPacket, DataMapper, accRows, accCols, ConjugateLhs, ConjugateRhs, true, false>; +- } +- else{ +- gemm_function = &Eigen::internal::gemm_complex, std::complex, double, Index, Packet, Packetc, RhsPacket, DataMapper, accRows, accCols, ConjugateLhs, ConjugateRhs, true, false>; +- } ++ #if defined(_AIX) ++ if (check_mma_support()){ ++ gemm_function = &Eigen::internal::gemm_complexMMA, std::complex, double, Index, Packet, Packetc, RhsPacket, DataMapper, accRows, accCols, ConjugateLhs, ConjugateRhs, true, false>; ++ } ++ else{ ++ gemm_function = &Eigen::internal::gemm_complex, std::complex, double, Index, Packet, Packetc, RhsPacket, DataMapper, accRows, accCols, ConjugateLhs, ConjugateRhs, true, false>; ++ } ++ #else ++ if (__builtin_cpu_supports ("arch_3_1") && __builtin_cpu_supports ("mma")){ ++ gemm_function = &Eigen::internal::gemm_complexMMA, std::complex, double, Index, Packet, Packetc, RhsPacket, DataMapper, accRows, accCols, ConjugateLhs, ConjugateRhs, true, false>; ++ } ++ else{ ++ gemm_function = &Eigen::internal::gemm_complex, std::complex, double, Index, Packet, Packetc, RhsPacket, DataMapper, accRows, accCols, ConjugateLhs, ConjugateRhs, true, false>; ++ } ++ #endif + #else + gemm_function = &Eigen::internal::gemm_complex, std::complex, double, Index, Packet, Packetc, RhsPacket, DataMapper, accRows, accCols, ConjugateLhs, ConjugateRhs, true, false>; + #endif diff --git a/onnxruntime/python/onnxruntime_validation.py b/onnxruntime/python/onnxruntime_validation.py index 81e6461e4417f..4f29c7f424845 100644 --- a/onnxruntime/python/onnxruntime_validation.py +++ b/onnxruntime/python/onnxruntime_validation.py @@ -55,9 +55,15 @@ def check_distro_info(): warnings.warn( f"Unsupported macOS version ({__my_distro_ver__}). ONNX Runtime supports macOS 11.0 or later." ) + elif __my_system__ == "aix": + import subprocess + + returned_output = subprocess.check_output("oslevel") + __my_distro_ver__str = returned_output.decode("utf-8") + __my_distro_ver = __my_distro_ver__str[:3] else: warnings.warn( - f"Unsupported platform ({__my_system__}). ONNX Runtime supports Linux, macOS and Windows platforms, only." + f"Unsupported platform ({__my_system__}). ONNX Runtime supports Linux, macOS, AIX and Windows platforms, only." ) diff --git a/onnxruntime/test/providers/cpu/generator/random_test.cc b/onnxruntime/test/providers/cpu/generator/random_test.cc index f42f32d63d1fa..a923df2cebe30 100644 --- a/onnxruntime/test/providers/cpu/generator/random_test.cc +++ b/onnxruntime/test/providers/cpu/generator/random_test.cc @@ -256,7 +256,7 @@ TEST(Random, MultinomialGoodCase) { const std::vector output_dims{batch_size, num_samples}; #ifdef _WIN32 const std::vector expected_output{2, 0, 0, 2, 2, 2, 0, 2, 2, 1, 1, 2, 1, 1, 1, 1, 2, 1, 2, 0}; -#elif defined(__MACH__) || defined(__ANDROID__) || defined(__FreeBSD__) || defined(__wasm__) || defined(_AIX) +#elif defined(__MACH__) || defined(__ANDROID__) || defined(__FreeBSD__) || defined(__wasm__) || (defined(_AIX) && defined(__clang__)) const std::vector expected_output{1, 1, 2, 2, 0, 2, 2, 2, 0, 2, 1, 1, 2, 0, 2, 2, 0, 2, 1, 1}; #else const std::vector expected_output{2, 0, 0, 1, 0, 1, 2, 0, 1, 0, 0, 1, 1, 0, 1, 0, 2, 0, 2, 0}; @@ -294,7 +294,7 @@ TEST(Random, MultinomialDefaultDType) { #ifdef _WIN32 const std::vector expected_output_1{2, 0, 0, 2, 2, 2, 0, 2, 2, 1, 1, 2, 1, 1, 1, 1, 2, 1, 2, 0}; const std::vector expected_output_2{0, 0, 1, 0, 2, 2, 2, 0, 2, 1, 2, 1, 0, 2, 0, 2, 2, 1, 2, 1}; -#elif defined(__MACH__) || defined(__ANDROID__) || defined(__FreeBSD__) || defined(__wasm__) || defined(_AIX) +#elif defined(__MACH__) || defined(__ANDROID__) || defined(__FreeBSD__) || defined(__wasm__) || (defined(_AIX) && defined(__clang__)) const std::vector expected_output_1{1, 1, 2, 2, 0, 2, 2, 2, 0, 2, 1, 1, 2, 0, 2, 2, 0, 2, 1, 1}; const std::vector expected_output_2{1, 0, 1, 1, 1, 1, 0, 0, 1, 1, 0, 2, 0, 1, 1, 0, 2, 2, 2, 1}; #else diff --git a/onnxruntime/test/python/onnxruntime_test_python.py b/onnxruntime/test/python/onnxruntime_test_python.py index 4a197001c3d2a..869c3fac16bf9 100644 --- a/onnxruntime/test/python/onnxruntime_test_python.py +++ b/onnxruntime/test/python/onnxruntime_test_python.py @@ -1600,7 +1600,12 @@ def test_shared_allocator_using_create_and_register_allocator(self): ) def test_memory_arena_shrinkage(self): - if platform.architecture()[0] == "32bit" or "ppc" in platform.machine() or "powerpc" in platform.machine(): + if ( + platform.architecture()[0] == "32bit" + or "ppc" in platform.machine() + or "powerpc" in platform.machine() + or "powerpc" in platform.processor() + ): # on x86 or ppc builds, the CPU allocator does not use an arena print("Skipping testMemoryArenaShrinkage in 32bit or powerpc platform.") else: diff --git a/setup.py b/setup.py index 651f8a71ee99c..aabe0d2233587 100644 --- a/setup.py +++ b/setup.py @@ -325,7 +325,7 @@ def finalize_options(self): dl_libs = [] libs = [] -if platform.system() == "Linux": +if platform.system() == "Linux" or platform.system() == "AIX": libs = [ "onnxruntime_pybind11_state.so", "libdnnl.so.2", From 60b07623a2b25a61c1b5bf324dd9fbbc3dbe913b Mon Sep 17 00:00:00 2001 From: Yi Zhang Date: Sat, 31 Aug 2024 03:18:10 +0800 Subject: [PATCH 031/119] Add a reminder in set-trigger-rules script (#21929) ### Description After editing the set-trigger-rules.py, we must run the file. ### Motivation and Context Obviously the script wasn't run because some files's name are incorrect. --- .../android-arm64-v8a-QNN-crosscompile-ci-pipeline.yml | 1 + .../android-x86_64-crosscompile-ci-pipeline.yml | 1 + .../github/azure-pipelines/bigmodels-ci-pipeline.yml | 1 + .../github/azure-pipelines/linux-ci-pipeline.yml | 2 +- .../github/azure-pipelines/linux-cpu-aten-pipeline.yml | 1 + .../azure-pipelines/linux-cpu-eager-pipeline.yml | 1 + .../github/azure-pipelines/linux-dnnl-ci-pipeline.yml | 1 + .../github/azure-pipelines/linux-gpu-ci-pipeline.yml | 1 + .../azure-pipelines/linux-gpu-tensorrt-ci-pipeline.yml | 1 + .../azure-pipelines/linux-migraphx-ci-pipeline.yml | 1 + .../azure-pipelines/linux-openvino-ci-pipeline.yml | 1 + .../github/azure-pipelines/linux-qnn-ci-pipeline.yml | 1 + .../github/azure-pipelines/mac-ci-pipeline.yml | 1 + .../github/azure-pipelines/mac-coreml-ci-pipeline.yml | 1 + .../github/azure-pipelines/mac-ios-ci-pipeline.yml | 1 + .../azure-pipelines/mac-ios-packaging-pipeline.yml | 1 + .../azure-pipelines/mac-react-native-ci-pipeline.yml | 1 + .../azure-pipelines/orttraining-linux-ci-pipeline.yml | 1 + .../orttraining-linux-gpu-ci-pipeline.yml | 1 + ...inux-gpu-ortmodule-distributed-test-ci-pipeline.yml | 1 + .../azure-pipelines/orttraining-mac-ci-pipeline.yml | 1 + .../github/azure-pipelines/web-ci-pipeline.yml | 1 + .../github/azure-pipelines/win-ci-pipeline.yml | 1 + .../azure-pipelines/win-gpu-cuda-ci-pipeline.yml | 1 + .../github/azure-pipelines/win-gpu-dml-ci-pipeline.yml | 1 + .../azure-pipelines/win-gpu-doc-gen-ci-pipeline.yml | 1 + .../azure-pipelines/win-gpu-tensorrt-ci-pipeline.yml | 1 + .../azure-pipelines/win-gpu-training-ci-pipeline.yml | 1 + .../azure-pipelines/win-qnn-arm64-ci-pipeline.yml | 1 + .../github/azure-pipelines/win-qnn-ci-pipeline.yml | 1 + tools/ci_build/set-trigger-rules.py | 10 ++++++---- 31 files changed, 36 insertions(+), 5 deletions(-) diff --git a/tools/ci_build/github/azure-pipelines/android-arm64-v8a-QNN-crosscompile-ci-pipeline.yml b/tools/ci_build/github/azure-pipelines/android-arm64-v8a-QNN-crosscompile-ci-pipeline.yml index 3fba9f54f2667..cc4727a889d44 100644 --- a/tools/ci_build/github/azure-pipelines/android-arm64-v8a-QNN-crosscompile-ci-pipeline.yml +++ b/tools/ci_build/github/azure-pipelines/android-arm64-v8a-QNN-crosscompile-ci-pipeline.yml @@ -1,4 +1,5 @@ ##### start trigger Don't edit it manually, Please do edit set-trigger-rules.py #### +### please do rerun set-trigger-rules.py ### trigger: branches: include: diff --git a/tools/ci_build/github/azure-pipelines/android-x86_64-crosscompile-ci-pipeline.yml b/tools/ci_build/github/azure-pipelines/android-x86_64-crosscompile-ci-pipeline.yml index bcfe4cde9ce50..41ff365a65d49 100644 --- a/tools/ci_build/github/azure-pipelines/android-x86_64-crosscompile-ci-pipeline.yml +++ b/tools/ci_build/github/azure-pipelines/android-x86_64-crosscompile-ci-pipeline.yml @@ -1,4 +1,5 @@ ##### start trigger Don't edit it manually, Please do edit set-trigger-rules.py #### +### please do rerun set-trigger-rules.py ### trigger: branches: include: diff --git a/tools/ci_build/github/azure-pipelines/bigmodels-ci-pipeline.yml b/tools/ci_build/github/azure-pipelines/bigmodels-ci-pipeline.yml index 6d9e3c595ce2b..bcce208aea2c1 100644 --- a/tools/ci_build/github/azure-pipelines/bigmodels-ci-pipeline.yml +++ b/tools/ci_build/github/azure-pipelines/bigmodels-ci-pipeline.yml @@ -1,4 +1,5 @@ ##### start trigger Don't edit it manually, Please do edit set-trigger-rules.py #### +### please do rerun set-trigger-rules.py ### trigger: branches: include: diff --git a/tools/ci_build/github/azure-pipelines/linux-ci-pipeline.yml b/tools/ci_build/github/azure-pipelines/linux-ci-pipeline.yml index b5155aebc00f2..26e7374ab2454 100644 --- a/tools/ci_build/github/azure-pipelines/linux-ci-pipeline.yml +++ b/tools/ci_build/github/azure-pipelines/linux-ci-pipeline.yml @@ -1,5 +1,5 @@ - ##### start trigger Don't edit it manually, Please do edit set-trigger-rules.py #### +### please do rerun set-trigger-rules.py ### trigger: branches: include: diff --git a/tools/ci_build/github/azure-pipelines/linux-cpu-aten-pipeline.yml b/tools/ci_build/github/azure-pipelines/linux-cpu-aten-pipeline.yml index 9f46f196f6ce7..b88bad2fae8bb 100644 --- a/tools/ci_build/github/azure-pipelines/linux-cpu-aten-pipeline.yml +++ b/tools/ci_build/github/azure-pipelines/linux-cpu-aten-pipeline.yml @@ -1,4 +1,5 @@ ##### start trigger Don't edit it manually, Please do edit set-trigger-rules.py #### +### please do rerun set-trigger-rules.py ### trigger: branches: include: diff --git a/tools/ci_build/github/azure-pipelines/linux-cpu-eager-pipeline.yml b/tools/ci_build/github/azure-pipelines/linux-cpu-eager-pipeline.yml index baca1848eb282..72ef660d4b344 100644 --- a/tools/ci_build/github/azure-pipelines/linux-cpu-eager-pipeline.yml +++ b/tools/ci_build/github/azure-pipelines/linux-cpu-eager-pipeline.yml @@ -1,4 +1,5 @@ ##### start trigger Don't edit it manually, Please do edit set-trigger-rules.py #### +### please do rerun set-trigger-rules.py ### trigger: branches: include: diff --git a/tools/ci_build/github/azure-pipelines/linux-dnnl-ci-pipeline.yml b/tools/ci_build/github/azure-pipelines/linux-dnnl-ci-pipeline.yml index a64a65622c90f..7311c6e526d57 100644 --- a/tools/ci_build/github/azure-pipelines/linux-dnnl-ci-pipeline.yml +++ b/tools/ci_build/github/azure-pipelines/linux-dnnl-ci-pipeline.yml @@ -1,4 +1,5 @@ ##### start trigger Don't edit it manually, Please do edit set-trigger-rules.py #### +### please do rerun set-trigger-rules.py ### trigger: branches: include: diff --git a/tools/ci_build/github/azure-pipelines/linux-gpu-ci-pipeline.yml b/tools/ci_build/github/azure-pipelines/linux-gpu-ci-pipeline.yml index d3e4a2e009598..3f6b561c9243b 100644 --- a/tools/ci_build/github/azure-pipelines/linux-gpu-ci-pipeline.yml +++ b/tools/ci_build/github/azure-pipelines/linux-gpu-ci-pipeline.yml @@ -1,4 +1,5 @@ ##### start trigger Don't edit it manually, Please do edit set-trigger-rules.py #### +### please do rerun set-trigger-rules.py ### trigger: branches: include: diff --git a/tools/ci_build/github/azure-pipelines/linux-gpu-tensorrt-ci-pipeline.yml b/tools/ci_build/github/azure-pipelines/linux-gpu-tensorrt-ci-pipeline.yml index dfbee04776796..008292d855fc0 100644 --- a/tools/ci_build/github/azure-pipelines/linux-gpu-tensorrt-ci-pipeline.yml +++ b/tools/ci_build/github/azure-pipelines/linux-gpu-tensorrt-ci-pipeline.yml @@ -1,4 +1,5 @@ ##### start trigger Don't edit it manually, Please do edit set-trigger-rules.py #### +### please do rerun set-trigger-rules.py ### trigger: branches: include: diff --git a/tools/ci_build/github/azure-pipelines/linux-migraphx-ci-pipeline.yml b/tools/ci_build/github/azure-pipelines/linux-migraphx-ci-pipeline.yml index 6bf6324252fb9..1cf60b47b4ded 100644 --- a/tools/ci_build/github/azure-pipelines/linux-migraphx-ci-pipeline.yml +++ b/tools/ci_build/github/azure-pipelines/linux-migraphx-ci-pipeline.yml @@ -1,4 +1,5 @@ ##### start trigger Don't edit it manually, Please do edit set-trigger-rules.py #### +### please do rerun set-trigger-rules.py ### trigger: branches: include: diff --git a/tools/ci_build/github/azure-pipelines/linux-openvino-ci-pipeline.yml b/tools/ci_build/github/azure-pipelines/linux-openvino-ci-pipeline.yml index 43043633365b2..0baf96475cfb4 100644 --- a/tools/ci_build/github/azure-pipelines/linux-openvino-ci-pipeline.yml +++ b/tools/ci_build/github/azure-pipelines/linux-openvino-ci-pipeline.yml @@ -1,4 +1,5 @@ ##### start trigger Don't edit it manually, Please do edit set-trigger-rules.py #### +### please do rerun set-trigger-rules.py ### trigger: branches: include: diff --git a/tools/ci_build/github/azure-pipelines/linux-qnn-ci-pipeline.yml b/tools/ci_build/github/azure-pipelines/linux-qnn-ci-pipeline.yml index 9282792a6b418..686f91526023c 100644 --- a/tools/ci_build/github/azure-pipelines/linux-qnn-ci-pipeline.yml +++ b/tools/ci_build/github/azure-pipelines/linux-qnn-ci-pipeline.yml @@ -1,4 +1,5 @@ ##### start trigger Don't edit it manually, Please do edit set-trigger-rules.py #### +### please do rerun set-trigger-rules.py ### trigger: branches: include: diff --git a/tools/ci_build/github/azure-pipelines/mac-ci-pipeline.yml b/tools/ci_build/github/azure-pipelines/mac-ci-pipeline.yml index 8fa2b805dadc9..f3465a8eea8b5 100644 --- a/tools/ci_build/github/azure-pipelines/mac-ci-pipeline.yml +++ b/tools/ci_build/github/azure-pipelines/mac-ci-pipeline.yml @@ -1,4 +1,5 @@ ##### start trigger Don't edit it manually, Please do edit set-trigger-rules.py #### +### please do rerun set-trigger-rules.py ### trigger: branches: include: diff --git a/tools/ci_build/github/azure-pipelines/mac-coreml-ci-pipeline.yml b/tools/ci_build/github/azure-pipelines/mac-coreml-ci-pipeline.yml index f0a35d809c700..c16adc6221ed0 100644 --- a/tools/ci_build/github/azure-pipelines/mac-coreml-ci-pipeline.yml +++ b/tools/ci_build/github/azure-pipelines/mac-coreml-ci-pipeline.yml @@ -1,4 +1,5 @@ ##### start trigger Don't edit it manually, Please do edit set-trigger-rules.py #### +### please do rerun set-trigger-rules.py ### trigger: branches: include: diff --git a/tools/ci_build/github/azure-pipelines/mac-ios-ci-pipeline.yml b/tools/ci_build/github/azure-pipelines/mac-ios-ci-pipeline.yml index 0a19312790a98..48d48156fe913 100644 --- a/tools/ci_build/github/azure-pipelines/mac-ios-ci-pipeline.yml +++ b/tools/ci_build/github/azure-pipelines/mac-ios-ci-pipeline.yml @@ -1,4 +1,5 @@ ##### start trigger Don't edit it manually, Please do edit set-trigger-rules.py #### +### please do rerun set-trigger-rules.py ### trigger: branches: include: diff --git a/tools/ci_build/github/azure-pipelines/mac-ios-packaging-pipeline.yml b/tools/ci_build/github/azure-pipelines/mac-ios-packaging-pipeline.yml index c209e20adc131..abd1004a830e0 100644 --- a/tools/ci_build/github/azure-pipelines/mac-ios-packaging-pipeline.yml +++ b/tools/ci_build/github/azure-pipelines/mac-ios-packaging-pipeline.yml @@ -1,4 +1,5 @@ ##### start trigger Don't edit it manually, Please do edit set-trigger-rules.py #### +### please do rerun set-trigger-rules.py ### trigger: branches: include: diff --git a/tools/ci_build/github/azure-pipelines/mac-react-native-ci-pipeline.yml b/tools/ci_build/github/azure-pipelines/mac-react-native-ci-pipeline.yml index 4fcfe0d6c703d..310f6a81a54da 100644 --- a/tools/ci_build/github/azure-pipelines/mac-react-native-ci-pipeline.yml +++ b/tools/ci_build/github/azure-pipelines/mac-react-native-ci-pipeline.yml @@ -1,4 +1,5 @@ ##### start trigger Don't edit it manually, Please do edit set-trigger-rules.py #### +### please do rerun set-trigger-rules.py ### trigger: branches: include: diff --git a/tools/ci_build/github/azure-pipelines/orttraining-linux-ci-pipeline.yml b/tools/ci_build/github/azure-pipelines/orttraining-linux-ci-pipeline.yml index 96e2e0a7580db..04462a60776d7 100644 --- a/tools/ci_build/github/azure-pipelines/orttraining-linux-ci-pipeline.yml +++ b/tools/ci_build/github/azure-pipelines/orttraining-linux-ci-pipeline.yml @@ -1,4 +1,5 @@ ##### start trigger Don't edit it manually, Please do edit set-trigger-rules.py #### +### please do rerun set-trigger-rules.py ### trigger: branches: include: diff --git a/tools/ci_build/github/azure-pipelines/orttraining-linux-gpu-ci-pipeline.yml b/tools/ci_build/github/azure-pipelines/orttraining-linux-gpu-ci-pipeline.yml index 182eff8afbf32..494035637a79d 100644 --- a/tools/ci_build/github/azure-pipelines/orttraining-linux-gpu-ci-pipeline.yml +++ b/tools/ci_build/github/azure-pipelines/orttraining-linux-gpu-ci-pipeline.yml @@ -1,4 +1,5 @@ ##### start trigger Don't edit it manually, Please do edit set-trigger-rules.py #### +### please do rerun set-trigger-rules.py ### trigger: branches: include: diff --git a/tools/ci_build/github/azure-pipelines/orttraining-linux-gpu-ortmodule-distributed-test-ci-pipeline.yml b/tools/ci_build/github/azure-pipelines/orttraining-linux-gpu-ortmodule-distributed-test-ci-pipeline.yml index da40be43048c2..dcbee286136f0 100644 --- a/tools/ci_build/github/azure-pipelines/orttraining-linux-gpu-ortmodule-distributed-test-ci-pipeline.yml +++ b/tools/ci_build/github/azure-pipelines/orttraining-linux-gpu-ortmodule-distributed-test-ci-pipeline.yml @@ -1,4 +1,5 @@ ##### start trigger Don't edit it manually, Please do edit set-trigger-rules.py #### +### please do rerun set-trigger-rules.py ### trigger: branches: include: diff --git a/tools/ci_build/github/azure-pipelines/orttraining-mac-ci-pipeline.yml b/tools/ci_build/github/azure-pipelines/orttraining-mac-ci-pipeline.yml index a04de65e3c37e..ec5c30787b611 100644 --- a/tools/ci_build/github/azure-pipelines/orttraining-mac-ci-pipeline.yml +++ b/tools/ci_build/github/azure-pipelines/orttraining-mac-ci-pipeline.yml @@ -1,4 +1,5 @@ ##### start trigger Don't edit it manually, Please do edit set-trigger-rules.py #### +### please do rerun set-trigger-rules.py ### trigger: branches: include: diff --git a/tools/ci_build/github/azure-pipelines/web-ci-pipeline.yml b/tools/ci_build/github/azure-pipelines/web-ci-pipeline.yml index 036becb7df077..713ad4d1a6b1c 100644 --- a/tools/ci_build/github/azure-pipelines/web-ci-pipeline.yml +++ b/tools/ci_build/github/azure-pipelines/web-ci-pipeline.yml @@ -1,4 +1,5 @@ ##### start trigger Don't edit it manually, Please do edit set-trigger-rules.py #### +### please do rerun set-trigger-rules.py ### trigger: branches: include: diff --git a/tools/ci_build/github/azure-pipelines/win-ci-pipeline.yml b/tools/ci_build/github/azure-pipelines/win-ci-pipeline.yml index 7d64f78c695fa..3e2ade7eacd25 100644 --- a/tools/ci_build/github/azure-pipelines/win-ci-pipeline.yml +++ b/tools/ci_build/github/azure-pipelines/win-ci-pipeline.yml @@ -1,4 +1,5 @@ ##### start trigger Don't edit it manually, Please do edit set-trigger-rules.py #### +### please do rerun set-trigger-rules.py ### trigger: branches: include: diff --git a/tools/ci_build/github/azure-pipelines/win-gpu-cuda-ci-pipeline.yml b/tools/ci_build/github/azure-pipelines/win-gpu-cuda-ci-pipeline.yml index 78e1624b5d123..47ece37e66e09 100644 --- a/tools/ci_build/github/azure-pipelines/win-gpu-cuda-ci-pipeline.yml +++ b/tools/ci_build/github/azure-pipelines/win-gpu-cuda-ci-pipeline.yml @@ -1,4 +1,5 @@ ##### start trigger Don't edit it manually, Please do edit set-trigger-rules.py #### +### please do rerun set-trigger-rules.py ### trigger: branches: include: diff --git a/tools/ci_build/github/azure-pipelines/win-gpu-dml-ci-pipeline.yml b/tools/ci_build/github/azure-pipelines/win-gpu-dml-ci-pipeline.yml index 904979f39ca31..94b0aa680d54d 100644 --- a/tools/ci_build/github/azure-pipelines/win-gpu-dml-ci-pipeline.yml +++ b/tools/ci_build/github/azure-pipelines/win-gpu-dml-ci-pipeline.yml @@ -1,4 +1,5 @@ ##### start trigger Don't edit it manually, Please do edit set-trigger-rules.py #### +### please do rerun set-trigger-rules.py ### trigger: branches: include: diff --git a/tools/ci_build/github/azure-pipelines/win-gpu-doc-gen-ci-pipeline.yml b/tools/ci_build/github/azure-pipelines/win-gpu-doc-gen-ci-pipeline.yml index 4106889331350..e596b901a1b2e 100644 --- a/tools/ci_build/github/azure-pipelines/win-gpu-doc-gen-ci-pipeline.yml +++ b/tools/ci_build/github/azure-pipelines/win-gpu-doc-gen-ci-pipeline.yml @@ -1,4 +1,5 @@ ##### start trigger Don't edit it manually, Please do edit set-trigger-rules.py #### +### please do rerun set-trigger-rules.py ### trigger: branches: include: diff --git a/tools/ci_build/github/azure-pipelines/win-gpu-tensorrt-ci-pipeline.yml b/tools/ci_build/github/azure-pipelines/win-gpu-tensorrt-ci-pipeline.yml index c8821dfc4fe4a..ef120be5d0391 100644 --- a/tools/ci_build/github/azure-pipelines/win-gpu-tensorrt-ci-pipeline.yml +++ b/tools/ci_build/github/azure-pipelines/win-gpu-tensorrt-ci-pipeline.yml @@ -1,4 +1,5 @@ ##### start trigger Don't edit it manually, Please do edit set-trigger-rules.py #### +### please do rerun set-trigger-rules.py ### trigger: branches: include: diff --git a/tools/ci_build/github/azure-pipelines/win-gpu-training-ci-pipeline.yml b/tools/ci_build/github/azure-pipelines/win-gpu-training-ci-pipeline.yml index 3bb6c267f0018..efc315760640d 100644 --- a/tools/ci_build/github/azure-pipelines/win-gpu-training-ci-pipeline.yml +++ b/tools/ci_build/github/azure-pipelines/win-gpu-training-ci-pipeline.yml @@ -1,4 +1,5 @@ ##### start trigger Don't edit it manually, Please do edit set-trigger-rules.py #### +### please do rerun set-trigger-rules.py ### trigger: branches: include: diff --git a/tools/ci_build/github/azure-pipelines/win-qnn-arm64-ci-pipeline.yml b/tools/ci_build/github/azure-pipelines/win-qnn-arm64-ci-pipeline.yml index 31cdbeb99be4f..948b18802beb1 100644 --- a/tools/ci_build/github/azure-pipelines/win-qnn-arm64-ci-pipeline.yml +++ b/tools/ci_build/github/azure-pipelines/win-qnn-arm64-ci-pipeline.yml @@ -1,4 +1,5 @@ ##### start trigger Don't edit it manually, Please do edit set-trigger-rules.py #### +### please do rerun set-trigger-rules.py ### trigger: branches: include: diff --git a/tools/ci_build/github/azure-pipelines/win-qnn-ci-pipeline.yml b/tools/ci_build/github/azure-pipelines/win-qnn-ci-pipeline.yml index 54277bcb4039f..9e08603992260 100644 --- a/tools/ci_build/github/azure-pipelines/win-qnn-ci-pipeline.yml +++ b/tools/ci_build/github/azure-pipelines/win-qnn-ci-pipeline.yml @@ -1,4 +1,5 @@ ##### start trigger Don't edit it manually, Please do edit set-trigger-rules.py #### +### please do rerun set-trigger-rules.py ### trigger: branches: include: diff --git a/tools/ci_build/set-trigger-rules.py b/tools/ci_build/set-trigger-rules.py index 0d90061e9c687..583e5b05ed6d8 100644 --- a/tools/ci_build/set-trigger-rules.py +++ b/tools/ci_build/set-trigger-rules.py @@ -34,10 +34,10 @@ "orttraining-linux-gpu-ortmodule-distributed-test-ci-pipeline.yml", "orttraining-mac-ci-pipeline.yml", "win-ci-pipeline.yml", - "win-gpu-ci-dml-pipeline.yml", - "win-gpu-ci-cuda-pipeline.yml", - "win-gpu-ci-training-pipeline.yml", - "win-gpu-ci-doc-gen-pipeline.yml", + "win-gpu-dml-ci-pipeline.yml", + "win-gpu-cuda-ci-pipeline.yml", + "win-gpu-training-ci-pipeline.yml", + "win-gpu-doc-gen-ci-pipeline.yml", "win-gpu-tensorrt-ci-pipeline.yml", "win-qnn-arm64-ci-pipeline.yml", "win-qnn-ci-pipeline.yml", @@ -51,6 +51,8 @@ def add_trigger_filter(file_name, trigger_lines): start_marker = f"##### start trigger Don't edit it manually, Please do edit {os.path.basename(__file__)} ####" end_marker = "#### end trigger ####\n" + reminder = f"### please do rerun {os.path.basename(__file__)} ###" + trigger_lines.insert(0, f"{reminder}\n") if lines[0].startswith(start_marker): for i in range(1, len(lines)): From 5dee95fa1010dc5cdec469d4aefd308c32b1b9d5 Mon Sep 17 00:00:00 2001 From: Jing Fang <126209182+fajin-corp@users.noreply.github.com> Date: Fri, 30 Aug 2024 18:28:00 -0700 Subject: [PATCH 032/119] [CUDA] Support CUDA EP blocked quantization in Q/DQ ops. (#21846) ### Description 1. Added CUDA EP support for blocked quantization in QuantizeLinear and DequantizeLinear ops. 2. Currently CUDA EP blocked quantization only supports int4/uint4 quantized types and float32/float16 unquantized types. 3. Added CUDA EP support in QDQ selector/action transformer. CUDA EP is only added to DQ + MatMul -> MatMulNBits rule. Other rules' EP support are not changed. ### Motivation and Context ONNX opset 21 introduced blocked quantization for Q/DQ opts. ORT originally only supports CPU EP blocked quantization. --- docs/OperatorKernels.md | 6 +- .../qdq_selector_action_transformer.cc | 41 +- .../selectors_actions/qdq_selectors.h | 39 +- .../providers/cuda/cuda_execution_provider.cc | 131 +++- .../providers/cuda/tensor/quantize_linear.cc | 524 ++++++++++++--- .../providers/cuda/tensor/quantize_linear.cu | 471 +++++++++++++- .../providers/cuda/tensor/quantize_linear.cuh | 89 ++- .../providers/cuda/tensor/quantize_linear.h | 12 + .../providers/rocm/rocm_execution_provider.cc | 68 +- .../shared_library/provider_wrappedtypes.h | 12 + .../optimizer/graph_transform_test_builder.cc | 9 +- .../optimizer/graph_transform_test_builder.h | 3 +- .../qdq_matmulnbits_transformer_test.cc | 110 +++- .../cpu/tensor/quantize_linear_test.cc | 604 +++++++++++++++++- 14 files changed, 1924 insertions(+), 195 deletions(-) diff --git a/docs/OperatorKernels.md b/docs/OperatorKernels.md index 46d9e217bf0cd..d57394b3e7b97 100644 --- a/docs/OperatorKernels.md +++ b/docs/OperatorKernels.md @@ -587,7 +587,8 @@ Do not modify directly.* |DepthToSpace|*in* input:**T**
*out* output:**T**|13+|**T** = tensor(double), tensor(float), tensor(float16)| |||[11, 12]|**T** = tensor(double), tensor(float), tensor(float16)| |||[1, 10]|**T** = tensor(double), tensor(float), tensor(float16)| -|DequantizeLinear|*in* x:**T**
*in* x_scale:**tensor(float)**
*in* x_zero_point:**T**
*out* y:**tensor(float)**

or

*in* x:**T1**
*in* x_scale:**T2**
*in* x_zero_point:**T1**
*out* y:**T2**|19+|**T1** = tensor(float8e4m3fn), tensor(float8e5m2), tensor(int8), tensor(uint8)
**T2** = tensor(float), tensor(float16)| +|DequantizeLinear|*in* x:**T**
*in* x_scale:**tensor(float)**
*in* x_zero_point:**T**
*out* y:**tensor(float)**

or

*in* x:**T1**
*in* x_scale:**T2**
*in* x_zero_point:**T1**
*out* y:**T2**|21+|**T1** = tensor(float8e4m3fn), tensor(float8e5m2), tensor(int4), tensor(int8), tensor(uint4), tensor(uint8)
**T2** = tensor(float), tensor(float16)| +|||[19, 20]|**T1** = tensor(float8e4m3fn), tensor(float8e5m2), tensor(int8), tensor(uint8)
**T2** = tensor(float), tensor(float16)| |||[13, 18]|**T** = tensor(int8), tensor(uint8)| |||[10, 12]|**T** = tensor(int8), tensor(uint8)| |Div|*in* A:**T**
*in* B:**T**
*out* C:**T**|14+|**T** = tensor(bfloat16), tensor(double), tensor(float), tensor(float16), tensor(int32), tensor(int64), tensor(uint32), tensor(uint64)| @@ -718,7 +719,8 @@ Do not modify directly.* |||[13, 14]|**T** = tensor(double), tensor(float), tensor(float16), tensor(int32), tensor(int64)
**T1** = tensor(double), tensor(float), tensor(float16), tensor(int32), tensor(int64)| |||12|**T** = tensor(double), tensor(float), tensor(float16), tensor(int32), tensor(int64)
**T1** = tensor(double), tensor(float), tensor(float16), tensor(int32), tensor(int64)| |||[7, 11]|**T** = tensor(double), tensor(float), tensor(float16)| -|QuantizeLinear|*in* x:**T1**
*in* y_scale:**T1**
*in* y_zero_point:**T2**
*out* y:**T2**

or

*in* x:**T1**
*in* y_scale:**tensor(float)**
*in* y_zero_point:**T2**
*out* y:**T2**|19+|**T1** = tensor(float), tensor(float16)
**T2** = tensor(float8e4m3fn), tensor(float8e5m2), tensor(int8), tensor(uint8)| +|QuantizeLinear|*in* x:**T1**
*in* y_scale:**T1**
*in* y_zero_point:**T2**
*out* y:**T2**

or

*in* x:**T1**
*in* y_scale:**tensor(float)**
*in* y_zero_point:**T2**
*out* y:**T2**|21+|**T1** = tensor(float), tensor(float16)
**T2** = tensor(float8e4m3fn), tensor(float8e5m2), tensor(int4), tensor(int8), tensor(uint4), tensor(uint8)| +|||[19, 20]|**T1** = tensor(float), tensor(float16)
**T2** = tensor(float8e4m3fn), tensor(float8e5m2), tensor(int8), tensor(uint8)| |||[13, 18]|**T1** = tensor(float)
**T2** = tensor(int8), tensor(uint8)| |||[10, 12]|**T1** = tensor(float)
**T2** = tensor(int8), tensor(uint8)| |RNN|*in* X:**T**
*in* W:**T**
*in* R:**T**
*in* B:**T**
*in* sequence_lens:**T1**
*in* initial_h:**T**
*out* Y:**T**
*out* Y_h:**T**|14+|**T** = tensor(double), tensor(float), tensor(float16)
**T1** = tensor(int32)| diff --git a/onnxruntime/core/optimizer/qdq_transformer/selectors_actions/qdq_selector_action_transformer.cc b/onnxruntime/core/optimizer/qdq_transformer/selectors_actions/qdq_selector_action_transformer.cc index f1b30da01f907..adfa680878945 100644 --- a/onnxruntime/core/optimizer/qdq_transformer/selectors_actions/qdq_selector_action_transformer.cc +++ b/onnxruntime/core/optimizer/qdq_transformer/selectors_actions/qdq_selector_action_transformer.cc @@ -23,7 +23,10 @@ void SplitQDQRules(SelectorActionRegistry& qdq_selector_action_registry) { const std::string action_name{"dropSplitQDQ"}; std::unique_ptr action = std::make_unique(); #if !defined(ORT_MINIMAL_BUILD) - std::unique_ptr selector = std::make_unique(true /*req_equal_quant_params*/); + std::vector providers = {kCpuExecutionProvider, kDmlExecutionProvider}; + std::unique_ptr selector = std::make_unique(true /*req_equal_quant_params*/, + false, + providers); qdq_selector_action_registry.RegisterSelectorAndAction(action_name, {{"Split", {}}}, std::move(selector), @@ -63,14 +66,18 @@ void DropQDQNodesRules(SelectorActionRegistry& qdq_selector_action_registry) { // // And cannot eliminate the QDQ for MaxPool if the scale is not positive, as a negative // scale will change the ordering of the elements between quantized & de-quantized values. - std::unique_ptr selector_no_16bit = std::make_unique(false); + std::vector providers = {kCpuExecutionProvider, kDmlExecutionProvider}; + std::unique_ptr selector_no_16bit = std::make_unique(false, + false, + true, + providers); qdq_selector_action_registry.RegisterSelectorAndAction(drop_action_no_int16_name, {{"Resize", {}}}, std::move(selector_no_16bit), std::move(drop_action_no_int16)); std::unique_ptr selector_no_16bit_and_positive_scale = - std::make_unique(false, true, false); + std::make_unique(false, true, false, providers); qdq_selector_action_registry.RegisterSelectorAndAction(drop_action_no_int16_and_positive_scale_name, {{"MaxPool", {12}}, {"ReduceMax", {}}, @@ -78,7 +85,7 @@ void DropQDQNodesRules(SelectorActionRegistry& qdq_selector_action_registry) { std::move(selector_no_16bit_and_positive_scale), std::move(drop_action_no_int16_and_positive_scale)); - std::unique_ptr selector = std::make_unique(true); + std::unique_ptr selector = std::make_unique(true, false, true, providers); // DepthToSpace and SpaceToDepth not included because there are no integer implementations. // https://github.com/microsoft/onnxruntime/issues/21287 qdq_selector_action_registry.RegisterSelectorAndAction(drop_action_name, @@ -117,7 +124,8 @@ void DropDQNodesRules(SelectorActionRegistry& qdq_selector_action_registry) { #if !defined(ORT_MINIMAL_BUILD) // TODO: Enable 16-bit types in selector when ArgMax supports 16-bit integer input tensors. - std::unique_ptr selector = std::make_unique(); + std::vector providers = {kCpuExecutionProvider, kDmlExecutionProvider}; + std::unique_ptr selector = std::make_unique(false, false, providers); qdq_selector_action_registry.RegisterSelectorAndAction(action_name, {{"ArgMax", {}}}, std::move(selector), @@ -200,7 +208,8 @@ void VariadicOpQDQRules(SelectorActionRegistry& qdq_selector_action_registry) { #if !defined(ORT_MINIMAL_BUILD) // TODO: Enable 16-bit types in selector when QLinearConcat supports 16-bit. - std::unique_ptr selector = std::make_unique(); + std::vector providers = {kCpuExecutionProvider, kDmlExecutionProvider}; + std::unique_ptr selector = std::make_unique(false, false, providers); qdq_selector_action_registry.RegisterSelectorAndAction(action_name, {{"Concat", {}}}, @@ -222,7 +231,11 @@ void ConvQDQRules(SelectorActionRegistry& qdq_selector_action_registry, bool is_ #if !defined(ORT_MINIMAL_BUILD) // TODO: Enable 16-bit types in selector when QLinearConv supports 16-bit. - std::unique_ptr selector = std::make_unique(is_int8_allowed); + std::vector providers = {kCpuExecutionProvider, kDmlExecutionProvider}; + std::unique_ptr selector = std::make_unique(is_int8_allowed, + false, + false, + providers); qdq_selector_action_registry.RegisterSelectorAndAction(action_name, {{"Conv", {}}}, @@ -245,7 +258,11 @@ void MatMulQDQRules(SelectorActionRegistry& qdq_selector_action_registry, bool i #if !defined(ORT_MINIMAL_BUILD) // TODO: Enable 16-bit types in selector when QLinearMatMul and MatMulInteger support 16-bit. - std::unique_ptr selector = std::make_unique(is_int8_allowed); + std::vector providers = {kCpuExecutionProvider, kDmlExecutionProvider}; + std::unique_ptr selector = std::make_unique(is_int8_allowed, + false, + false, + providers); qdq_selector_action_registry.RegisterSelectorAndAction(action_name, {{"MatMul", {}}}, std::move(selector), @@ -272,7 +289,8 @@ void DQMatMulToMatMulNBitsRules(SelectorActionRegistry& qdq_selector_action_regi p_buffered_tensors); #if !defined(ORT_MINIMAL_BUILD) - std::unique_ptr selector = std::make_unique(); + std::vector providers = {kCpuExecutionProvider, kCudaExecutionProvider}; + std::unique_ptr selector = std::make_unique(providers); qdq_selector_action_registry.RegisterSelectorAndAction(action_name, {{"MatMul", {}}}, std::move(selector), @@ -363,8 +381,9 @@ QDQSelectorActionTransformer::QDQSelectorActionTransformer( CreateSelectorActionRegistry(is_int8_allowed, qdq_matmulnbits_accuracy_level, intra_op_thread_pool, p_buffered_tensors), apply_context, - // this transformer is only compatible with the CPU and DML EP - {kCpuExecutionProvider, kDmlExecutionProvider}} { + // this transformer is compatible with CPU, DML and CUDA EP. + // There is further EP control on the rule level. + {kCpuExecutionProvider, kDmlExecutionProvider, kCudaExecutionProvider}} { } } // namespace onnxruntime diff --git a/onnxruntime/core/optimizer/qdq_transformer/selectors_actions/qdq_selectors.h b/onnxruntime/core/optimizer/qdq_transformer/selectors_actions/qdq_selectors.h index 7e009da39403b..0ba5436e69e81 100644 --- a/onnxruntime/core/optimizer/qdq_transformer/selectors_actions/qdq_selectors.h +++ b/onnxruntime/core/optimizer/qdq_transformer/selectors_actions/qdq_selectors.h @@ -302,14 +302,20 @@ class BaseSelector : public NodeSelector { class DropQDQNodesSelector : public BaseSelector { public: - explicit DropQDQNodesSelector(bool allow_16bit = false, bool allow_4bit = false, bool allow_nonpositive_scale = true) - : BaseSelector(std::make_unique(allow_16bit, allow_4bit, allow_nonpositive_scale)) {} + explicit DropQDQNodesSelector(bool allow_16bit = false, bool allow_4bit = false, + bool allow_nonpositive_scale = true, + gsl::span compatible_providers = {}) + : BaseSelector(std::make_unique(allow_16bit, allow_4bit, allow_nonpositive_scale), + compatible_providers) {} }; class DropDQNodesSelector : public BaseSelector { public: - explicit DropDQNodesSelector(bool allow_16bit = false, bool allow_4bit = false) - : BaseSelector(std::make_unique(allow_16bit, allow_4bit)) {} + explicit DropDQNodesSelector(bool allow_16bit = false, + bool allow_4bit = false, + gsl::span compatible_providers = {}) + : BaseSelector(std::make_unique(allow_16bit, allow_4bit), + compatible_providers) {} }; class UnarySelector : public BaseSelector { @@ -329,8 +335,11 @@ class BinarySelector : public BaseSelector { // Variadic DQ nodes -> node -> Q class InputVariadicSelector : public BaseSelector { public: - explicit InputVariadicSelector(bool allow_16bit = false, bool allow_4bit = false) - : BaseSelector(std::make_unique(allow_16bit, allow_4bit)) {} + explicit InputVariadicSelector(bool allow_16bit = false, + bool allow_4bit = false, + gsl::span compatible_providers = {}) + : BaseSelector(std::make_unique(allow_16bit, allow_4bit), + compatible_providers) {} void UpdateBuilder(NodesToOptimizeIndicesBuilder&) const override; }; @@ -338,8 +347,10 @@ class InputVariadicSelector : public BaseSelector { // DQ -> Split -> variadic Q nodes class SplitSelector : public BaseSelector { public: - SplitSelector(bool req_equal_quant_params = false, bool allow_4bit = false) - : BaseSelector(std::make_unique(req_equal_quant_params, allow_4bit)) {} + SplitSelector(bool req_equal_quant_params = false, bool allow_4bit = false, + gsl::span compatible_providers = {}) + : BaseSelector(std::make_unique(req_equal_quant_params, allow_4bit), + compatible_providers) {} void UpdateBuilder(NodesToOptimizeIndicesBuilder&) const override; }; @@ -347,8 +358,10 @@ class SplitSelector : public BaseSelector { // DQ nodes for X, W and optionally B -> node -> Q class ConvSelector : public BaseSelector { public: - ConvSelector(bool int8_allowed = false, bool allow_16bit = false, bool allow_4bit_weight = false) - : BaseSelector(std::make_unique(int8_allowed, allow_16bit, allow_4bit_weight)) {} + ConvSelector(bool int8_allowed = false, bool allow_16bit = false, bool allow_4bit_weight = false, + gsl::span compatible_providers = {}) + : BaseSelector(std::make_unique(int8_allowed, allow_16bit, allow_4bit_weight), + compatible_providers) {} void UpdateBuilder(NodesToOptimizeIndicesBuilder&) const override; }; @@ -363,9 +376,11 @@ class WhereSelector : public BaseSelector { // 2 DQ nodes for input -> node -> optional Q if QLinearMatMul, MatMulIntegerToFloat if not class MatMulSelector : public BaseSelector { public: - MatMulSelector(bool int8_allowed, bool allow_16bit = false, bool allow_4bit = false) + MatMulSelector(bool int8_allowed, bool allow_16bit = false, bool allow_4bit = false, + gsl::span compatible_providers = {}) : BaseSelector(std::make_unique(int8_allowed, /*matmulintegertofloat_allowed*/ true, - allow_16bit, allow_4bit)) {} + allow_16bit, allow_4bit), + compatible_providers) {} }; // Convert "1 DQ node for input B -> MatMul" to "MatMulNBits" diff --git a/onnxruntime/core/providers/cuda/cuda_execution_provider.cc b/onnxruntime/core/providers/cuda/cuda_execution_provider.cc index f74754c3cd064..b54c572556220 100644 --- a/onnxruntime/core/providers/cuda/cuda_execution_provider.cc +++ b/onnxruntime/core/providers/cuda/cuda_execution_provider.cc @@ -4,6 +4,7 @@ #include "core/common/inlined_containers.h" #include "core/common/parse_string.h" +#include "core/framework/int4.h" #include "core/providers/shared_library/provider_api.h" #include "core/platform/env_var_utils.h" #include "core/providers/cuda/cuda_execution_provider.h" @@ -1348,38 +1349,37 @@ class ONNX_OPERATOR_TYPED_KERNEL_CLASS_NAME(kCudaExecutionProvider, kOnnxDomain, class ONNX_OPERATOR_TYPED_KERNEL_CLASS_NAME(kCudaExecutionProvider, kOnnxDomain, 19, Float8E5M2, Cast); #endif -class ONNX_OPERATOR_TWO_TYPED_KERNEL_CLASS_NAME(kCudaExecutionProvider, kOnnxDomain, 19, uint8_t, float, DequantizeLinear); -class ONNX_OPERATOR_TWO_TYPED_KERNEL_CLASS_NAME(kCudaExecutionProvider, kOnnxDomain, 19, int8_t, float, DequantizeLinear); +class ONNX_OPERATOR_VERSIONED_TWO_TYPED_KERNEL_CLASS_NAME(kCudaExecutionProvider, kOnnxDomain, 19, 20, uint8_t, float, DequantizeLinear); +class ONNX_OPERATOR_VERSIONED_TWO_TYPED_KERNEL_CLASS_NAME(kCudaExecutionProvider, kOnnxDomain, 19, 20, int8_t, float, DequantizeLinear); #if !defined(DISABLE_FLOAT8_TYPES) -class ONNX_OPERATOR_TWO_TYPED_KERNEL_CLASS_NAME(kCudaExecutionProvider, kOnnxDomain, 19, Float8E4M3FN, float, DequantizeLinear); -class ONNX_OPERATOR_TWO_TYPED_KERNEL_CLASS_NAME(kCudaExecutionProvider, kOnnxDomain, 19, Float8E5M2, float, DequantizeLinear); +class ONNX_OPERATOR_VERSIONED_TWO_TYPED_KERNEL_CLASS_NAME(kCudaExecutionProvider, kOnnxDomain, 19, 20, Float8E4M3FN, float, DequantizeLinear); +class ONNX_OPERATOR_VERSIONED_TWO_TYPED_KERNEL_CLASS_NAME(kCudaExecutionProvider, kOnnxDomain, 19, 20, Float8E5M2, float, DequantizeLinear); #endif -class ONNX_OPERATOR_TWO_TYPED_KERNEL_CLASS_NAME(kCudaExecutionProvider, kOnnxDomain, 19, uint8_t, MLFloat16, DequantizeLinear); -class ONNX_OPERATOR_TWO_TYPED_KERNEL_CLASS_NAME(kCudaExecutionProvider, kOnnxDomain, 19, int8_t, MLFloat16, DequantizeLinear); +class ONNX_OPERATOR_VERSIONED_TWO_TYPED_KERNEL_CLASS_NAME(kCudaExecutionProvider, kOnnxDomain, 19, 20, uint8_t, MLFloat16, DequantizeLinear); +class ONNX_OPERATOR_VERSIONED_TWO_TYPED_KERNEL_CLASS_NAME(kCudaExecutionProvider, kOnnxDomain, 19, 20, int8_t, MLFloat16, DequantizeLinear); #if !defined(DISABLE_FLOAT8_TYPES) -class ONNX_OPERATOR_TWO_TYPED_KERNEL_CLASS_NAME(kCudaExecutionProvider, kOnnxDomain, 19, Float8E4M3FN, MLFloat16, DequantizeLinear); -class ONNX_OPERATOR_TWO_TYPED_KERNEL_CLASS_NAME(kCudaExecutionProvider, kOnnxDomain, 19, Float8E5M2, MLFloat16, DequantizeLinear); +class ONNX_OPERATOR_VERSIONED_TWO_TYPED_KERNEL_CLASS_NAME(kCudaExecutionProvider, kOnnxDomain, 19, 20, Float8E4M3FN, MLFloat16, DequantizeLinear); +class ONNX_OPERATOR_VERSIONED_TWO_TYPED_KERNEL_CLASS_NAME(kCudaExecutionProvider, kOnnxDomain, 19, 20, Float8E5M2, MLFloat16, DequantizeLinear); #endif class ONNX_OPERATOR_KERNEL_CLASS_NAME(kCudaExecutionProvider, kOnnxDomain, 19, Identity); class ONNX_OPERATOR_KERNEL_CLASS_NAME(kCudaExecutionProvider, kOnnxDomain, 19, If); class ONNX_OPERATOR_KERNEL_CLASS_NAME(kCudaExecutionProvider, kOnnxDomain, 19, Loop); -class ONNX_OPERATOR_TWO_TYPED_KERNEL_CLASS_NAME(kCudaExecutionProvider, kOnnxDomain, 19, uint8_t, float, QuantizeLinear); -class ONNX_OPERATOR_TWO_TYPED_KERNEL_CLASS_NAME(kCudaExecutionProvider, kOnnxDomain, 19, int8_t, float, QuantizeLinear); +class ONNX_OPERATOR_VERSIONED_TWO_TYPED_KERNEL_CLASS_NAME(kCudaExecutionProvider, kOnnxDomain, 19, 20, uint8_t, float, QuantizeLinear); +class ONNX_OPERATOR_VERSIONED_TWO_TYPED_KERNEL_CLASS_NAME(kCudaExecutionProvider, kOnnxDomain, 19, 20, int8_t, float, QuantizeLinear); #if !defined(DISABLE_FLOAT8_TYPES) -class ONNX_OPERATOR_TWO_TYPED_KERNEL_CLASS_NAME(kCudaExecutionProvider, kOnnxDomain, 19, Float8E4M3FN, float, QuantizeLinear); -class ONNX_OPERATOR_TWO_TYPED_KERNEL_CLASS_NAME(kCudaExecutionProvider, kOnnxDomain, 19, Float8E5M2, float, QuantizeLinear); +class ONNX_OPERATOR_VERSIONED_TWO_TYPED_KERNEL_CLASS_NAME(kCudaExecutionProvider, kOnnxDomain, 19, 20, Float8E4M3FN, float, QuantizeLinear); +class ONNX_OPERATOR_VERSIONED_TWO_TYPED_KERNEL_CLASS_NAME(kCudaExecutionProvider, kOnnxDomain, 19, 20, Float8E5M2, float, QuantizeLinear); #endif -class ONNX_OPERATOR_TWO_TYPED_KERNEL_CLASS_NAME(kCudaExecutionProvider, kOnnxDomain, 19, uint8_t, MLFloat16, QuantizeLinear); -class ONNX_OPERATOR_TWO_TYPED_KERNEL_CLASS_NAME(kCudaExecutionProvider, kOnnxDomain, 19, int8_t, MLFloat16, QuantizeLinear); +class ONNX_OPERATOR_VERSIONED_TWO_TYPED_KERNEL_CLASS_NAME(kCudaExecutionProvider, kOnnxDomain, 19, 20, uint8_t, MLFloat16, QuantizeLinear); +class ONNX_OPERATOR_VERSIONED_TWO_TYPED_KERNEL_CLASS_NAME(kCudaExecutionProvider, kOnnxDomain, 19, 20, int8_t, MLFloat16, QuantizeLinear); #if !defined(DISABLE_FLOAT8_TYPES) -class ONNX_OPERATOR_TWO_TYPED_KERNEL_CLASS_NAME(kCudaExecutionProvider, kOnnxDomain, 19, Float8E4M3FN, MLFloat16, QuantizeLinear); -class ONNX_OPERATOR_TWO_TYPED_KERNEL_CLASS_NAME(kCudaExecutionProvider, kOnnxDomain, 19, Float8E5M2, MLFloat16, QuantizeLinear); +class ONNX_OPERATOR_VERSIONED_TWO_TYPED_KERNEL_CLASS_NAME(kCudaExecutionProvider, kOnnxDomain, 19, 20, Float8E4M3FN, MLFloat16, QuantizeLinear); +class ONNX_OPERATOR_VERSIONED_TWO_TYPED_KERNEL_CLASS_NAME(kCudaExecutionProvider, kOnnxDomain, 19, 20, Float8E5M2, MLFloat16, QuantizeLinear); #endif class ONNX_OPERATOR_KERNEL_CLASS_NAME(kCudaExecutionProvider, kOnnxDomain, 19, Reshape); class ONNX_OPERATOR_KERNEL_CLASS_NAME(kCudaExecutionProvider, kOnnxDomain, 19, Scan); class ONNX_OPERATOR_KERNEL_CLASS_NAME(kCudaExecutionProvider, kOnnxDomain, 19, Shape); -#endif // Opset 20 class ONNX_OPERATOR_TYPED_KERNEL_CLASS_NAME(kCudaExecutionProvider, kOnnxDomain, 20, float, Gelu); @@ -1388,6 +1388,40 @@ class ONNX_OPERATOR_TYPED_KERNEL_CLASS_NAME(kCudaExecutionProvider, kOnnxDomain, class ONNX_OPERATOR_KERNEL_CLASS_NAME(kCudaExecutionProvider, kOnnxDomain, 20, IsInf); class ONNX_OPERATOR_KERNEL_CLASS_NAME(kCudaExecutionProvider, kOnnxDomain, 20, IsNaN); +// Opset 21. +// TODO(fajin): support other quantized types +class ONNX_OPERATOR_TWO_TYPED_KERNEL_CLASS_NAME(kCudaExecutionProvider, kOnnxDomain, 21, uint8_t, float, DequantizeLinear); +class ONNX_OPERATOR_TWO_TYPED_KERNEL_CLASS_NAME(kCudaExecutionProvider, kOnnxDomain, 21, int8_t, float, DequantizeLinear); +class ONNX_OPERATOR_TWO_TYPED_KERNEL_CLASS_NAME(kCudaExecutionProvider, kOnnxDomain, 21, uint8_t, MLFloat16, DequantizeLinear); +class ONNX_OPERATOR_TWO_TYPED_KERNEL_CLASS_NAME(kCudaExecutionProvider, kOnnxDomain, 21, int8_t, MLFloat16, DequantizeLinear); +class ONNX_OPERATOR_TWO_TYPED_KERNEL_CLASS_NAME(kCudaExecutionProvider, kOnnxDomain, 21, UInt4x2, float, DequantizeLinear); +class ONNX_OPERATOR_TWO_TYPED_KERNEL_CLASS_NAME(kCudaExecutionProvider, kOnnxDomain, 21, Int4x2, float, DequantizeLinear); +class ONNX_OPERATOR_TWO_TYPED_KERNEL_CLASS_NAME(kCudaExecutionProvider, kOnnxDomain, 21, UInt4x2, MLFloat16, DequantizeLinear); +class ONNX_OPERATOR_TWO_TYPED_KERNEL_CLASS_NAME(kCudaExecutionProvider, kOnnxDomain, 21, Int4x2, MLFloat16, DequantizeLinear); +#if !defined(DISABLE_FLOAT8_TYPES) +class ONNX_OPERATOR_TWO_TYPED_KERNEL_CLASS_NAME(kCudaExecutionProvider, kOnnxDomain, 21, Float8E4M3FN, float, DequantizeLinear); +class ONNX_OPERATOR_TWO_TYPED_KERNEL_CLASS_NAME(kCudaExecutionProvider, kOnnxDomain, 21, Float8E5M2, float, DequantizeLinear); +class ONNX_OPERATOR_TWO_TYPED_KERNEL_CLASS_NAME(kCudaExecutionProvider, kOnnxDomain, 21, Float8E4M3FN, MLFloat16, DequantizeLinear); +class ONNX_OPERATOR_TWO_TYPED_KERNEL_CLASS_NAME(kCudaExecutionProvider, kOnnxDomain, 21, Float8E5M2, MLFloat16, DequantizeLinear); +#endif + +class ONNX_OPERATOR_TWO_TYPED_KERNEL_CLASS_NAME(kCudaExecutionProvider, kOnnxDomain, 21, uint8_t, float, QuantizeLinear); +class ONNX_OPERATOR_TWO_TYPED_KERNEL_CLASS_NAME(kCudaExecutionProvider, kOnnxDomain, 21, int8_t, float, QuantizeLinear); +class ONNX_OPERATOR_TWO_TYPED_KERNEL_CLASS_NAME(kCudaExecutionProvider, kOnnxDomain, 21, uint8_t, MLFloat16, QuantizeLinear); +class ONNX_OPERATOR_TWO_TYPED_KERNEL_CLASS_NAME(kCudaExecutionProvider, kOnnxDomain, 21, int8_t, MLFloat16, QuantizeLinear); +class ONNX_OPERATOR_TWO_TYPED_KERNEL_CLASS_NAME(kCudaExecutionProvider, kOnnxDomain, 21, UInt4x2, float, QuantizeLinear); +class ONNX_OPERATOR_TWO_TYPED_KERNEL_CLASS_NAME(kCudaExecutionProvider, kOnnxDomain, 21, Int4x2, float, QuantizeLinear); +class ONNX_OPERATOR_TWO_TYPED_KERNEL_CLASS_NAME(kCudaExecutionProvider, kOnnxDomain, 21, UInt4x2, MLFloat16, QuantizeLinear); +class ONNX_OPERATOR_TWO_TYPED_KERNEL_CLASS_NAME(kCudaExecutionProvider, kOnnxDomain, 21, Int4x2, MLFloat16, QuantizeLinear); +#if !defined(DISABLE_FLOAT8_TYPES) +class ONNX_OPERATOR_TWO_TYPED_KERNEL_CLASS_NAME(kCudaExecutionProvider, kOnnxDomain, 21, Float8E4M3FN, float, QuantizeLinear); +class ONNX_OPERATOR_TWO_TYPED_KERNEL_CLASS_NAME(kCudaExecutionProvider, kOnnxDomain, 21, Float8E5M2, float, QuantizeLinear); +class ONNX_OPERATOR_TWO_TYPED_KERNEL_CLASS_NAME(kCudaExecutionProvider, kOnnxDomain, 21, Float8E4M3FN, MLFloat16, QuantizeLinear); +class ONNX_OPERATOR_TWO_TYPED_KERNEL_CLASS_NAME(kCudaExecutionProvider, kOnnxDomain, 21, Float8E5M2, MLFloat16, QuantizeLinear); +#endif + +#endif + template <> KernelCreateInfo BuildKernelCreateInfo() { return {}; @@ -2265,34 +2299,34 @@ static Status RegisterCudaKernels(KernelRegistry& kernel_registry) { BuildKernelCreateInfo, #endif - BuildKernelCreateInfo, - BuildKernelCreateInfo, + BuildKernelCreateInfo, + BuildKernelCreateInfo, #if !defined(DISABLE_FLOAT8_TYPES) - BuildKernelCreateInfo, - BuildKernelCreateInfo, + BuildKernelCreateInfo, + BuildKernelCreateInfo, #endif - BuildKernelCreateInfo, - BuildKernelCreateInfo, + BuildKernelCreateInfo, + BuildKernelCreateInfo, #if !defined(DISABLE_FLOAT8_TYPES) - BuildKernelCreateInfo, - BuildKernelCreateInfo, + BuildKernelCreateInfo, + BuildKernelCreateInfo, #endif BuildKernelCreateInfo, BuildKernelCreateInfo, BuildKernelCreateInfo, - BuildKernelCreateInfo, - BuildKernelCreateInfo, + BuildKernelCreateInfo, + BuildKernelCreateInfo, #if !defined(DISABLE_FLOAT8_TYPES) - BuildKernelCreateInfo, - BuildKernelCreateInfo, + BuildKernelCreateInfo, + BuildKernelCreateInfo, #endif - BuildKernelCreateInfo, - BuildKernelCreateInfo, + BuildKernelCreateInfo, + BuildKernelCreateInfo, #if !defined(DISABLE_FLOAT8_TYPES) - BuildKernelCreateInfo, - BuildKernelCreateInfo, + BuildKernelCreateInfo, + BuildKernelCreateInfo, #endif BuildKernelCreateInfo, @@ -2305,6 +2339,37 @@ static Status RegisterCudaKernels(KernelRegistry& kernel_registry) { BuildKernelCreateInfo, BuildKernelCreateInfo, BuildKernelCreateInfo, + + // Opset 21 + // TODO(fajin): support other quantized types + BuildKernelCreateInfo, + BuildKernelCreateInfo, + BuildKernelCreateInfo, + BuildKernelCreateInfo, + BuildKernelCreateInfo, + BuildKernelCreateInfo, + BuildKernelCreateInfo, + BuildKernelCreateInfo, +#if !defined(DISABLE_FLOAT8_TYPES) + BuildKernelCreateInfo, + BuildKernelCreateInfo, + BuildKernelCreateInfo, + BuildKernelCreateInfo, +#endif + BuildKernelCreateInfo, + BuildKernelCreateInfo, + BuildKernelCreateInfo, + BuildKernelCreateInfo, + BuildKernelCreateInfo, + BuildKernelCreateInfo, + BuildKernelCreateInfo, + BuildKernelCreateInfo, +#if !defined(DISABLE_FLOAT8_TYPES) + BuildKernelCreateInfo, + BuildKernelCreateInfo, + BuildKernelCreateInfo, + BuildKernelCreateInfo, +#endif #endif }; diff --git a/onnxruntime/core/providers/cuda/tensor/quantize_linear.cc b/onnxruntime/core/providers/cuda/tensor/quantize_linear.cc index d4b6d1bc4966a..6a5dbc433fb1e 100644 --- a/onnxruntime/core/providers/cuda/tensor/quantize_linear.cc +++ b/onnxruntime/core/providers/cuda/tensor/quantize_linear.cc @@ -7,36 +7,181 @@ namespace onnxruntime { namespace cuda { +void ValidateBlockQuantizationShapes(const TensorShape& input_shape, + const TensorShape& scale_shape, + const Tensor* zero_point, + size_t axis_no_neg, + int64_t block_size_) { + ORT_ENFORCE(scale_shape.NumDimensions() == input_shape.NumDimensions(), + "scale and input must have the same rank for blocked quantization"); + + for (size_t i = 0, ndim = input_shape.NumDimensions(); i < ndim; ++i) { + if (i == static_cast(axis_no_neg)) { + ORT_ENFORCE(scale_shape[i] == (input_shape[i] + block_size_ - 1) / block_size_, + "scale must be ceil(Di/block_size) on the quantize axis i for blocked quantization"); + } else { + ORT_ENFORCE(scale_shape[i] == input_shape[i], + "scale and input must have the same shape despite the quantize axis for blocked quantization"); + } + } + + if (zero_point) { + ORT_ENFORCE(zero_point->Shape() == scale_shape, + "zero_point and scale must have the same shape for blocked quantization"); + } +} + template -typename std::enable_if, T>::value, Status>::type -CudaQuantizeLinear(cudaStream_t stream, const U* input, T* output, const U* scale, const T* zero_point, size_t num_of_element, bool /*saturate*/) { +Status CudaQuantizeLinear(cudaStream_t stream, const U* input, T* output, const U* scale, const T* zero_point, + size_t num_of_element, bool /*saturate*/) { + ORT_UNUSED_PARAMETER(stream); + ORT_UNUSED_PARAMETER(input); + ORT_UNUSED_PARAMETER(output); + ORT_UNUSED_PARAMETER(scale); + ORT_UNUSED_PARAMETER(zero_point); + ORT_UNUSED_PARAMETER(num_of_element); + ORT_NOT_IMPLEMENTED("Unsupported quantization type."); +} + +template +Status CudaQuantizeLinearAxis(cudaStream_t stream, const U* input, T* output, const U* scale, const T* zero_point, + size_t num_of_element, size_t batch_size, size_t n_scales, bool /*saturate*/) { + ORT_UNUSED_PARAMETER(stream); + ORT_UNUSED_PARAMETER(input); + ORT_UNUSED_PARAMETER(output); + ORT_UNUSED_PARAMETER(scale); + ORT_UNUSED_PARAMETER(zero_point); + ORT_UNUSED_PARAMETER(num_of_element); + ORT_UNUSED_PARAMETER(batch_size); + ORT_UNUSED_PARAMETER(n_scales); + ORT_NOT_IMPLEMENTED("Unsupported quantization type."); +} + +template +Status CudaQuantizeLinearBlock(cudaStream_t stream, const U* input, T* output, const U* scale, const T* zero_point, + size_t num_of_element, size_t K, size_t N, size_t block_size, bool /*saturate*/) { + ORT_UNUSED_PARAMETER(stream); + ORT_UNUSED_PARAMETER(input); + ORT_UNUSED_PARAMETER(output); + ORT_UNUSED_PARAMETER(scale); + ORT_UNUSED_PARAMETER(zero_point); + ORT_UNUSED_PARAMETER(num_of_element); + ORT_UNUSED_PARAMETER(K); + ORT_UNUSED_PARAMETER(N); + ORT_UNUSED_PARAMETER(block_size); + ORT_NOT_IMPLEMENTED("Unsupported quantization type."); +} + +template +Status CudaQuantizeLinear(cudaStream_t stream, const U* input, int8_t* output, const U* scale, + const int8_t* zero_point, size_t num_of_element, bool /*saturate*/) { + return CudaQuantizeLinearStd(stream, input, output, scale, zero_point, num_of_element); +} + +template +Status CudaQuantizeLinear(cudaStream_t stream, const U* input, uint8_t* output, const U* scale, + const uint8_t* zero_point, size_t num_of_element, bool /*saturate*/) { return CudaQuantizeLinearStd(stream, input, output, scale, zero_point, num_of_element); } +template +Status CudaQuantizeLinear(cudaStream_t stream, const U* input, Int4x2* output, const U* scale, + const Int4x2* zero_point, size_t num_of_element, bool /*saturate*/) { + return CudaQuantizeLinearStdInt4(stream, input, reinterpret_cast(output), scale, + zero_point ? reinterpret_cast(zero_point) : nullptr, + num_of_element); +} + +template +Status CudaQuantizeLinear(cudaStream_t stream, const U* input, UInt4x2* output, const U* scale, + const UInt4x2* zero_point, size_t num_of_element, bool /*saturate*/) { + return CudaQuantizeLinearStdInt4(stream, input, reinterpret_cast(output), scale, + zero_point ? reinterpret_cast(zero_point) : nullptr, + num_of_element); +} + #if !defined(DISABLE_FLOAT8_TYPES) -template -typename std::enable_if, T>::value, Status>::type -CudaQuantizeLinear(cudaStream_t stream, const U* input, T* output, const U* scale, const T* zero_point, size_t num_of_element, bool saturate) { +template +Status CudaQuantizeLinear(cudaStream_t stream, const U* input, Float8E4M3FN* output, const U* scale, + const Float8E4M3FN* zero_point, size_t num_of_element, bool saturate) { return CudaQuantizeLinearSat(stream, input, output, scale, zero_point, num_of_element, saturate); } -template -typename std::enable_if, T>::value, Status>::type -CudaQuantizeLinearAxis(cudaStream_t stream, const U* input, T* output, const U* scale, const T* zero_point, size_t num_of_element, - size_t batch_size, size_t n_scales, bool saturate) { - return CudaQuantizeLinearAxisSat(stream, input, output, scale, zero_point, num_of_element, batch_size, n_scales, saturate); +template +Status CudaQuantizeLinear(cudaStream_t stream, const U* input, Float8E5M2* output, const U* scale, + const Float8E5M2* zero_point, size_t num_of_element, bool saturate) { + return CudaQuantizeLinearSat(stream, input, output, scale, zero_point, num_of_element, saturate); +} + +template +Status CudaQuantizeLinearAxis(cudaStream_t stream, const U* input, Float8E4M3FN* output, const U* scale, + const Float8E4M3FN* zero_point, size_t num_of_element, + size_t batch_size, size_t n_scales, bool saturate) { + return CudaQuantizeLinearAxisSat(stream, input, output, scale, zero_point, num_of_element, batch_size, + n_scales, saturate); +} + +template +Status CudaQuantizeLinearAxis(cudaStream_t stream, const U* input, Float8E5M2* output, const U* scale, + const Float8E5M2* zero_point, size_t num_of_element, + size_t batch_size, size_t n_scales, bool saturate) { + return CudaQuantizeLinearAxisSat(stream, input, output, scale, zero_point, num_of_element, batch_size, + n_scales, saturate); } #endif -template -typename std::enable_if, T>::value, Status>::type -CudaQuantizeLinearAxis(cudaStream_t stream, const U* input, T* output, const U* scale, const T* zero_point, size_t num_of_element, - size_t batch_size, size_t n_scales, bool /*saturate*/) { +template +Status CudaQuantizeLinearAxis(cudaStream_t stream, const U* input, int8_t* output, const U* scale, + const int8_t* zero_point, size_t num_of_element, + size_t batch_size, size_t n_scales, bool /*saturate*/) { return CudaQuantizeLinearAxisStd(stream, input, output, scale, zero_point, num_of_element, batch_size, n_scales); } +template +Status CudaQuantizeLinearAxis(cudaStream_t stream, const U* input, uint8_t* output, const U* scale, + const uint8_t* zero_point, size_t num_of_element, + size_t batch_size, size_t n_scales, bool /*saturate*/) { + return CudaQuantizeLinearAxisStd(stream, input, output, scale, zero_point, num_of_element, batch_size, n_scales); +} + +template +Status CudaQuantizeLinearAxis(cudaStream_t stream, const U* input, Int4x2* output, const U* scale, + const Int4x2* zero_point, size_t num_of_element, + size_t batch_size, size_t n_scales, bool /*saturate*/) { + return CudaQuantizeLinearAxisStdInt4(stream, input, reinterpret_cast(output), scale, + zero_point ? reinterpret_cast(zero_point) : nullptr, + num_of_element, batch_size, n_scales); +} + +template +Status CudaQuantizeLinearAxis(cudaStream_t stream, const U* input, UInt4x2* output, const U* scale, + const UInt4x2* zero_point, size_t num_of_element, + size_t batch_size, size_t n_scales, bool /*saturate*/) { + return CudaQuantizeLinearAxisStdInt4(stream, input, reinterpret_cast(output), scale, + zero_point ? reinterpret_cast(zero_point) : nullptr, + num_of_element, batch_size, n_scales); +} + +template +Status CudaQuantizeLinearBlock(cudaStream_t stream, + const U* input, Int4x2* output, const U* scale, const Int4x2* zero_point, + size_t num_of_element, size_t K, size_t N, size_t block_size, bool /*saturate*/) { + return CudaQuantizeLinearBlockStdInt4(stream, input, reinterpret_cast(output), scale, + zero_point ? reinterpret_cast(zero_point) : nullptr, + num_of_element, K, N, block_size); +} + +template +Status CudaQuantizeLinearBlock(cudaStream_t stream, + const U* input, UInt4x2* output, const U* scale, const UInt4x2* zero_point, + size_t num_of_element, size_t K, size_t N, size_t block_size, bool /*saturate*/) { + return CudaQuantizeLinearBlockStdInt4(stream, input, reinterpret_cast(output), scale, + zero_point ? reinterpret_cast(zero_point) : nullptr, + num_of_element, K, N, block_size); +} + template Status QuantizeLinear::ComputeInternal(OpKernelContext* ctx) const { typedef typename ToCudaType::MappedType CudaU; @@ -48,21 +193,22 @@ Status QuantizeLinear::ComputeInternal(OpKernelContext* ctx) const { auto& y = *ctx->Output(0, x.Shape()); const auto& x_shape = x.Shape(); + const auto num_of_elements = x_shape.Size(); const CudaU* input = reinterpret_cast(x.Data()); T* output = y.MutableData(); - if (IsScalarOr1ElementVector(&y_scale)) { + if (IsScalarOr1ElementVector(&y_scale)) { // per-tensor quantization ORT_ENFORCE(y_zero_point == nullptr || IsScalarOr1ElementVector(y_zero_point), "y_zero_point must be a scalar or 1D tensor of size 1."); + ORT_ENFORCE(block_size_ == 0, "block_size must be 0 for per-tensor quantization."); const T* zero_point = y_zero_point != nullptr ? y_zero_point->Data() : nullptr; const CudaU* scale = reinterpret_cast(y_scale.Data()); - const auto num_of_elements = x_shape.Size(); ORT_RETURN_IF_ERROR(CudaQuantizeLinear(Stream(ctx), input, output, scale, zero_point, num_of_elements, saturate_)); return Status::OK(); - } else { + } else if (block_size_ == 0) { // per-axis quantization ORT_ENFORCE(y_scale.Shape().NumDimensions() == 1); ORT_ENFORCE(y_zero_point == nullptr || (y_scale.Shape().Size() == y_zero_point->Shape().Size() && y_zero_point->Shape().NumDimensions() == 1), @@ -73,44 +219,184 @@ Status QuantizeLinear::ComputeInternal(OpKernelContext* ctx) const { const T* zero_point = y_zero_point != nullptr ? y_zero_point->Data() : nullptr; const CudaU* scale = reinterpret_cast(y_scale.Data()); - const auto num_of_elements = x_shape.Size(); ORT_RETURN_IF_ERROR(CudaQuantizeLinearAxis(Stream(ctx), input, output, scale, zero_point, num_of_elements, x_shape.SizeToDimension(axis), y_scale.Shape().Size(), saturate_)); return Status::OK(); + } else { // blocked quantization + // validate shape + size_t axis_no_neg = SafeInt(HandleNegativeAxis(axis_, x_shape.NumDimensions())); + const auto& y_scale_shape = y_scale.Shape(); + + ValidateBlockQuantizationShapes(x_shape, + y_scale_shape, + y_zero_point, + axis_no_neg, + block_size_); + + // compute + const T* zero_point = y_zero_point ? y_zero_point->Data() : nullptr; + const CudaU* scale = reinterpret_cast(y_scale.Data()); + + ORT_RETURN_IF_ERROR(CudaQuantizeLinearBlock(Stream(ctx), input, output, scale, zero_point, + num_of_elements, x_shape[axis_no_neg], + x_shape.SizeFromDimension(axis_no_neg + 1), + block_size_, saturate_)); + return Status::OK(); } } template -typename std::enable_if, T>::value, Status>::type -CudaDequantizeLinear(cudaStream_t stream, const T* input, U* output, const U* scale, const T* zero_point, size_t num_of_element) { +Status CudaDequantizeLinear(cudaStream_t stream, const T* input, U* output, const U* scale, + const T* zero_point, size_t num_of_element) { + ORT_UNUSED_PARAMETER(stream); + ORT_UNUSED_PARAMETER(input); + ORT_UNUSED_PARAMETER(output); + ORT_UNUSED_PARAMETER(scale); + ORT_UNUSED_PARAMETER(zero_point); + ORT_UNUSED_PARAMETER(num_of_element); + ORT_NOT_IMPLEMENTED("Unsupported quantization type."); +} + +template +Status CudaDequantizeLinearAxis(cudaStream_t stream, const T* input, U* output, const U* scale, + const T* zero_point, size_t num_of_element, + size_t batch_size, size_t n_scales) { + ORT_UNUSED_PARAMETER(stream); + ORT_UNUSED_PARAMETER(input); + ORT_UNUSED_PARAMETER(output); + ORT_UNUSED_PARAMETER(scale); + ORT_UNUSED_PARAMETER(zero_point); + ORT_UNUSED_PARAMETER(num_of_element); + ORT_UNUSED_PARAMETER(batch_size); + ORT_UNUSED_PARAMETER(n_scales); + ORT_NOT_IMPLEMENTED("Unsupported quantization type."); +} + +template +Status CudaDequantizeLinearBlockInt4(cudaStream_t stream, const T* input, U* output, const U* scale, + const T* zero_point, size_t num_of_element, size_t K, size_t N, + size_t block_size) { + ORT_UNUSED_PARAMETER(stream); + ORT_UNUSED_PARAMETER(input); + ORT_UNUSED_PARAMETER(output); + ORT_UNUSED_PARAMETER(scale); + ORT_UNUSED_PARAMETER(zero_point); + ORT_UNUSED_PARAMETER(num_of_element); + ORT_UNUSED_PARAMETER(K); + ORT_UNUSED_PARAMETER(N); + ORT_UNUSED_PARAMETER(block_size); + ORT_NOT_IMPLEMENTED("Unsupported quantization type."); +} + +template +Status CudaDequantizeLinear(cudaStream_t stream, const int8_t* input, U* output, const U* scale, + const int8_t* zero_point, size_t num_of_element) { return CudaDequantizeLinearStd(stream, input, output, scale, zero_point, num_of_element); } +template +Status CudaDequantizeLinear(cudaStream_t stream, const uint8_t* input, U* output, const U* scale, + const uint8_t* zero_point, size_t num_of_element) { + return CudaDequantizeLinearStd(stream, input, output, scale, zero_point, num_of_element); +} + +template +Status CudaDequantizeLinear(cudaStream_t stream, const Int4x2* input, U* output, const U* scale, + const Int4x2* zero_point, size_t num_of_element) { + return CudaDequantizeLinearStdInt4(stream, reinterpret_cast(input), output, scale, + zero_point ? reinterpret_cast(zero_point) : nullptr, + num_of_element); +} + +template +Status CudaDequantizeLinear(cudaStream_t stream, const UInt4x2* input, U* output, const U* scale, + const UInt4x2* zero_point, size_t num_of_element) { + return CudaDequantizeLinearStdInt4(stream, reinterpret_cast(input), output, scale, + zero_point ? reinterpret_cast(zero_point) : nullptr, + num_of_element); +} + #if !defined(DISABLE_FLOAT8_TYPES) -template -typename std::enable_if, T>::value, Status>::type -CudaDequantizeLinear(cudaStream_t stream, const T* input, U* output, const U* scale, const T* zero_point, size_t num_of_element) { +template +Status CudaDequantizeLinear(cudaStream_t stream, const Float8E4M3FN* input, U* output, const U* scale, + const Float8E4M3FN* zero_point, size_t num_of_element) { + return CudaDequantizeLinearSat(stream, input, output, scale, zero_point, num_of_element); +} + +template +Status CudaDequantizeLinear(cudaStream_t stream, const Float8E5M2* input, U* output, const U* scale, + const Float8E5M2* zero_point, size_t num_of_element) { return CudaDequantizeLinearSat(stream, input, output, scale, zero_point, num_of_element); } #endif -template -typename std::enable_if, T>::value, Status>::type -CudaDequantizeLinearAxis(cudaStream_t stream, const T* input, U* output, const U* scale, const T* zero_point, size_t num_of_element, - size_t batch_size, size_t n_scales) { +template +Status CudaDequantizeLinearAxis(cudaStream_t stream, const int8_t* input, U* output, const U* scale, + const int8_t* zero_point, size_t num_of_element, + size_t batch_size, size_t n_scales) { return CudaDequantizeLinearAxisStd(stream, input, output, scale, zero_point, num_of_element, batch_size, n_scales); } +template +Status CudaDequantizeLinearAxis(cudaStream_t stream, const uint8_t* input, U* output, const U* scale, + const uint8_t* zero_point, size_t num_of_element, + size_t batch_size, size_t n_scales) { + return CudaDequantizeLinearAxisStd(stream, input, output, scale, zero_point, num_of_element, batch_size, n_scales); +} + +template +Status CudaDequantizeLinearAxis(cudaStream_t stream, const Int4x2* input, U* output, const U* scale, + const Int4x2* zero_point, size_t num_of_element, + size_t batch_size, size_t n_scales) { + return CudaDequantizeLinearAxisStdInt4(stream, reinterpret_cast(input), output, scale, + zero_point ? reinterpret_cast(zero_point) : nullptr, + num_of_element, batch_size, n_scales); +} + +template +Status CudaDequantizeLinearAxis(cudaStream_t stream, const UInt4x2* input, U* output, const U* scale, + const UInt4x2* zero_point, size_t num_of_element, + size_t batch_size, size_t n_scales) { + return CudaDequantizeLinearAxisStdInt4(stream, reinterpret_cast(input), output, scale, + zero_point ? reinterpret_cast(zero_point) : nullptr, + num_of_element, batch_size, n_scales); +} + #if !defined(DISABLE_FLOAT8_TYPES) -template -typename std::enable_if, T>::value, Status>::type -CudaDequantizeLinearAxis(cudaStream_t stream, const T* input, U* output, const U* scale, const T* zero_point, size_t num_of_element, - size_t batch_size, size_t n_scales) { +template +Status CudaDequantizeLinearAxis(cudaStream_t stream, const Float8E4M3FN* input, U* output, const U* scale, + const Float8E4M3FN* zero_point, size_t num_of_element, + size_t batch_size, size_t n_scales) { + return CudaDequantizeLinearAxisSat(stream, input, output, scale, zero_point, num_of_element, batch_size, n_scales); +} + +template +Status CudaDequantizeLinearAxis(cudaStream_t stream, const Float8E5M2* input, U* output, const U* scale, + const Float8E5M2* zero_point, size_t num_of_element, + size_t batch_size, size_t n_scales) { return CudaDequantizeLinearAxisSat(stream, input, output, scale, zero_point, num_of_element, batch_size, n_scales); } #endif +template +Status CudaDequantizeLinearBlockInt4(cudaStream_t stream, const UInt4x2* input, U* output, const U* scale, + const UInt4x2* zero_point, size_t num_of_element, size_t K, size_t N, + size_t block_size) { + return CudaDequantizeLinearBlockStdInt4(stream, reinterpret_cast(input), output, scale, + zero_point ? reinterpret_cast(zero_point) : nullptr, + num_of_element, K, N, block_size); +} + +template +Status CudaDequantizeLinearBlockInt4(cudaStream_t stream, const Int4x2* input, U* output, const U* scale, + const Int4x2* zero_point, size_t num_of_element, size_t K, size_t N, + size_t block_size) { + return CudaDequantizeLinearBlockStdInt4(stream, reinterpret_cast(input), output, scale, + zero_point ? reinterpret_cast(zero_point) : nullptr, + num_of_element, K, N, block_size); +} + template Status DequantizeLinear::ComputeInternal(OpKernelContext* ctx) const { typedef typename ToCudaType::MappedType CudaU; @@ -120,6 +406,7 @@ Status DequantizeLinear::ComputeInternal(OpKernelContext* ctx) const { auto* y_zero_point = ctx->Input(2); const auto& x_shape = x.Shape(); + const auto num_of_elements = x_shape.Size(); auto& y = *ctx->Output(0, x_shape); @@ -131,12 +418,11 @@ Status DequantizeLinear::ComputeInternal(OpKernelContext* ctx) const { const T* zero_point = y_zero_point != nullptr ? y_zero_point->Data() : nullptr; const CudaU* scale = reinterpret_cast(y_scale.Data()); - const auto num_of_elements = x_shape.Size(); ORT_RETURN_IF_ERROR(CudaDequantizeLinear(Stream(ctx), input, output, scale, zero_point, num_of_elements)); return Status::OK(); - } else { + } else if (block_size_ == 0) { // per axis quantization ORT_ENFORCE(y_scale.Shape().NumDimensions() == 1); ORT_ENFORCE(y_zero_point == nullptr || (y_scale.Shape().Size() == y_zero_point->Shape().Size() && y_zero_point->Shape().NumDimensions() == 1), "scale and zero_point must have the same shape."); ORT_ENFORCE(x_shape.NumDimensions() > 1); @@ -145,11 +431,31 @@ Status DequantizeLinear::ComputeInternal(OpKernelContext* ctx) const { const T* zero_point = y_zero_point != nullptr ? y_zero_point->Data() : nullptr; const CudaU* scale = reinterpret_cast(y_scale.Data()); - const auto num_of_elements = x_shape.Size(); ORT_RETURN_IF_ERROR(CudaDequantizeLinearAxis(Stream(ctx), input, output, scale, zero_point, num_of_elements, x_shape.SizeToDimension(axis), y_scale.Shape().Size())); return Status::OK(); + } else { // blocked quantization + // validate shape + auto axis_no_neg = SafeInt(HandleNegativeAxis(axis_, x_shape.NumDimensions())); + const auto& y_scale_shape = y_scale.Shape(); + + ValidateBlockQuantizationShapes(x_shape, + y_scale_shape, + y_zero_point, + axis_no_neg, + block_size_); + + // compute + const T* zero_point = y_zero_point ? y_zero_point->Data() : nullptr; + const CudaU* scale = reinterpret_cast(y_scale.Data()); + + ORT_RETURN_IF_ERROR(CudaDequantizeLinearBlockInt4(Stream(ctx), input, output, scale, zero_point, + num_of_elements, x_shape[axis_no_neg], + x_shape.SizeFromDimension(axis_no_neg + 1), + block_size_)); + + return Status::OK(); } } @@ -183,33 +489,54 @@ REGISTER_Q_KERNEL_TYPED_10_12(uint8_t) REGISTER_Q_KERNEL_TYPED_13_18(int8_t) REGISTER_Q_KERNEL_TYPED_13_18(uint8_t) -#define REGISTER_Q_KERNEL_TYPED_19(T) \ - ONNX_OPERATOR_TWO_TYPED_KERNEL_EX( \ - QuantizeLinear, \ - kOnnxDomain, \ - 19, \ - T, float, \ - kCudaExecutionProvider, \ - (*KernelDefBuilder::Create()) \ - .TypeConstraint("T1", DataTypeImpl::GetTensorType()) \ - .TypeConstraint("T2", DataTypeImpl::GetTensorType()), \ - QuantizeLinear); \ - ONNX_OPERATOR_TWO_TYPED_KERNEL_EX( \ - QuantizeLinear, \ - kOnnxDomain, \ - 19, \ - T, MLFloat16, \ - kCudaExecutionProvider, \ - (*KernelDefBuilder::Create()) \ - .TypeConstraint("T1", DataTypeImpl::GetTensorType()) \ - .TypeConstraint("T2", DataTypeImpl::GetTensorType()), \ - QuantizeLinear); - -REGISTER_Q_KERNEL_TYPED_19(int8_t) -REGISTER_Q_KERNEL_TYPED_19(uint8_t) +#define REGISTER_Q_KERNEL_TWO_TYPED_19_20(T, U) \ + ONNX_OPERATOR_VERSIONED_TWO_TYPED_KERNEL_EX( \ + QuantizeLinear, \ + kOnnxDomain, \ + 19, 20, \ + T, U, \ + kCudaExecutionProvider, \ + (*KernelDefBuilder::Create()) \ + .TypeConstraint("T1", DataTypeImpl::GetTensorType()) \ + .TypeConstraint("T2", DataTypeImpl::GetTensorType()), \ + QuantizeLinear); + +REGISTER_Q_KERNEL_TWO_TYPED_19_20(int8_t, float) +REGISTER_Q_KERNEL_TWO_TYPED_19_20(uint8_t, float) +REGISTER_Q_KERNEL_TWO_TYPED_19_20(int8_t, MLFloat16) +REGISTER_Q_KERNEL_TWO_TYPED_19_20(uint8_t, MLFloat16) +#if !defined(DISABLE_FLOAT8_TYPES) +REGISTER_Q_KERNEL_TWO_TYPED_19_20(Float8E4M3FN, float) +REGISTER_Q_KERNEL_TWO_TYPED_19_20(Float8E5M2, float) +REGISTER_Q_KERNEL_TWO_TYPED_19_20(Float8E4M3FN, MLFloat16) +REGISTER_Q_KERNEL_TWO_TYPED_19_20(Float8E5M2, MLFloat16) +#endif + +#define REGISTER_Q_KERNEL_TWO_TYPED_21(T, U) \ + ONNX_OPERATOR_TWO_TYPED_KERNEL_EX( \ + QuantizeLinear, \ + kOnnxDomain, \ + 21, \ + T, U, \ + kCudaExecutionProvider, \ + (*KernelDefBuilder::Create()) \ + .TypeConstraint("T1", DataTypeImpl::GetTensorType()) \ + .TypeConstraint("T2", DataTypeImpl::GetTensorType()), \ + QuantizeLinear); + +REGISTER_Q_KERNEL_TWO_TYPED_21(uint8_t, float) +REGISTER_Q_KERNEL_TWO_TYPED_21(int8_t, float) +REGISTER_Q_KERNEL_TWO_TYPED_21(uint8_t, MLFloat16) +REGISTER_Q_KERNEL_TWO_TYPED_21(int8_t, MLFloat16) +REGISTER_Q_KERNEL_TWO_TYPED_21(UInt4x2, float) +REGISTER_Q_KERNEL_TWO_TYPED_21(Int4x2, float) +REGISTER_Q_KERNEL_TWO_TYPED_21(UInt4x2, MLFloat16) +REGISTER_Q_KERNEL_TWO_TYPED_21(Int4x2, MLFloat16) #if !defined(DISABLE_FLOAT8_TYPES) -REGISTER_Q_KERNEL_TYPED_19(Float8E4M3FN) -REGISTER_Q_KERNEL_TYPED_19(Float8E5M2) +REGISTER_Q_KERNEL_TWO_TYPED_21(Float8E4M3FN, float) +REGISTER_Q_KERNEL_TWO_TYPED_21(Float8E5M2, float) +REGISTER_Q_KERNEL_TWO_TYPED_21(Float8E4M3FN, MLFloat16) +REGISTER_Q_KERNEL_TWO_TYPED_21(Float8E5M2, MLFloat16) #endif // register DequantizeLinear kernels @@ -240,33 +567,54 @@ REGISTER_DQ_KERNEL_TYPED_10_12(uint8_t) REGISTER_DQ_KERNEL_TYPED_13_18(int8_t) REGISTER_DQ_KERNEL_TYPED_13_18(uint8_t) -#define REGISTER_DQ_KERNEL_TYPED_19(T) \ - ONNX_OPERATOR_TWO_TYPED_KERNEL_EX( \ - DequantizeLinear, \ - kOnnxDomain, \ - 19, \ - T, float, \ - kCudaExecutionProvider, \ - (*KernelDefBuilder::Create()) \ - .TypeConstraint("T1", DataTypeImpl::GetTensorType()) \ - .TypeConstraint("T2", DataTypeImpl::GetTensorType()), \ - DequantizeLinear); \ - ONNX_OPERATOR_TWO_TYPED_KERNEL_EX( \ - DequantizeLinear, \ - kOnnxDomain, \ - 19, \ - T, MLFloat16, \ - kCudaExecutionProvider, \ - (*KernelDefBuilder::Create()) \ - .TypeConstraint("T1", DataTypeImpl::GetTensorType()) \ - .TypeConstraint("T2", DataTypeImpl::GetTensorType()), \ - DequantizeLinear); - -REGISTER_DQ_KERNEL_TYPED_19(int8_t) -REGISTER_DQ_KERNEL_TYPED_19(uint8_t) +#define REGISTER_DQ_KERNEL_TWO_TYPED_19_20(T, U) \ + ONNX_OPERATOR_VERSIONED_TWO_TYPED_KERNEL_EX( \ + DequantizeLinear, \ + kOnnxDomain, \ + 19, 20, \ + T, U, \ + kCudaExecutionProvider, \ + (*KernelDefBuilder::Create()) \ + .TypeConstraint("T1", DataTypeImpl::GetTensorType()) \ + .TypeConstraint("T2", DataTypeImpl::GetTensorType()), \ + DequantizeLinear); + +REGISTER_DQ_KERNEL_TWO_TYPED_19_20(int8_t, float) +REGISTER_DQ_KERNEL_TWO_TYPED_19_20(uint8_t, float) +REGISTER_DQ_KERNEL_TWO_TYPED_19_20(int8_t, MLFloat16) +REGISTER_DQ_KERNEL_TWO_TYPED_19_20(uint8_t, MLFloat16) +#if !defined(DISABLE_FLOAT8_TYPES) +REGISTER_DQ_KERNEL_TWO_TYPED_19_20(Float8E4M3FN, float) +REGISTER_DQ_KERNEL_TWO_TYPED_19_20(Float8E5M2, float) +REGISTER_DQ_KERNEL_TWO_TYPED_19_20(Float8E4M3FN, MLFloat16) +REGISTER_DQ_KERNEL_TWO_TYPED_19_20(Float8E5M2, MLFloat16) +#endif + +#define REGISTER_DQ_KERNEL_TWO_TYPED_21(T, U) \ + ONNX_OPERATOR_TWO_TYPED_KERNEL_EX( \ + DequantizeLinear, \ + kOnnxDomain, \ + 21, \ + T, U, \ + kCudaExecutionProvider, \ + (*KernelDefBuilder::Create()) \ + .TypeConstraint("T1", DataTypeImpl::GetTensorType()) \ + .TypeConstraint("T2", DataTypeImpl::GetTensorType()), \ + DequantizeLinear); + +REGISTER_DQ_KERNEL_TWO_TYPED_21(uint8_t, float) +REGISTER_DQ_KERNEL_TWO_TYPED_21(int8_t, float) +REGISTER_DQ_KERNEL_TWO_TYPED_21(uint8_t, MLFloat16) +REGISTER_DQ_KERNEL_TWO_TYPED_21(int8_t, MLFloat16) +REGISTER_DQ_KERNEL_TWO_TYPED_21(UInt4x2, float) +REGISTER_DQ_KERNEL_TWO_TYPED_21(Int4x2, float) +REGISTER_DQ_KERNEL_TWO_TYPED_21(UInt4x2, MLFloat16) +REGISTER_DQ_KERNEL_TWO_TYPED_21(Int4x2, MLFloat16) #if !defined(DISABLE_FLOAT8_TYPES) -REGISTER_DQ_KERNEL_TYPED_19(Float8E4M3FN) -REGISTER_DQ_KERNEL_TYPED_19(Float8E5M2) +REGISTER_DQ_KERNEL_TWO_TYPED_21(Float8E4M3FN, float) +REGISTER_DQ_KERNEL_TWO_TYPED_21(Float8E5M2, float) +REGISTER_DQ_KERNEL_TWO_TYPED_21(Float8E4M3FN, MLFloat16) +REGISTER_DQ_KERNEL_TWO_TYPED_21(Float8E5M2, MLFloat16) #endif // specialize QuantizeLinear::ComputeInternal and DequantizeLinear::ComputeInternal @@ -278,6 +626,10 @@ SPECIALIZED_QDQ_COMPUTE(int8_t, float) SPECIALIZED_QDQ_COMPUTE(uint8_t, float) SPECIALIZED_QDQ_COMPUTE(int8_t, MLFloat16) SPECIALIZED_QDQ_COMPUTE(uint8_t, MLFloat16) +SPECIALIZED_QDQ_COMPUTE(Int4x2, float) +SPECIALIZED_QDQ_COMPUTE(UInt4x2, float) +SPECIALIZED_QDQ_COMPUTE(Int4x2, MLFloat16) +SPECIALIZED_QDQ_COMPUTE(UInt4x2, MLFloat16) #if !defined(DISABLE_FLOAT8_TYPES) SPECIALIZED_QDQ_COMPUTE(Float8E4M3FN, float) diff --git a/onnxruntime/core/providers/cuda/tensor/quantize_linear.cu b/onnxruntime/core/providers/cuda/tensor/quantize_linear.cu index 1da308811fa48..19b148d9193c9 100644 --- a/onnxruntime/core/providers/cuda/tensor/quantize_linear.cu +++ b/onnxruntime/core/providers/cuda/tensor/quantize_linear.cu @@ -9,6 +9,7 @@ #if defined(CUDA_VERSION) && CUDA_VERSION >= 11080 #include "cuda_fp8.h" +#include "cuda_fp16.h" #endif namespace onnxruntime { @@ -17,9 +18,23 @@ namespace cuda { template struct RoundStd; +template +struct RoundStdInt4; + template struct RoundSat; +template +__device__ __forceinline__ int ExtractInt4FromByte(T byte, int index) { + return static_cast((byte >> (index << 2)) & 0x0f); +} + +template <> +__device__ __forceinline__ int ExtractInt4FromByte(int8_t byte, int index) { + constexpr auto shift = (sizeof(int) << 3) - 4; + return (static_cast(((byte >> (index << 2)) & 0x0f)) << shift) >> shift; +} + template <> struct RoundStd { __device__ __forceinline__ int8_t operator()(float v, float scale, int8_t zero_point) const { @@ -28,6 +43,22 @@ struct RoundStd { } }; +template <> +struct RoundStdInt4 { + __device__ __forceinline__ int8_t operator()(float v0, + float v1, + float scale0, + float scale1, + int zp0, + int zp1) const { + int value0 = __float2int_rn(v0 / scale0) + zp0; + int value1 = __float2int_rn(v1 / scale1) + zp1; + int value0_clip = max(-8, min(7, value0)); + int value1_clip = max(-8, min(7, value1)); + return static_cast((value0_clip & 0x0f) | ((value1_clip & 0x0f) << 4)); + } +}; + template <> struct RoundStd { __device__ __forceinline__ uint8_t operator()(float v, float scale, uint8_t zero_point) const { @@ -36,6 +67,22 @@ struct RoundStd { } }; +template <> +struct RoundStdInt4 { + __device__ __forceinline__ uint8_t operator()(float v0, + float v1, + float scale0, + float scale1, + int zp0, + int zp1) const { + int value0 = __float2int_rn(v0 / scale0) + zp0; + int value1 = __float2int_rn(v1 / scale1) + zp1; + int value0_clip = max(0, min(15, value0)); + int value1_clip = max(0, min(15, value1)); + return static_cast((value0_clip & 0x0f) | ((value1_clip & 0x0f) << 4)); + } +}; + #if !defined(DISABLE_FLOAT8_TYPES) #if defined(CUDA_VERSION) && CUDA_VERSION >= 11080 @@ -104,7 +151,7 @@ struct RoundSat { #endif -#endif // DISABLE_FLOAT8_TYPES +#endif // DISABLE_FLOAT8_TYPES template <> struct RoundStd { @@ -114,6 +161,26 @@ struct RoundStd { } }; +template <> +struct RoundStdInt4 { + __device__ __forceinline__ int8_t operator()(half v0, + half v1, + half scale0, + half scale1, + int zp0, + int zp1) const { + half2 v = __halves2half2(v0, v1); + half2 scale = __halves2half2(scale0, scale1); + half2 scaled_v = v / scale; + + int value0 = __half2int_rn(__low2half(scaled_v)) + zp0; + int value1 = __half2int_rn(__high2half(scaled_v)) + zp1; + int value0_clip = max(-8, min(7, value0)); + int value1_clip = max(-8, min(7, value1)); + return static_cast((value0_clip & 0x0f) | ((value1_clip & 0x0f) << 4)); + } +}; + template <> struct RoundStd { __device__ __forceinline__ int8_t operator()(half v, half scale, uint8_t zero_point) const { @@ -122,6 +189,26 @@ struct RoundStd { } }; +template <> +struct RoundStdInt4 { + __device__ __forceinline__ uint8_t operator()(half v0, + half v1, + half scale0, + half scale1, + int zp0, + int zp1) const { + half2 v = __halves2half2(v0, v1); + half2 scale = __halves2half2(scale0, scale1); + half2 scaled_v = v / scale; + + int value0 = __half2int_rn(__low2half(scaled_v)) + zp0; + int value1 = __half2int_rn(__high2half(scaled_v)) + zp1; + int value0_clip = max(0, min(15, value0)); + int value1_clip = max(0, min(15, value1)); + return static_cast((value0_clip & 0x0f) | ((value1_clip & 0x0f) << 4)); + } +}; + template __global__ void QuantizeLinearKernelStd(const InT* input, OutT* output, const InT* scale_ptr, const OutT* zero_point_ptr, CUDA_LONG N, RoundStd round) { CUDA_LONG id = NumElementsPerThread * NumThreadsPerBlock * blockIdx.x + threadIdx.x; @@ -137,6 +224,29 @@ __global__ void QuantizeLinearKernelStd(const InT* input, OutT* output, const In } } +// cuda kernel for int4 per tensor quantization with standard rounding +// OutT is int8_t for Int4x2 and uint8_t for UInt4x2 +// NumElementsPerThread must be multiple of 2. +template +__global__ void QuantizeLinearKernelStdInt4(const InT* input, OutT* output, const InT* scale_ptr, + const OutT* zero_point_ptr, CUDA_LONG N, + RoundStdInt4 round) { + CUDA_LONG id = NumElementsPerThread * NumThreadsPerBlock * blockIdx.x + (threadIdx.x << 1); + InT scale = *scale_ptr; + int zero_point = zero_point_ptr ? ExtractInt4FromByte(*zero_point_ptr, 0) : 0; + int i = 0; + constexpr int step = NumThreadsPerBlock << 1; + +#pragma unroll + for (; i + 1 < NumElementsPerThread && id + 1 < N; i += 2, id += step) { + output[id >> 1] = round(input[id], input[id + 1], scale, scale, zero_point, zero_point); + } + + if (i < NumElementsPerThread && id < N) { + output[id >> 1] = round(input[id], 0.0, scale, 1.0, zero_point, 0); + } +} + template __global__ void QuantizeLinearKernelAxisStd(const InT* input, OutT* output, const InT* scale_ptr, const OutT* zero_point_ptr, CUDA_LONG N, size_t batch_size, size_t n_scales, RoundStd round) { CUDA_LONG id = NumElementsPerThread * NumThreadsPerBlock * blockIdx.x + threadIdx.x; @@ -154,6 +264,97 @@ __global__ void QuantizeLinearKernelAxisStd(const InT* input, OutT* output, cons } } +// cuda kernel for int4 per axis quantization with standard rounding +// OutT is int8_t for Int4x2 and uint8_t for UInt4x2 +// NumElementsPerThread must be multiple of 2. +template +__global__ void QuantizeLinearKernelAxisStdInt4(const InT* input, OutT* output, const InT* scale_ptr, + const OutT* zero_point_ptr, CUDA_LONG num_element, + size_t batch_size, size_t n_scales, + RoundStdInt4 round) { + CUDA_LONG id = NumElementsPerThread * NumThreadsPerBlock * blockIdx.x + (threadIdx.x << 1); + // Process continuous NumElementsPerThread int4 per thread. + int i = 0; + // The scale needs to change every n_same_scale. + CUDA_LONG n_same_scale = num_element / (batch_size * n_scales); + constexpr int step = NumThreadsPerBlock << 1; + +#pragma unroll + for (; i + 1 < NumElementsPerThread && id + 1 < num_element; i += 2, id += step) { + int scale_id0 = (id / n_same_scale) % n_scales; + int scale_id1 = ((id + 1) / n_same_scale) % n_scales; + int zp0 = zero_point_ptr == nullptr ? 0 : ExtractInt4FromByte(zero_point_ptr[scale_id0 >> 1], scale_id0 & 1); + int zp1 = zero_point_ptr == nullptr ? 0 : ExtractInt4FromByte(zero_point_ptr[scale_id1 >> 1], scale_id1 & 1); + output[id >> 1] = round(input[id], + input[id + 1], + scale_ptr[scale_id0], + scale_ptr[scale_id1], + zp0, + zp1); + } + + if (i < NumElementsPerThread && id < num_element) { + int scale_id0 = (id / n_same_scale) % n_scales; + int zp0 = zero_point_ptr == nullptr ? 0 : ExtractInt4FromByte(zero_point_ptr[scale_id0 >> 1], scale_id0 & 1); + output[id >> 1] = round(input[id], + 0.0, + scale_ptr[scale_id0], + 1.0, + zp0, + 0); + } +} + +// cuda kernel for int4 block-wise quantization with standard rounding +// OutT is int8_t for Int4x2 and uint8_t for UInt4x2 +// NumElementsPerThread must be multiple of 2. +template +__global__ void QuantizeLinearKernelBlockStdInt4(const InT* input, OutT* output, const InT* scale_ptr, + const OutT* zero_point_ptr, CUDA_LONG num_element, size_t KN, + size_t N, size_t scale_KN, size_t block_size, + RoundStdInt4 round) { + // Process continuous NumElementsPerThread int4 per thread. + CUDA_LONG id = NumElementsPerThread * NumThreadsPerBlock * blockIdx.x + (threadIdx.x << 1); + int i = 0; + constexpr int step = NumThreadsPerBlock << 1; + +#pragma unroll + // Process two elements which belong to one byte at a time. + for (; i + 1 < NumElementsPerThread && id + 1 < num_element; i += 2, id += step) { + int x0 = id / KN, x1 = (id + 1) / KN; + int y0 = id % KN / N, y1 = (id + 1) % KN / N; + int z0 = id % N, z1 = (id + 1) % N; + int scale_id0 = x0 * scale_KN + y0 / block_size * N + z0; + int scale_id1 = x1 * scale_KN + y1 / block_size * N + z1; + output[id >> 1] = round(input[id], + input[id + 1], + scale_ptr[scale_id0], + scale_ptr[scale_id1], + zero_point_ptr == nullptr + ? 0 + : ExtractInt4FromByte(zero_point_ptr[scale_id0 >> 1], scale_id0 & 1), + zero_point_ptr == nullptr + ? 0 + : ExtractInt4FromByte(zero_point_ptr[scale_id1 >> 1], scale_id1 & 1)); + } + + // last non-paired element + if (i < NumElementsPerThread && id < num_element) { + int x0 = id / KN; + int y0 = id % KN / N; + int z0 = id % N; + int scale_id0 = x0 * scale_KN + y0 / block_size * N + z0; + output[id >> 1] = round(input[id], + 0.0, + scale_ptr[scale_id0], + 1.0, + zero_point_ptr == nullptr + ? 0 + : ExtractInt4FromByte(zero_point_ptr[scale_id0 >> 1], scale_id0 & 1), + 0); + } +} + #if !defined(DISABLE_FLOAT8_TYPES) template @@ -207,6 +408,27 @@ Status CudaQuantizeLinearStd(cudaStream_t stream, const InT* input, OutT* output return Status::OK(); } +template +Status CudaQuantizeLinearStdInt4(cudaStream_t stream, const InT* input, OutT* output, const InT* scale, + const OutT* zero_point, size_t num_of_element) { + if (num_of_element <= 0) + return Status::OK(); + + static_assert((GridDim::maxElementsPerThread & 1) == 0); + + int blocksPerGrid = static_cast(CeilDiv(num_of_element, + GridDim::maxThreadsPerBlock * GridDim::maxElementsPerThread)); + QuantizeLinearKernelStdInt4 + <<>>( + input, + output, + scale, + zero_point, + static_cast(num_of_element), + RoundStdInt4()); + return Status::OK(); +} + template Status CudaQuantizeLinearAxisStd(cudaStream_t stream, const InT* input, OutT* output, const InT* scale, const OutT* zero_point, size_t num_of_element, size_t batch_size, size_t n_scales) { @@ -226,6 +448,59 @@ Status CudaQuantizeLinearAxisStd(cudaStream_t stream, const InT* input, OutT* ou return Status::OK(); } +template +Status CudaQuantizeLinearAxisStdInt4(cudaStream_t stream, const InT* input, OutT* output, const InT* scale, + const OutT* zero_point, size_t num_of_element, + size_t batch_size, size_t n_scales) { + if (num_of_element <= 0) + return Status::OK(); + + static_assert((GridDim::maxElementsPerThread & 1) == 0); + + int blocksPerGrid = static_cast(CeilDiv(num_of_element, + GridDim::maxThreadsPerBlock * GridDim::maxElementsPerThread)); + QuantizeLinearKernelAxisStdInt4 + <<>>( + input, + output, + scale, + zero_point, + static_cast(num_of_element), + batch_size, + n_scales, + RoundStdInt4()); + return Status::OK(); +} + +template +Status CudaQuantizeLinearBlockStdInt4(cudaStream_t stream, const InT* input, OutT* output, const InT* scale, + const OutT* zero_point, size_t num_of_element, size_t K, size_t N, + size_t block_size) { + if (num_of_element <= 0) + return Status::OK(); + + static_assert((GridDim::maxElementsPerThread & 1) == 0); + + size_t KN = K * N; + size_t num_block = (K + block_size - 1) / block_size; + size_t scale_KN = num_block * N; + int blocksPerGrid = static_cast(CeilDiv(num_of_element, + GridDim::maxThreadsPerBlock * GridDim::maxElementsPerThread)); + QuantizeLinearKernelBlockStdInt4 + <<>>( + input, + output, + scale, + zero_point, + static_cast(num_of_element), + KN, + N, + scale_KN, + block_size, + RoundStdInt4()); + return Status::OK(); +} + #if !defined(DISABLE_FLOAT8_TYPES) template @@ -282,6 +557,29 @@ __global__ void DequantizeLinearKernelStd(const InT* input, OutT* output, const } } +template +__global__ void DequantizeLinearKernelStdInt4(const InT* input, OutT* output, const OutT* scale_ptr, + const InT* zero_point_ptr, CUDA_LONG num_element) { + CUDA_LONG id = NumElementsPerThread * NumThreadsPerBlock * blockIdx.x + (threadIdx.x << 1); + + OutT scale = *scale_ptr; + int zero_point = zero_point_ptr ? ExtractInt4FromByte(*zero_point_ptr, 0) : 0; + int i = 0, v0, v1; + constexpr int step = NumThreadsPerBlock << 1; +#pragma unroll + for (; i + 1 < NumElementsPerThread && id + 1 < num_element; i += 2, id += step) { + v0 = ExtractInt4FromByte(input[id >> 1], 0); + v1 = ExtractInt4FromByte(input[id >> 1], 1); + output[id] = static_cast(v0 - zero_point) * scale; + output[id + 1] = static_cast(v1 - zero_point) * scale; + } + + if (i < NumElementsPerThread && id < num_element) { + v0 = ExtractInt4FromByte(input[id >> 1], 0); + output[id] = static_cast(v0 - zero_point) * scale; + } +} + template __global__ void DequantizeLinearKernelAxisStd(const InT* input, OutT* output, const OutT* scale_ptr, const InT* zero_point_ptr, CUDA_LONG N, size_t batch_size, size_t n_scales) { @@ -300,6 +598,80 @@ __global__ void DequantizeLinearKernelAxisStd(const InT* input, OutT* output, co } } +template +__global__ void DequantizeLinearKernelAxisStdInt4(const InT* input, OutT* output, const OutT* scale_ptr, + const InT* zero_point_ptr, CUDA_LONG num_element, + size_t batch_size, size_t n_scales) { + CUDA_LONG id = NumElementsPerThread * NumThreadsPerBlock * blockIdx.x + (threadIdx.x << 1); + // The scale needs to change every n_same_scale. + CUDA_LONG n_same_scale = num_element / (batch_size * n_scales); + int i = 0; + int scale_id0, scale_id1, zp0, zp1, v0, v1; + constexpr int step = NumThreadsPerBlock << 1; + +#pragma unroll + for (; i + 1 < NumElementsPerThread && id + 1 < num_element; i += 2, id += step) { + scale_id0 = (id / n_same_scale) % n_scales; + scale_id1 = ((id + 1) / n_same_scale) % n_scales; + + v0 = ExtractInt4FromByte(input[id >> 1], 0); + v1 = ExtractInt4FromByte(input[id >> 1], 1); + zp0 = zero_point_ptr == nullptr ? 0 : ExtractInt4FromByte(zero_point_ptr[scale_id0 >> 1], scale_id0 & 1); + zp1 = zero_point_ptr == nullptr ? 0 : ExtractInt4FromByte(zero_point_ptr[scale_id1 >> 1], scale_id1 & 1); + output[id] = static_cast(v0 - zp0) * scale_ptr[scale_id0]; + output[id + 1] = static_cast(v1 - zp1) * scale_ptr[scale_id1]; + } + + if (i < NumElementsPerThread && id < num_element) { + scale_id0 = (id / n_same_scale) % n_scales; + v0 = ExtractInt4FromByte(input[id >> 1], 0); + zp0 = zero_point_ptr == nullptr ? 0 : ExtractInt4FromByte(zero_point_ptr[scale_id0 >> 1], scale_id0 & 1); + output[id] = static_cast(v0 - zp0) * scale_ptr[scale_id0]; + } +} + +// cuda kernel for int4 block-wise dequantization with standard rounding +// IntT is int8_t for Int4x2 and uint8_t for UInt4x2 +// NumElementsPerThread must be multiple of 2. +template +__global__ void DequantizeLinearKernelBlockStdInt4(const InT* input, OutT* output, const OutT* scale_ptr, + const InT* zero_point_ptr, CUDA_LONG num_element, + size_t KN, size_t N, size_t scale_KN, size_t block_size) { + // Process continuous NumElementsPerThread int4 per thread. + CUDA_LONG id = NumElementsPerThread * NumThreadsPerBlock * blockIdx.x + (threadIdx.x << 1); + int i = 0; + constexpr int step = NumThreadsPerBlock << 1; + +#pragma unroll + // Process two elements which belong to one byte at a time. + for (; i + 1 < NumElementsPerThread && id + 1 < num_element; i += 2, id += step) { + int x0 = id / KN, x1 = (id + 1) / KN; + int y0 = id % KN / N, y1 = (id + 1) % KN / N; + int z0 = id % N, z1 = (id + 1) % N; + int scale_id0 = x0 * scale_KN + y0 / block_size * N + z0; + int scale_id1 = x1 * scale_KN + y1 / block_size * N + z1; + + int v0 = ExtractInt4FromByte(input[id >> 1], 0); + int v1 = ExtractInt4FromByte(input[id >> 1], 1); + int zp0 = zero_point_ptr == nullptr ? 0 : ExtractInt4FromByte(zero_point_ptr[scale_id0 >> 1], scale_id0 & 1); + int zp1 = zero_point_ptr == nullptr ? 0 : ExtractInt4FromByte(zero_point_ptr[scale_id1 >> 1], scale_id1 & 1); + output[id] = static_cast(v0 - zp0) * scale_ptr[scale_id0]; + output[id + 1] = static_cast(v1 - zp1) * scale_ptr[scale_id1]; + } + + // last non-paired element + if (i < NumElementsPerThread && id < num_element) { + int x0 = id / KN; + int y0 = id % KN / N; + int z0 = id % N; + int scale_id0 = x0 * scale_KN + y0 / block_size * N + z0; + + int v0 = ExtractInt4FromByte(input[id >> 1], 0); + int zp0 = zero_point_ptr == nullptr ? 0 : ExtractInt4FromByte(zero_point_ptr[scale_id0 >> 1], scale_id0 & 1); + output[id] = static_cast(v0 - zp0) * scale_ptr[scale_id0]; + } +} + template struct DQFloat8; @@ -422,6 +794,26 @@ Status CudaDequantizeLinearStd(cudaStream_t stream, const InT* input, OutT* outp return Status::OK(); } +template +Status CudaDequantizeLinearStdInt4(cudaStream_t stream, const InT* input, OutT* output, const OutT* scale, + const InT* zero_point, size_t num_of_element) { + if (num_of_element <= 0) + return Status::OK(); + + static_assert((GridDim::maxElementsPerThread & 1) == 0); + + int blocksPerGrid = static_cast(CeilDiv(num_of_element, + GridDim::maxThreadsPerBlock * GridDim::maxElementsPerThread)); + DequantizeLinearKernelStdInt4 + <<>>( + input, + output, + scale, + zero_point, + static_cast(num_of_element)); + return Status::OK(); +} + template Status CudaDequantizeLinearAxisStd(cudaStream_t stream, const InT* input, OutT* output, const OutT* scale, const InT* zero_point, size_t num_of_element, size_t batch_size, size_t n_scales) { @@ -440,6 +832,57 @@ Status CudaDequantizeLinearAxisStd(cudaStream_t stream, const InT* input, OutT* return Status::OK(); } +template +Status CudaDequantizeLinearAxisStdInt4(cudaStream_t stream, const InT* input, OutT* output, const OutT* scale, + const InT* zero_point, size_t num_of_element, + size_t batch_size, size_t n_scales) { + if (num_of_element <= 0) + return Status::OK(); + + static_assert((GridDim::maxElementsPerThread & 1) == 0); + + int blocksPerGrid = static_cast(CeilDiv(num_of_element, + GridDim::maxThreadsPerBlock * GridDim::maxElementsPerThread)); + DequantizeLinearKernelAxisStdInt4 + <<>>( + input, + output, + scale, + zero_point, + static_cast(num_of_element), + batch_size, + n_scales); + return Status::OK(); +} + +template +Status CudaDequantizeLinearBlockStdInt4(cudaStream_t stream, const T* input, U* output, const U* scale, + const T* zero_point, size_t num_of_element, size_t K, size_t N, + size_t block_size) { + if (num_of_element <= 0) + return Status::OK(); + + static_assert((GridDim::maxElementsPerThread & 1) == 0); + + size_t KN = K * N; + size_t num_block = (K + block_size - 1) / block_size; + size_t scale_KN = num_block * N; + int blocksPerGrid = static_cast(CeilDiv(num_of_element, + GridDim::maxThreadsPerBlock * GridDim::maxElementsPerThread)); + DequantizeLinearKernelBlockStdInt4 + <<>>( + input, + output, + scale, + zero_point, + static_cast(num_of_element), + KN, + N, + scale_KN, + block_size); + return Status::OK(); +} + #if !defined(DISABLE_FLOAT8_TYPES) template @@ -481,11 +924,24 @@ template Status CudaQuantizeLinearStd(cudaStream_t stream, const template Status CudaQuantizeLinearStd(cudaStream_t stream, const float* input, uint8_t* output, const float* scale, const uint8_t* zero_point, size_t num_of_element); template Status CudaQuantizeLinearStd(cudaStream_t stream, const half* input, int8_t* output, const half* scale, const int8_t* zero_point, size_t num_of_element); template Status CudaQuantizeLinearStd(cudaStream_t stream, const half* input, uint8_t* output, const half* scale, const uint8_t* zero_point, size_t num_of_element); +template Status CudaQuantizeLinearStdInt4(cudaStream_t stream, const float* input, int8_t* output, const float* scale, const int8_t* zero_point, size_t num_of_element); +template Status CudaQuantizeLinearStdInt4(cudaStream_t stream, const float* input, uint8_t* output, const float* scale, const uint8_t* zero_point, size_t num_of_element); +template Status CudaQuantizeLinearStdInt4(cudaStream_t stream, const half* input, int8_t* output, const half* scale, const int8_t* zero_point, size_t num_of_element); +template Status CudaQuantizeLinearStdInt4(cudaStream_t stream, const half* input, uint8_t* output, const half* scale, const uint8_t* zero_point, size_t num_of_element); template Status CudaQuantizeLinearAxisStd(cudaStream_t stream, const float* input, int8_t* output, const float* scale, const int8_t* zero_point, size_t num_of_element, size_t batch_size, size_t n_scales); template Status CudaQuantizeLinearAxisStd(cudaStream_t stream, const float* input, uint8_t* output, const float* scale, const uint8_t* zero_point, size_t num_of_element, size_t batch_size, size_t n_scales); template Status CudaQuantizeLinearAxisStd(cudaStream_t stream, const half* input, int8_t* output, const half* scale, const int8_t* zero_point, size_t num_of_element, size_t batch_size, size_t n_scales); template Status CudaQuantizeLinearAxisStd(cudaStream_t stream, const half* input, uint8_t* output, const half* scale, const uint8_t* zero_point, size_t num_of_element, size_t batch_size, size_t n_scales); +template Status CudaQuantizeLinearAxisStdInt4(cudaStream_t stream, const float* input, int8_t* output, const float* scale, const int8_t* zero_point, size_t num_of_element, size_t batch_size, size_t n_scales); +template Status CudaQuantizeLinearAxisStdInt4(cudaStream_t stream, const float* input, uint8_t* output, const float* scale, const uint8_t* zero_point, size_t num_of_element, size_t batch_size, size_t n_scales); +template Status CudaQuantizeLinearAxisStdInt4(cudaStream_t stream, const half* input, int8_t* output, const half* scale, const int8_t* zero_point, size_t num_of_element, size_t batch_size, size_t n_scales); +template Status CudaQuantizeLinearAxisStdInt4(cudaStream_t stream, const half* input, uint8_t* output, const half* scale, const uint8_t* zero_point, size_t num_of_element, size_t batch_size, size_t n_scales); + +template Status CudaQuantizeLinearBlockStdInt4(cudaStream_t stream, const float* input, int8_t* output, const float* scale, const int8_t* zero_point, size_t num_of_element, size_t K, size_t N, size_t block_size); +template Status CudaQuantizeLinearBlockStdInt4(cudaStream_t stream, const float* input, uint8_t* output, const float* scale, const uint8_t* zero_point, size_t num_of_element, size_t K, size_t N, size_t block_size); +template Status CudaQuantizeLinearBlockStdInt4(cudaStream_t stream, const half* input, int8_t* output, const half* scale, const int8_t* zero_point, size_t num_of_element, size_t K, size_t N, size_t block_size); +template Status CudaQuantizeLinearBlockStdInt4(cudaStream_t stream, const half* input, uint8_t* output, const half* scale, const uint8_t* zero_point, size_t num_of_element, size_t K, size_t N, size_t block_size); #if !defined(DISABLE_FLOAT8_TYPES) @@ -505,11 +961,24 @@ template Status CudaDequantizeLinearStd(cudaStream_t stream, cons template Status CudaDequantizeLinearStd(cudaStream_t stream, const uint8_t* input, float* output, const float* scale, const uint8_t* zero_point, size_t num_of_element); template Status CudaDequantizeLinearStd(cudaStream_t stream, const int8_t* input, half* output, const half* scale, const int8_t* zero_point, size_t num_of_element); template Status CudaDequantizeLinearStd(cudaStream_t stream, const uint8_t* input, half* output, const half* scale, const uint8_t* zero_point, size_t num_of_element); +template Status CudaDequantizeLinearStdInt4(cudaStream_t stream, const int8_t* input, float* output, const float* scale, const int8_t* zero_point, size_t num_of_element); +template Status CudaDequantizeLinearStdInt4(cudaStream_t stream, const uint8_t* input, float* output, const float* scale, const uint8_t* zero_point, size_t num_of_element); +template Status CudaDequantizeLinearStdInt4(cudaStream_t stream, const int8_t* input, half* output, const half* scale, const int8_t* zero_point, size_t num_of_element); +template Status CudaDequantizeLinearStdInt4(cudaStream_t stream, const uint8_t* input, half* output, const half* scale, const uint8_t* zero_point, size_t num_of_element); template Status CudaDequantizeLinearAxisStd(cudaStream_t stream, const int8_t* input, float* output, const float* scale, const int8_t* zero_point, size_t num_of_element, size_t batch_size, size_t n_scales); template Status CudaDequantizeLinearAxisStd(cudaStream_t stream, const uint8_t* input, float* output, const float* scale, const uint8_t* zero_point, size_t num_of_element, size_t batch_size, size_t n_scales); template Status CudaDequantizeLinearAxisStd(cudaStream_t stream, const int8_t* input, half* output, const half* scale, const int8_t* zero_point, size_t num_of_element, size_t batch_size, size_t n_scales); template Status CudaDequantizeLinearAxisStd(cudaStream_t stream, const uint8_t* input, half* output, const half* scale, const uint8_t* zero_point, size_t num_of_element, size_t batch_size, size_t n_scales); +template Status CudaDequantizeLinearAxisStdInt4(cudaStream_t stream, const int8_t* input, float* output, const float* scale, const int8_t* zero_point, size_t num_of_element, size_t batch_size, size_t n_scales); +template Status CudaDequantizeLinearAxisStdInt4(cudaStream_t stream, const uint8_t* input, float* output, const float* scale, const uint8_t* zero_point, size_t num_of_element, size_t batch_size, size_t n_scales); +template Status CudaDequantizeLinearAxisStdInt4(cudaStream_t stream, const int8_t* input, half* output, const half* scale, const int8_t* zero_point, size_t num_of_element, size_t batch_size, size_t n_scales); +template Status CudaDequantizeLinearAxisStdInt4(cudaStream_t stream, const uint8_t* input, half* output, const half* scale, const uint8_t* zero_point, size_t num_of_element, size_t batch_size, size_t n_scales); + +template Status CudaDequantizeLinearBlockStdInt4(cudaStream_t stream, const int8_t* input, float* output, const float* scale, const int8_t* zero_point, size_t num_of_element, size_t K, size_t N, size_t block_size); +template Status CudaDequantizeLinearBlockStdInt4(cudaStream_t stream, const uint8_t* input, float* output, const float* scale, const uint8_t* zero_point, size_t num_of_element, size_t K, size_t N, size_t block_size); +template Status CudaDequantizeLinearBlockStdInt4(cudaStream_t stream, const int8_t* input, half* output, const half* scale, const int8_t* zero_point, size_t num_of_element, size_t K, size_t N, size_t block_size); +template Status CudaDequantizeLinearBlockStdInt4(cudaStream_t stream, const uint8_t* input, half* output, const half* scale, const uint8_t* zero_point, size_t num_of_element, size_t K, size_t N, size_t block_size); #if !defined(DISABLE_FLOAT8_TYPES) diff --git a/onnxruntime/core/providers/cuda/tensor/quantize_linear.cuh b/onnxruntime/core/providers/cuda/tensor/quantize_linear.cuh index e8cd5d416f402..cd14625d58aa2 100644 --- a/onnxruntime/core/providers/cuda/tensor/quantize_linear.cuh +++ b/onnxruntime/core/providers/cuda/tensor/quantize_linear.cuh @@ -11,33 +11,96 @@ namespace onnxruntime { namespace cuda { template -Status CudaQuantizeLinearStd(cudaStream_t stream, const U* input, T* output, const U* scale, const T* zero_point, size_t num_of_element); +Status CudaQuantizeLinearStd(cudaStream_t stream, const U* input, T* output, const U* scale, + const T* zero_point, size_t num_of_element); template -Status CudaQuantizeLinearSat(cudaStream_t stream, const U* input, T* output, const U* scale, const T* zero_point, size_t num_of_element, - bool saturate); +Status CudaQuantizeLinearStdInt4(cudaStream_t stream, const U* input, T* output, const U* scale, + const T* zero_point, size_t num_of_element); template -Status CudaQuantizeLinearAxisStd(cudaStream_t stream, const U* input, T* output, const U* scale, const T* zero_point, size_t num_of_element, - size_t batch_size, size_t n_scales); +Status CudaQuantizeLinearSat(cudaStream_t stream, const U* input, T* output, const U* scale, + const T* zero_point, size_t num_of_element, bool saturate); template -Status CudaQuantizeLinearAxisSat(cudaStream_t stream, const U* input, T* output, const U* scale, const T* zero_point, size_t num_of_element, - size_t batch_size, size_t n_scales, bool saturate); +Status CudaQuantizeLinearAxisStd(cudaStream_t stream, const U* input, T* output, const U* scale, + const T* zero_point, size_t num_of_element, size_t batch_size, size_t n_scales); template -Status CudaDequantizeLinearStd(cudaStream_t stream, const T* input, U* output, const U* scale, const T* zero_point, size_t num_of_element); +Status CudaQuantizeLinearAxisStdInt4(cudaStream_t stream, const U* input, T* output, const U* scale, + const T* zero_point, size_t num_of_element, size_t batch_size, size_t n_scales); template -Status CudaDequantizeLinearSat(cudaStream_t stream, const T* input, U* output, const U* scale, const T* zero_point, size_t num_of_element); +Status CudaQuantizeLinearAxisSat(cudaStream_t stream, const U* input, T* output, const U* scale, + const T* zero_point, size_t num_of_element, size_t batch_size, size_t n_scales, + bool saturate); +/** + * @brief block-wise quantization with standard rounding to int4. Input is reshaped to [M, K, N]. K the quantization + * axis. Scale is reshaped to [M, ceil(K/block_size), N]. For an index i in input, the coordiate is (xi, yi, zi) + * = (i / (K * N), i % (K * N) / N, i % N). The scale coordiate is (xi, yi / block_size, zi). The scale index + * is xi * ceil(K / block_size) * N + yi / block_size * N + zi. + * @tparam T quantized type, int8_t for Int4x2, uint8_t for UInt4x2 + * @tparam U full precision type + * @param stream cuda stream + * @param input input tensor + * @param output output tensor + * @param scale scale tensor + * @param zero_point zero point tensor + * @param num_of_element number of elements in input tensor + * @param K K + * @param N N + * @param block_size block size + */ template -Status CudaDequantizeLinearAxisStd(cudaStream_t stream, const T* input, U* output, const U* scale, const T* zero_point, size_t num_of_element, - size_t batch_size, size_t n_scales); +Status CudaQuantizeLinearBlockStdInt4(cudaStream_t stream, const U* input, T* output, const U* scale, + const T* zero_point, size_t num_of_element, size_t K, size_t N, + size_t block_size); template -Status CudaDequantizeLinearAxisSat(cudaStream_t stream, const T* input, U* output, const U* scale, const T* zero_point, size_t num_of_element, - size_t batch_size, size_t n_scales); +Status CudaDequantizeLinearStd(cudaStream_t stream, const T* input, U* output, const U* scale, + const T* zero_point, size_t num_of_element); +template +Status CudaDequantizeLinearStdInt4(cudaStream_t stream, const T* input, U* output, const U* scale, + const T* zero_point, size_t num_of_element); + +template +Status CudaDequantizeLinearSat(cudaStream_t stream, const T* input, U* output, const U* scale, const T* zero_point, + size_t num_of_element); + +template +Status CudaDequantizeLinearAxisStd(cudaStream_t stream, const T* input, U* output, const U* scale, const T* zero_point, + size_t num_of_element, size_t batch_size, size_t n_scales); + +template +Status CudaDequantizeLinearAxisStdInt4(cudaStream_t stream, const T* input, U* output, const U* scale, + const T* zero_point, size_t num_of_element, size_t batch_size, size_t n_scales); + +template +Status CudaDequantizeLinearAxisSat(cudaStream_t stream, const T* input, U* output, const U* scale, const T* zero_point, + size_t num_of_element, size_t batch_size, size_t n_scales); + +/** + * @brief block-wise dequantization with standard rounding to int4. Input is reshaped to [M, K, N]. K the quantization + * axis. Scale is reshaped to [M, ceil(K/block_size), N]. For an index i in input, the coordiate is (xi, yi, zi) + * = (i / (K * N), i % (K * N) / N, i % N). The scale coordiate is (xi, yi / block_size, zi). The scale index + * is xi * ceil(K / block_size) * N + yi / block_size * N + zi. + * @tparam T quantized type, int8_t for Int4x2, uint8_t for UInt4x2 + * @tparam U full precision type + * @param stream cuda stream + * @param input input tensor + * @param output output tensor + * @param scale scale tensor + * @param zero_point zero point tensor + * @param num_of_element number of elements in input tensor + * @param K K + * @param N N + * @param block_size block size + */ +template +Status CudaDequantizeLinearBlockStdInt4(cudaStream_t stream, const T* input, U* output, const U* scale, + const T* zero_point, size_t num_of_element, size_t K, size_t N, + size_t block_size); } // namespace cuda } // namespace onnxruntime diff --git a/onnxruntime/core/providers/cuda/tensor/quantize_linear.h b/onnxruntime/core/providers/cuda/tensor/quantize_linear.h index 86036f28ef552..2d44fcc5227c5 100644 --- a/onnxruntime/core/providers/cuda/tensor/quantize_linear.h +++ b/onnxruntime/core/providers/cuda/tensor/quantize_linear.h @@ -19,6 +19,11 @@ class QuantizeLinear final : public CudaKernel { if (!info.GetAttr("saturate", &saturate_).IsOK()) { saturate_ = 1; } + if (!info.GetAttr("block_size", &block_size_).IsOK()) { + block_size_ = 0; + } + + ORT_ENFORCE(block_size_ >= 0, "'block_size' must be non-negative."); } Status ComputeInternal(OpKernelContext* p_op_kernel_context) const override; @@ -26,6 +31,7 @@ class QuantizeLinear final : public CudaKernel { private: int64_t axis_; int64_t saturate_; + int64_t block_size_; }; template @@ -35,12 +41,18 @@ class DequantizeLinear final : public CudaKernel { if (!info.GetAttr("axis", &axis_).IsOK()) { axis_ = 1; } + if (!info.GetAttr("block_size", &block_size_).IsOK()) { + block_size_ = 0; + } + + ORT_ENFORCE(block_size_ >= 0, "'block_size' must be non-negative."); } Status ComputeInternal(OpKernelContext* p_op_kernel_context) const override; private: int64_t axis_; + int64_t block_size_; }; } // namespace cuda diff --git a/onnxruntime/core/providers/rocm/rocm_execution_provider.cc b/onnxruntime/core/providers/rocm/rocm_execution_provider.cc index c1cedd47501ae..7d741a6604679 100644 --- a/onnxruntime/core/providers/rocm/rocm_execution_provider.cc +++ b/onnxruntime/core/providers/rocm/rocm_execution_provider.cc @@ -1370,18 +1370,26 @@ class ONNX_OPERATOR_TYPED_KERNEL_CLASS_NAME(kRocmExecutionProvider, kOnnxDomain, class ONNX_OPERATOR_TYPED_KERNEL_CLASS_NAME(kRocmExecutionProvider, kOnnxDomain, 19, uint64_t, Cast); class ONNX_OPERATOR_TYPED_KERNEL_CLASS_NAME(kRocmExecutionProvider, kOnnxDomain, 19, bool, Cast); -class ONNX_OPERATOR_TWO_TYPED_KERNEL_CLASS_NAME(kRocmExecutionProvider, kOnnxDomain, 19, uint8_t, float, DequantizeLinear); -class ONNX_OPERATOR_TWO_TYPED_KERNEL_CLASS_NAME(kRocmExecutionProvider, kOnnxDomain, 19, int8_t, float, DequantizeLinear); -class ONNX_OPERATOR_TWO_TYPED_KERNEL_CLASS_NAME(kRocmExecutionProvider, kOnnxDomain, 19, uint8_t, MLFloat16, DequantizeLinear); -class ONNX_OPERATOR_TWO_TYPED_KERNEL_CLASS_NAME(kRocmExecutionProvider, kOnnxDomain, 19, int8_t, MLFloat16, DequantizeLinear); +class ONNX_OPERATOR_VERSIONED_TWO_TYPED_KERNEL_CLASS_NAME(kRocmExecutionProvider, kOnnxDomain, 19, 20, uint8_t, + float, DequantizeLinear); +class ONNX_OPERATOR_VERSIONED_TWO_TYPED_KERNEL_CLASS_NAME(kRocmExecutionProvider, kOnnxDomain, 19, 20, int8_t, + float, DequantizeLinear); +class ONNX_OPERATOR_VERSIONED_TWO_TYPED_KERNEL_CLASS_NAME(kRocmExecutionProvider, kOnnxDomain, 19, 20, uint8_t, + MLFloat16, DequantizeLinear); +class ONNX_OPERATOR_VERSIONED_TWO_TYPED_KERNEL_CLASS_NAME(kRocmExecutionProvider, kOnnxDomain, 19, 20, int8_t, + MLFloat16, DequantizeLinear); class ONNX_OPERATOR_KERNEL_CLASS_NAME(kRocmExecutionProvider, kOnnxDomain, 19, Identity); class ONNX_OPERATOR_KERNEL_CLASS_NAME(kRocmExecutionProvider, kOnnxDomain, 19, If); class ONNX_OPERATOR_KERNEL_CLASS_NAME(kRocmExecutionProvider, kOnnxDomain, 19, Loop); -class ONNX_OPERATOR_TWO_TYPED_KERNEL_CLASS_NAME(kRocmExecutionProvider, kOnnxDomain, 19, uint8_t, float, QuantizeLinear); -class ONNX_OPERATOR_TWO_TYPED_KERNEL_CLASS_NAME(kRocmExecutionProvider, kOnnxDomain, 19, int8_t, float, QuantizeLinear); -class ONNX_OPERATOR_TWO_TYPED_KERNEL_CLASS_NAME(kRocmExecutionProvider, kOnnxDomain, 19, uint8_t, MLFloat16, QuantizeLinear); -class ONNX_OPERATOR_TWO_TYPED_KERNEL_CLASS_NAME(kRocmExecutionProvider, kOnnxDomain, 19, int8_t, MLFloat16, QuantizeLinear); +class ONNX_OPERATOR_VERSIONED_TWO_TYPED_KERNEL_CLASS_NAME(kRocmExecutionProvider, kOnnxDomain, 19, 20, uint8_t, + float, QuantizeLinear); +class ONNX_OPERATOR_VERSIONED_TWO_TYPED_KERNEL_CLASS_NAME(kRocmExecutionProvider, kOnnxDomain, 19, 20, int8_t, + float, QuantizeLinear); +class ONNX_OPERATOR_VERSIONED_TWO_TYPED_KERNEL_CLASS_NAME(kRocmExecutionProvider, kOnnxDomain, 19, 20, uint8_t, + MLFloat16, QuantizeLinear); +class ONNX_OPERATOR_VERSIONED_TWO_TYPED_KERNEL_CLASS_NAME(kRocmExecutionProvider, kOnnxDomain, 19, 20, int8_t, + MLFloat16, QuantizeLinear); class ONNX_OPERATOR_KERNEL_CLASS_NAME(kRocmExecutionProvider, kOnnxDomain, 19, Reshape); class ONNX_OPERATOR_KERNEL_CLASS_NAME(kRocmExecutionProvider, kOnnxDomain, 19, Scan); class ONNX_OPERATOR_KERNEL_CLASS_NAME(kRocmExecutionProvider, kOnnxDomain, 19, Shape); @@ -1390,6 +1398,24 @@ class ONNX_OPERATOR_KERNEL_CLASS_NAME(kRocmExecutionProvider, kOnnxDomain, 19, S class ONNX_OPERATOR_KERNEL_CLASS_NAME(kRocmExecutionProvider, kOnnxDomain, 20, IsInf); class ONNX_OPERATOR_KERNEL_CLASS_NAME(kRocmExecutionProvider, kOnnxDomain, 20, IsNaN); +// Opset 21 +class ONNX_OPERATOR_TWO_TYPED_KERNEL_CLASS_NAME(kRocmExecutionProvider, kOnnxDomain, 21, uint8_t, float, + DequantizeLinear); +class ONNX_OPERATOR_TWO_TYPED_KERNEL_CLASS_NAME(kRocmExecutionProvider, kOnnxDomain, 21, int8_t, float, + DequantizeLinear); +class ONNX_OPERATOR_TWO_TYPED_KERNEL_CLASS_NAME(kRocmExecutionProvider, kOnnxDomain, 21, uint8_t, MLFloat16, + DequantizeLinear); +class ONNX_OPERATOR_TWO_TYPED_KERNEL_CLASS_NAME(kRocmExecutionProvider, kOnnxDomain, 21, int8_t, MLFloat16, + DequantizeLinear); +class ONNX_OPERATOR_TWO_TYPED_KERNEL_CLASS_NAME(kRocmExecutionProvider, kOnnxDomain, 21, uint8_t, float, + QuantizeLinear); +class ONNX_OPERATOR_TWO_TYPED_KERNEL_CLASS_NAME(kRocmExecutionProvider, kOnnxDomain, 21, int8_t, float, + QuantizeLinear); +class ONNX_OPERATOR_TWO_TYPED_KERNEL_CLASS_NAME(kRocmExecutionProvider, kOnnxDomain, 21, uint8_t, MLFloat16, + QuantizeLinear); +class ONNX_OPERATOR_TWO_TYPED_KERNEL_CLASS_NAME(kRocmExecutionProvider, kOnnxDomain, 21, int8_t, MLFloat16, + QuantizeLinear); + template <> KernelCreateInfo BuildKernelCreateInfo() { return {}; @@ -2333,19 +2359,19 @@ static Status RegisterRocmKernels(KernelRegistry& kernel_registry) { BuildKernelCreateInfo, BuildKernelCreateInfo, - BuildKernelCreateInfo, - BuildKernelCreateInfo, - BuildKernelCreateInfo, - BuildKernelCreateInfo, + BuildKernelCreateInfo, + BuildKernelCreateInfo, + BuildKernelCreateInfo, + BuildKernelCreateInfo, BuildKernelCreateInfo, BuildKernelCreateInfo, BuildKernelCreateInfo, - BuildKernelCreateInfo, - BuildKernelCreateInfo, - BuildKernelCreateInfo, - BuildKernelCreateInfo, + BuildKernelCreateInfo, + BuildKernelCreateInfo, + BuildKernelCreateInfo, + BuildKernelCreateInfo, BuildKernelCreateInfo, BuildKernelCreateInfo, @@ -2354,6 +2380,16 @@ static Status RegisterRocmKernels(KernelRegistry& kernel_registry) { // opset 20 BuildKernelCreateInfo, BuildKernelCreateInfo, + + // opset 21 + BuildKernelCreateInfo, + BuildKernelCreateInfo, + BuildKernelCreateInfo, + BuildKernelCreateInfo, + BuildKernelCreateInfo, + BuildKernelCreateInfo, + BuildKernelCreateInfo, + BuildKernelCreateInfo, }; for (auto& function_table_entry : function_table) { diff --git a/onnxruntime/core/providers/shared_library/provider_wrappedtypes.h b/onnxruntime/core/providers/shared_library/provider_wrappedtypes.h index a0bc73a478b96..dd6f024247f4d 100644 --- a/onnxruntime/core/providers/shared_library/provider_wrappedtypes.h +++ b/onnxruntime/core/providers/shared_library/provider_wrappedtypes.h @@ -1289,6 +1289,10 @@ struct Tensor final { template <> inline bool Tensor::IsDataType() const { return g_host->Tensor__IsDataType_bool(this); } template <> +inline bool Tensor::IsDataType() const { return g_host->Tensor__IsDataType_Int4x2(this); } +template <> +inline bool Tensor::IsDataType() const { return g_host->Tensor__IsDataType_UInt4x2(this); } +template <> inline bool Tensor::IsDataType() const { return g_host->Tensor__IsDataType_int8(this); } template <> inline bool Tensor::IsDataType() const { return g_host->Tensor__IsDataType_uint8(this); } @@ -1327,6 +1331,10 @@ inline bool Tensor::IsDataType() const { return g_host->Tensor__ template <> inline bool* Tensor::MutableData() { return g_host->Tensor__MutableData_bool(this); } template <> +inline Int4x2* Tensor::MutableData() { return g_host->Tensor__MutableData_Int4x2(this); } +template <> +inline UInt4x2* Tensor::MutableData() { return g_host->Tensor__MutableData_UInt4x2(this); } +template <> inline int8_t* Tensor::MutableData() { return g_host->Tensor__MutableData_int8(this); } template <> inline uint8_t* Tensor::MutableData() { return g_host->Tensor__MutableData_uint8(this); } @@ -1365,6 +1373,10 @@ inline Float8E5M2FNUZ* Tensor::MutableData() { return g_host->Te template <> inline const bool* Tensor::Data() const { return g_host->Tensor__Data_bool(this); } template <> +inline const Int4x2* Tensor::Data() const { return g_host->Tensor__Data_Int4x2(this); } +template <> +inline const UInt4x2* Tensor::Data() const { return g_host->Tensor__Data_UInt4x2(this); } +template <> inline const int8_t* Tensor::Data() const { return g_host->Tensor__Data_int8(this); } template <> inline const uint8_t* Tensor::Data() const { return g_host->Tensor__Data_uint8(this); } diff --git a/onnxruntime/test/optimizer/graph_transform_test_builder.cc b/onnxruntime/test/optimizer/graph_transform_test_builder.cc index 03a71868a3dc1..756cc4159e6f2 100644 --- a/onnxruntime/test/optimizer/graph_transform_test_builder.cc +++ b/onnxruntime/test/optimizer/graph_transform_test_builder.cc @@ -6,6 +6,7 @@ #include #include #include +#include #include "core/common/inlined_containers_fwd.h" #include "core/common/span_utils.h" @@ -140,7 +141,8 @@ void TransformerTester(const std::function& buil double relative_per_sample_tolerance, std::unique_ptr transformer, const std::function& add_session_options, - const InlinedHashSet& disabled_optimizers) { + const InlinedHashSet& disabled_optimizers, + std::unique_ptr ep) { // Build the model for this test. std::unordered_map domain_to_version; domain_to_version[kOnnxDomain] = opset_version; @@ -157,6 +159,7 @@ void TransformerTester(const std::function& buil // Serialize the model to a string. std::string model_data; model.ToProto().SerializeToString(&model_data); + std::shared_ptr ep_shared = ep ? std::move(ep) : nullptr; auto run_model = [&](TransformerLevel level, std::vector& fetches, std::unique_ptr transformer = nullptr) { @@ -170,6 +173,10 @@ void TransformerTester(const std::function& buil add_session_options(session_options); } InferenceSessionWrapper session{session_options, GetEnvironment()}; + if (ep_shared) { + ASSERT_STATUS_OK(session.RegisterExecutionProvider(ep_shared)); + } + ASSERT_STATUS_OK(session.Load(model_data.data(), static_cast(model_data.size()))); if (transformer) { ASSERT_STATUS_OK(session.RegisterGraphTransformer(std::move(transformer), level)); diff --git a/onnxruntime/test/optimizer/graph_transform_test_builder.h b/onnxruntime/test/optimizer/graph_transform_test_builder.h index b9af675afe74d..f641c597acf07 100644 --- a/onnxruntime/test/optimizer/graph_transform_test_builder.h +++ b/onnxruntime/test/optimizer/graph_transform_test_builder.h @@ -555,7 +555,8 @@ void TransformerTester(const std::function& buil double relative_per_sample_tolerance = 0.0, std::unique_ptr transformer = nullptr, const std::function& add_session_options = {}, - const InlinedHashSet& disabled_optimizers = {}); + const InlinedHashSet& disabled_optimizers = {}, + std::unique_ptr ep = nullptr); void TransformerTester(const std::function& build_test_case, const std::function& check_transformed_graph, diff --git a/onnxruntime/test/optimizer/qdq_matmulnbits_transformer_test.cc b/onnxruntime/test/optimizer/qdq_matmulnbits_transformer_test.cc index 3d117794104fa..e9c7b11fe9da2 100644 --- a/onnxruntime/test/optimizer/qdq_matmulnbits_transformer_test.cc +++ b/onnxruntime/test/optimizer/qdq_matmulnbits_transformer_test.cc @@ -17,6 +17,7 @@ #include "test/optimizer/qdq_test_utils.h" #include "test/optimizer/graph_transform_test_builder.h" #include "test/util/include/asserts.h" +#include "test/util/include/default_providers.h" #include "test/util/include/inference_session_wrapper.h" #include "gtest/gtest.h" @@ -55,7 +56,8 @@ RunDQMatMulNotConverted_NonConstDQ(const std::vector& input1_shape, const std::vector& input2_shape, const int64_t axis, const int64_t block_size, - int64_t accuracy_level) { + int64_t accuracy_level, + std::unique_ptr ep = nullptr) { auto build_test_case = [&](ModelTestBuilder& builder) { auto* input1_arg = builder.MakeInput(input1_shape, -100.0f, 100.0f); auto* input2_arg = builder.MakeInput(input2_shape, T(T::min_val, 0), T(T::max_val, 0)); @@ -104,7 +106,9 @@ RunDQMatMulNotConverted_NonConstDQ(const std::vector& input1_shape, 1e-5 /*per_sample_tolerance*/, 1e-5 /*relative_per_sample_tolerance*/, nullptr, - add_session_options_fn); + add_session_options_fn, + {}, + ep ? std::move(ep) : nullptr); } TEST(QDQTransformerTests, DQMatMulNotConvertedToMatMulNBits_NonConstDQ) { @@ -127,6 +131,27 @@ TEST(QDQTransformerTests, DQMatMulNotConvertedToMatMulNBits_NonConstDQ) { RunDQMatMulNotConverted_NonConstDQ({12, 37}, {37, 12}, 0, 16, -1); } +TEST(QDQTransformerTests, DQMatMulNotConvertedToMatMulNBits_NonConstDQ_Cuda) { + // DQ contrib op schema is not updated to support blocked quantization + RunDQMatMulNotConverted_NonConstDQ({12, 37}, {37, 12}, 0, 16, 0, DefaultCudaExecutionProvider()); + RunDQMatMulNotConverted_NonConstDQ({12, 37}, {37, 12}, 0, 16, 0, DefaultCudaExecutionProvider()); + RunDQMatMulNotConverted_NonConstDQ({12, 37}, {37, 12}, 0, 16, 0, DefaultCudaExecutionProvider()); + RunDQMatMulNotConverted_NonConstDQ({12, 37}, {37, 12}, 0, 16, 0, DefaultCudaExecutionProvider()); + RunDQMatMulNotConverted_NonConstDQ({12, 37}, {37, 12}, 0, 16, 1, DefaultCudaExecutionProvider()); + RunDQMatMulNotConverted_NonConstDQ({12, 37}, {37, 12}, 0, 16, 1, DefaultCudaExecutionProvider()); + RunDQMatMulNotConverted_NonConstDQ({12, 37}, {37, 12}, 0, 16, 1, DefaultCudaExecutionProvider()); + RunDQMatMulNotConverted_NonConstDQ({12, 37}, {37, 12}, 0, 16, 1, DefaultCudaExecutionProvider()); + RunDQMatMulNotConverted_NonConstDQ({12, 37}, {37, 12}, 0, 16, 4, DefaultCudaExecutionProvider()); + RunDQMatMulNotConverted_NonConstDQ({12, 37}, {37, 12}, 0, 16, 4, DefaultCudaExecutionProvider()); + RunDQMatMulNotConverted_NonConstDQ({12, 37}, {37, 12}, 0, 16, 4, DefaultCudaExecutionProvider()); + RunDQMatMulNotConverted_NonConstDQ({12, 37}, {37, 12}, 0, 16, 4, DefaultCudaExecutionProvider()); + RunDQMatMulNotConverted_NonConstDQ({12, 37}, {37, 12}, 0, 16, -1, DefaultCudaExecutionProvider()); + ; + RunDQMatMulNotConverted_NonConstDQ({12, 37}, {37, 12}, 0, 16, -1, DefaultCudaExecutionProvider()); + RunDQMatMulNotConverted_NonConstDQ({12, 37}, {37, 12}, 0, 16, -1, DefaultCudaExecutionProvider()); + RunDQMatMulNotConverted_NonConstDQ({12, 37}, {37, 12}, 0, 16, -1, DefaultCudaExecutionProvider()); +} + // Input2 // | // DQ / @@ -140,7 +165,8 @@ RunDQMatMulNotConverted_FirstDQInput(const std::vector& weight_shape, const std::vector& input2_shape, const int64_t axis, const int64_t block_size, - int64_t accuracy_level) { + int64_t accuracy_level, + std::unique_ptr ep = nullptr) { auto build_test_case = [&](ModelTestBuilder& builder) { auto* weight_arg = builder.MakeInitializer(weight_shape, T(T::min_val, 0), T(T::max_val, 0)); auto* input2_arg = builder.MakeInput(input2_shape, -100.0f, 100.0f); @@ -189,7 +215,9 @@ RunDQMatMulNotConverted_FirstDQInput(const std::vector& weight_shape, 1e-5 /*per_sample_tolerance*/, 1e-5 /*relative_per_sample_tolerance*/, nullptr, - add_session_options_fn); + add_session_options_fn, + {}, + ep ? std::move(ep) : nullptr); } TEST(QDQTransformerTests, DQMatMulNotConvertedToMatMulNBits_FirstDQInput) { @@ -212,6 +240,27 @@ TEST(QDQTransformerTests, DQMatMulNotConvertedToMatMulNBits_FirstDQInput) { RunDQMatMulNotConverted_FirstDQInput({12, 37}, {37, 12}, 0, 16, -1); } +TEST(QDQTransformerTests, DQMatMulNotConvertedToMatMulNBits_FirstDQInput_Cuda) { + // DQ contrib op schema is not updated to support blocked quantization + RunDQMatMulNotConverted_FirstDQInput({12, 37}, {37, 12}, 0, 16, 0, DefaultCudaExecutionProvider()); + RunDQMatMulNotConverted_FirstDQInput({12, 37}, {37, 12}, 0, 16, 0, DefaultCudaExecutionProvider()); + RunDQMatMulNotConverted_FirstDQInput({12, 37}, {37, 12}, 0, 16, 0, DefaultCudaExecutionProvider()); + RunDQMatMulNotConverted_FirstDQInput({12, 37}, {37, 12}, 0, 16, 0, DefaultCudaExecutionProvider()); + RunDQMatMulNotConverted_FirstDQInput({12, 37}, {37, 12}, 0, 16, 1, DefaultCudaExecutionProvider()); + RunDQMatMulNotConverted_FirstDQInput({12, 37}, {37, 12}, 0, 16, 1, DefaultCudaExecutionProvider()); + RunDQMatMulNotConverted_FirstDQInput({12, 37}, {37, 12}, 0, 16, 1, DefaultCudaExecutionProvider()); + RunDQMatMulNotConverted_FirstDQInput({12, 37}, {37, 12}, 0, 16, 1, DefaultCudaExecutionProvider()); + RunDQMatMulNotConverted_FirstDQInput({12, 37}, {37, 12}, 0, 16, 4, DefaultCudaExecutionProvider()); + RunDQMatMulNotConverted_FirstDQInput({12, 37}, {37, 12}, 0, 16, 4, DefaultCudaExecutionProvider()); + RunDQMatMulNotConverted_FirstDQInput({12, 37}, {37, 12}, 0, 16, 4, DefaultCudaExecutionProvider()); + RunDQMatMulNotConverted_FirstDQInput({12, 37}, {37, 12}, 0, 16, 4, DefaultCudaExecutionProvider()); + RunDQMatMulNotConverted_FirstDQInput({12, 37}, {37, 12}, 0, 16, -1, DefaultCudaExecutionProvider()); + ; + RunDQMatMulNotConverted_FirstDQInput({12, 37}, {37, 12}, 0, 16, -1, DefaultCudaExecutionProvider()); + RunDQMatMulNotConverted_FirstDQInput({12, 37}, {37, 12}, 0, 16, -1, DefaultCudaExecutionProvider()); + RunDQMatMulNotConverted_FirstDQInput({12, 37}, {37, 12}, 0, 16, -1, DefaultCudaExecutionProvider()); +} + // Input1 // | // \ DQ @@ -224,7 +273,8 @@ void RunDQMatMulNotConverted_TypeShapeMismatch(const std::vector& input const std::vector& weight_shape, const int64_t axis, const int64_t block_size, - int64_t accuracy_level) { + int64_t accuracy_level, + std::unique_ptr ep = nullptr) { auto build_test_case = [&](ModelTestBuilder& builder) { auto* input_arg = builder.MakeInput(input1_shape, -100.0f, 100.0f); auto* output_arg = builder.MakeOutput(); @@ -287,7 +337,9 @@ void RunDQMatMulNotConverted_TypeShapeMismatch(const std::vector& input 1e-5 /*per_sample_tolerance*/, 1e-5 /*relative_per_sample_tolerance*/, nullptr, - add_session_options_fn); + add_session_options_fn, + {}, + ep ? std::move(ep) : nullptr); } TEST(QDQTransformerTests, DQMatMulNotConvertedToMatMulNBits_TypeMismatch) { @@ -327,6 +379,31 @@ TEST(QDQTransformerTests, DQMatMulNotConvertedToMatMulNBits_ShapeMismatch) { RunDQMatMulNotConverted_TypeShapeMismatch({2, 12, 37}, {2, 37, 12}, 0, 16, 0); } +TEST(QDQTransformerTests, DQMatMulNotConvertedToMatMulNBits_ShapeMismatch_Cuda) { + // DQ contrib op schema is not updated to support blocked quantization + // block size too small + RunDQMatMulNotConverted_TypeShapeMismatch({12, 37}, {37, 12}, 0, 8, 0, DefaultCudaExecutionProvider()); + RunDQMatMulNotConverted_TypeShapeMismatch({12, 37}, {37, 12}, 0, 8, 0, DefaultCudaExecutionProvider()); + RunDQMatMulNotConverted_TypeShapeMismatch({12, 37}, {37, 12}, 0, 8, 0, DefaultCudaExecutionProvider()); + RunDQMatMulNotConverted_TypeShapeMismatch({12, 37}, {37, 12}, 0, 8, 0, DefaultCudaExecutionProvider()); + // block size not 2's power + RunDQMatMulNotConverted_TypeShapeMismatch({12, 37}, {37, 12}, 0, 17, 0, DefaultCudaExecutionProvider()); + ; + RunDQMatMulNotConverted_TypeShapeMismatch({12, 37}, {37, 12}, 0, 17, 0, DefaultCudaExecutionProvider()); + RunDQMatMulNotConverted_TypeShapeMismatch({12, 37}, {37, 12}, 0, 17, 0, DefaultCudaExecutionProvider()); + RunDQMatMulNotConverted_TypeShapeMismatch({12, 37}, {37, 12}, 0, 17, 0, DefaultCudaExecutionProvider()); + // not axis 0 + RunDQMatMulNotConverted_TypeShapeMismatch({12, 37}, {37, 37}, 1, 16, 0, DefaultCudaExecutionProvider()); + RunDQMatMulNotConverted_TypeShapeMismatch({12, 37}, {37, 37}, 1, 16, 0, DefaultCudaExecutionProvider()); + RunDQMatMulNotConverted_TypeShapeMismatch({12, 37}, {37, 37}, 1, 16, 0, DefaultCudaExecutionProvider()); + RunDQMatMulNotConverted_TypeShapeMismatch({12, 37}, {37, 37}, 1, 16, 0, DefaultCudaExecutionProvider()); + // not rank 2 + RunDQMatMulNotConverted_TypeShapeMismatch({2, 12, 37}, {2, 37, 12}, 0, 16, 0, DefaultCudaExecutionProvider()); + RunDQMatMulNotConverted_TypeShapeMismatch({2, 12, 37}, {2, 37, 12}, 0, 16, 0, DefaultCudaExecutionProvider()); + RunDQMatMulNotConverted_TypeShapeMismatch({2, 12, 37}, {2, 37, 12}, 0, 16, 0, DefaultCudaExecutionProvider()); + RunDQMatMulNotConverted_TypeShapeMismatch({2, 12, 37}, {2, 37, 12}, 0, 16, 0, DefaultCudaExecutionProvider()); +} + // Input1 // | DQ // \ / @@ -343,7 +420,8 @@ RunDQMatMulConverted(const std::vector& input1_shape, const std::vector& weight2_shape, const int64_t axis, const int64_t block_size, - int64_t accuracy_level) { + int64_t accuracy_level, + std::unique_ptr ep = nullptr) { auto build_test_case = [&](ModelTestBuilder& builder) { auto* input_arg = builder.MakeInput(input1_shape, -100.0f, 100.0f); auto* output_arg = builder.MakeOutput(); @@ -402,9 +480,11 @@ RunDQMatMulConverted(const std::vector& input1_shape, TransformerLevel::Level2, 21 /*opset_version*/, 1e-5 /*per_sample_tolerance*/, - 1e-5 /*relative_per_sample_tolerance*/, + 2e-5 /*relative_per_sample_tolerance*/, nullptr, - add_session_options_fn); + add_session_options_fn, + {}, + ep ? std::move(ep) : nullptr); } TEST(QDQTransformerTests, DQMatMulConvertedToMatMulNBits) { @@ -419,6 +499,18 @@ TEST(QDQTransformerTests, DQMatMulConvertedToMatMulNBits) { RunDQMatMulConverted({12, 12}, {12, 37}, {37, 12}, 0, 16, 1); } +TEST(QDQTransformerTests, DQMatMulConvertedToMatMulNBits_Cuda) { + // DQ contrib op schema is not updated to support blocked quantization + RunDQMatMulConverted({12, 12}, {12, 37}, {37, 12}, 0, 16, 0, DefaultCudaExecutionProvider()); + RunDQMatMulConverted({12, 12}, {12, 37}, {37, 12}, 0, 16, 0, DefaultCudaExecutionProvider()); + RunDQMatMulConverted({12, 12}, {12, 37}, {37, 12}, 0, 16, 0, DefaultCudaExecutionProvider()); + RunDQMatMulConverted({12, 12}, {12, 37}, {37, 12}, 0, 16, 0, DefaultCudaExecutionProvider()); + RunDQMatMulConverted({12, 12}, {12, 37}, {37, 12}, 0, 16, 1, DefaultCudaExecutionProvider()); + RunDQMatMulConverted({12, 12}, {12, 37}, {37, 12}, 0, 16, 1, DefaultCudaExecutionProvider()); + RunDQMatMulConverted({12, 12}, {12, 37}, {37, 12}, 0, 16, 1, DefaultCudaExecutionProvider()); + RunDQMatMulConverted({12, 12}, {12, 37}, {37, 12}, 0, 16, 1, DefaultCudaExecutionProvider()); +} + #endif // !defined(DISABLE_CONTRIB_OPS) } // namespace test diff --git a/onnxruntime/test/providers/cpu/tensor/quantize_linear_test.cc b/onnxruntime/test/providers/cpu/tensor/quantize_linear_test.cc index cc34f7e18cf26..51aae0cfd4adf 100644 --- a/onnxruntime/test/providers/cpu/tensor/quantize_linear_test.cc +++ b/onnxruntime/test/providers/cpu/tensor/quantize_linear_test.cc @@ -869,7 +869,8 @@ void DequantizeLinearOp21BlockedTest_InvalidBlockSize_Int(int64_t block_size, template void DequantizeLinearOp21BlockedTest_InvalidBlockSize_Int4(int64_t block_size, int64_t scale_block_count, - int64_t zero_point_block_count) { + int64_t zero_point_block_count, + std::unique_ptr ep = nullptr) { OpTester test("DequantizeLinear", 21); std::vector dims{2, 4}; std::vector x_scale, y; @@ -877,7 +878,7 @@ void DequantizeLinearOp21BlockedTest_InvalidBlockSize_Int4(int64_t block_size, SessionOptions so; std::vector log_msgs; // redirect error messages std::vector> eps; - eps.push_back(DefaultCpuExecutionProvider()); + eps.push_back(ep ? std::move(ep) : DefaultCpuExecutionProvider()); so.user_logging_function = [](void* param, OrtLoggingLevel severity, const char* category, const char* logid, const char* code_location, const char* message) { ORT_UNUSED_PARAMETER(severity); @@ -970,6 +971,13 @@ TEST(DequantizeLinearOp21BlockedTest, NagativeBlockSize_Int) { DequantizeLinearOp21BlockedTest_InvalidBlockSize_Int(-1, 2, 2); } +TEST(DequantizeLinearOp21BlockedTest, NagativeBlockSize_Int_Cuda) { + DequantizeLinearOp21BlockedTest_InvalidBlockSize_Int4(-1, 2, 2, DefaultCudaExecutionProvider()); + DequantizeLinearOp21BlockedTest_InvalidBlockSize_Int4(-1, 2, 2, DefaultCudaExecutionProvider()); + DequantizeLinearOp21BlockedTest_InvalidBlockSize_Int4(-2, 2, 2, DefaultCudaExecutionProvider()); + DequantizeLinearOp21BlockedTest_InvalidBlockSize_Int4(-2, 2, 2, DefaultCudaExecutionProvider()); +} + #if !defined(DISABLE_FLOAT8_TYPES) TEST(DequantizeLinearOp21BlockedTest, NagativeBlockSize_Float8) { constexpr int min_cuda_architecture = 11080; @@ -1013,6 +1021,13 @@ TEST(DequantizeLinearOp21BlockedTest, IncompatibleBlockSizeWithX_Int) { DequantizeLinearOp21BlockedTest_InvalidBlockSize_Int(3, 1, 1); } +TEST(DequantizeLinearOp21BlockedTest, IncompatibleBlockSizeWithX_Int_Cuda) { + DequantizeLinearOp21BlockedTest_InvalidBlockSize_Int4(3, 1, 1, DefaultCudaExecutionProvider()); + DequantizeLinearOp21BlockedTest_InvalidBlockSize_Int4(3, 3, 3, DefaultCudaExecutionProvider()); + DequantizeLinearOp21BlockedTest_InvalidBlockSize_Int4(3, 3, 3, DefaultCudaExecutionProvider()); + DequantizeLinearOp21BlockedTest_InvalidBlockSize_Int4(3, 1, 1, DefaultCudaExecutionProvider()); +} + #if !defined(DISABLE_FLOAT8_TYPES) TEST(DequantizeLinearOp21BlockedTest, IncompatibleBlockSizeWithX_Float8) { constexpr int min_cuda_architecture = 11080; @@ -1052,6 +1067,13 @@ TEST(DequantizeLinearOp21BlockedTest, ScaleShapeUnmatchZeroPoint_Int) { DequantizeLinearOp21BlockedTest_InvalidBlockSize_Int(3, 2, 1); } +TEST(DequantizeLinearOp21BlockedTest, ScaleShapeUnmatchZeroPoint_Int_Cuda) { + DequantizeLinearOp21BlockedTest_InvalidBlockSize_Int4(3, 2, 1, DefaultCudaExecutionProvider()); + DequantizeLinearOp21BlockedTest_InvalidBlockSize_Int4(3, 2, 3, DefaultCudaExecutionProvider()); + DequantizeLinearOp21BlockedTest_InvalidBlockSize_Int4(3, 2, 3, DefaultCudaExecutionProvider()); + DequantizeLinearOp21BlockedTest_InvalidBlockSize_Int4(3, 2, 1, DefaultCudaExecutionProvider()); +} + #if !defined(DISABLE_FLOAT8_TYPES) TEST(DequantizeLinearOp21BlockedTest, ScaleShapeUnmatchZeroPoint_Float8) { constexpr int min_cuda_architecture = 11080; @@ -1081,14 +1103,14 @@ void DequantizeLinearOp21BlockedTest_Int4_Succeed(std::vector&& dims, std::vector& x_, std::vector& x_scale_, std::vector& x_zero_point_, - std::vector& y_) { + std::vector& y_, + std::unique_ptr ep = nullptr) { OpTester test("DequantizeLinear", 21); std::vector x_scale_shape; std::vector x_scale, y; std::vector x, x_zero_point; std::vector> eps; - eps.push_back(DefaultCpuExecutionProvider()); - + eps.push_back(ep ? std::move(ep) : DefaultCpuExecutionProvider()); int64_t non_neg_axis = axis < 0 ? axis + dims.size() : axis; bool use_zero_point = !x_zero_point_.empty(); @@ -1216,6 +1238,23 @@ TEST(DequantizeLinearOp21BlockedTest, SignedInt_NoZeroPoint_FirstAxis) { DequantizeLinearOp21BlockedTest_Int_Succeed({4, 2, 2}, 0, 3, x, x_scale, zero_point, y_3); } +TEST(DequantizeLinearOp21BlockedTest, SignedInt_NoZeroPoint_FirstAxis_Cuda) { + std::vector x_scale{-2.0, -4.0, 3.5, 1.0, 2.0, 4.0, -3.5, -1.0}; + std::vector zero_point; + std::vector x{-7, -6, -5, -4, -3, -2, -1, 0, 1, 2, 3, 4, 5, 6, 7, -8}; + std::vector y_2{14.0, 24.0, -17.5, -4.0, 6.0, 8.0, -3.5, 0.0, 2.0, 8.0, -10.5, -4.0, 10.0, 24.0, -24.5, 8.0}; + std::vector y_3{14.0, 24.0, -17.5, -4.0, 6.0, 8.0, -3.5, 0.0, -2.0, -8.0, 10.5, 4.0, 10.0, 24.0, -24.5, 8.0}; + + DequantizeLinearOp21BlockedTest_Int4_Succeed({4, 2, 2}, 0, 2, x, x_scale, zero_point, y_2, + DefaultCudaExecutionProvider()); + DequantizeLinearOp21BlockedTest_Int4_Succeed({4, 2, 2}, 0, 3, x, x_scale, zero_point, y_3, + DefaultCudaExecutionProvider()); + DequantizeLinearOp21BlockedTest_Int4_Succeed({4, 2, 2}, 0, 2, x, x_scale, zero_point, y_2, + DefaultCudaExecutionProvider()); + DequantizeLinearOp21BlockedTest_Int4_Succeed({4, 2, 2}, 0, 3, x, x_scale, zero_point, y_3, + DefaultCudaExecutionProvider()); +} + TEST(DequantizeLinearOp21BlockedTest, SignedInt_UseZeroPoint_FirstAxis) { std::vector x_scale{-2.0, -4.0, 3.5, 1.0, 2.0, 4.0, -3.5, -1.0}; std::vector zero_point{-6, -4, -3, -1, 0, 2, 4, 7}; @@ -1237,6 +1276,23 @@ TEST(DequantizeLinearOp21BlockedTest, SignedInt_UseZeroPoint_FirstAxis) { DequantizeLinearOp21BlockedTest_Int_Succeed({4, 2, 2}, 0, 3, x, x_scale, zero_point, y_3); } +TEST(DequantizeLinearOp21BlockedTest, SignedInt_UseZeroPoint_FirstAxis_Cuda) { + std::vector x_scale{-2.0, -4.0, 3.5, 1.0, 2.0, 4.0, -3.5, -1.0}; + std::vector zero_point{-6, -4, -3, -1, 0, 2, 4, 7}; + std::vector x{-7, -6, -5, -4, -3, -2, -1, 0, 1, 2, 3, 4, 5, 6, 7, -8}; + std::vector y_2{2.0, 8.0, -7.0, -3, -6.0, -8.0, 7.0, 1, 2.0, 0, 3.5, 3.0, 10.0, 16.0, -10.5, 15}; + std::vector y_3{2.0, 8.0, -7.0, -3, -6.0, -8.0, 7.0, 1, -14.0, -24, 21, 5, 10.0, 16.0, -10.5, 15}; + + DequantizeLinearOp21BlockedTest_Int4_Succeed({4, 2, 2}, 0, 2, x, x_scale, zero_point, y_2, + DefaultCudaExecutionProvider()); + DequantizeLinearOp21BlockedTest_Int4_Succeed({4, 2, 2}, 0, 3, x, x_scale, zero_point, y_3, + DefaultCudaExecutionProvider()); + DequantizeLinearOp21BlockedTest_Int4_Succeed({4, 2, 2}, 0, 2, x, x_scale, zero_point, y_2, + DefaultCudaExecutionProvider()); + DequantizeLinearOp21BlockedTest_Int4_Succeed({4, 2, 2}, 0, 3, x, x_scale, zero_point, y_3, + DefaultCudaExecutionProvider()); +} + TEST(DequantizeLinearOp21BlockedTest, SignedInt_NoZeroPoint_MiddleAxis) { std::vector zero_point{}; std::vector x_scale{-2.0, -4.0, 3.5, 1.0, 2.0, 4.0, -3.5, -1.0}; @@ -1262,6 +1318,23 @@ TEST(DequantizeLinearOp21BlockedTest, SignedInt_NoZeroPoint_MiddleAxis) { DequantizeLinearOp21BlockedTest_Int_Succeed({2, 4, 2}, 1, 3, x, x_scale, zero_point, y_3); } +TEST(DequantizeLinearOp21BlockedTest, SignedInt_NoZeroPoint_MiddleAxis_Cuda) { + std::vector zero_point{}; + std::vector x_scale{-2.0, -4.0, 3.5, 1.0, 2.0, 4.0, -3.5, -1.0}; + std::vector x{-7, -6, -5, -4, -3, -2, -1, 0, 1, 2, 3, 4, 5, 6, 7, -8}; + std::vector y_2{14, 24, 10, 16, -10.5, -2, -3.5, 0, 2, 8, 6, 16, -17.5, -6, -24.5, 8}; + std::vector y_3{14, 24, 10, 16, 6, 8, -3.5, 0, 2, 8, 6, 16, 10, 24, -24.5, 8}; + + DequantizeLinearOp21BlockedTest_Int4_Succeed({2, 4, 2}, 1, 2, x, x_scale, zero_point, y_2, + DefaultCudaExecutionProvider()); + DequantizeLinearOp21BlockedTest_Int4_Succeed({2, 4, 2}, 1, 3, x, x_scale, zero_point, y_3, + DefaultCudaExecutionProvider()); + DequantizeLinearOp21BlockedTest_Int4_Succeed({2, 4, 2}, 1, 2, x, x_scale, zero_point, y_2, + DefaultCudaExecutionProvider()); + DequantizeLinearOp21BlockedTest_Int4_Succeed({2, 4, 2}, 1, 3, x, x_scale, zero_point, y_3, + DefaultCudaExecutionProvider()); +} + TEST(DequantizeLinearOp21BlockedTest, SignedInt_UseZeroPoint_MiddleAxis) { std::vector x_scale{-2.0, -4.0, 3.5, 1.0, 2.0, 4.0, -3.5, -1.0}; std::vector zero_point{-6, -4, -3, -1, 0, 2, 4, 7}; @@ -1283,6 +1356,23 @@ TEST(DequantizeLinearOp21BlockedTest, SignedInt_UseZeroPoint_MiddleAxis) { DequantizeLinearOp21BlockedTest_Int_Succeed({2, 4, 2}, 1, 3, x, x_scale, zero_point, y_3); } +TEST(DequantizeLinearOp21BlockedTest, SignedInt_UseZeroPoint_MiddleAxis_Cuda) { + std::vector x_scale{-2.0, -4.0, 3.5, 1.0, 2.0, 4.0, -3.5, -1.0}; + std::vector zero_point{-6, -4, -3, -1, 0, 2, 4, 7}; + std::vector x{-7, -6, -5, -4, -3, -2, -1, 0, 1, 2, 3, 4, 5, 6, 7, -8}; + std::vector y_2{2, 8, -2, 0, 0, -1, 7, 1, 2, 0, 6, 8, -3.5, 1, -10.5, 15}; + std::vector y_3{2, 8, -2, 0, -6, -8, 7, 1, 2, 0, 6, 8, 10, 16, -10.5, 15}; + + DequantizeLinearOp21BlockedTest_Int4_Succeed({2, 4, 2}, 1, 2, x, x_scale, zero_point, y_2, + DefaultCudaExecutionProvider()); + DequantizeLinearOp21BlockedTest_Int4_Succeed({2, 4, 2}, 1, 3, x, x_scale, zero_point, y_3, + DefaultCudaExecutionProvider()); + DequantizeLinearOp21BlockedTest_Int4_Succeed({2, 4, 2}, 1, 2, x, x_scale, zero_point, y_2, + DefaultCudaExecutionProvider()); + DequantizeLinearOp21BlockedTest_Int4_Succeed({2, 4, 2}, 1, 3, x, x_scale, zero_point, y_3, + DefaultCudaExecutionProvider()); +} + TEST(DequantizeLinearOp21BlockedTest, SignedInt_NoZeroPoint_LastAxis) { std::vector zero_point{}; std::vector x_scale{-2.0, -4.0, 3.5, 1.0, 2.0, 4.0, -3.5, -1.0}; @@ -1308,6 +1398,23 @@ TEST(DequantizeLinearOp21BlockedTest, SignedInt_NoZeroPoint_LastAxis) { DequantizeLinearOp21BlockedTest_Int_Succeed({2, 2, 4}, 2, 3, x, x_scale, zero_point, y_3); } +TEST(DequantizeLinearOp21BlockedTest, SignedInt_NoZeroPoint_LastAxis_Cuda) { + std::vector zero_point{}; + std::vector x_scale{-2.0, -4.0, 3.5, 1.0, 2.0, 4.0, -3.5, -1.0}; + std::vector x{-7, -6, -5, -4, -3, -2, -1, 0, 1, 2, 3, 4, 5, 6, 7, -8}; + std::vector y_2{14, 12, 20, 16, -10.5, -7, -1, 0, 2, 4, 12, 16, -17.5, -21, -7, 8}; + std::vector y_3{14, 12, 10, 16, -10.5, -7, -3.5, 0, 2, 4, 6, 16, -17.5, -21, -24.5, 8}; + + DequantizeLinearOp21BlockedTest_Int4_Succeed({2, 2, 4}, 2, 2, x, x_scale, zero_point, y_2, + DefaultCudaExecutionProvider()); + DequantizeLinearOp21BlockedTest_Int4_Succeed({2, 2, 4}, 2, 3, x, x_scale, zero_point, y_3, + DefaultCudaExecutionProvider()); + DequantizeLinearOp21BlockedTest_Int4_Succeed({2, 2, 4}, 2, 2, x, x_scale, zero_point, y_2, + DefaultCudaExecutionProvider()); + DequantizeLinearOp21BlockedTest_Int4_Succeed({2, 2, 4}, 2, 3, x, x_scale, zero_point, y_3, + DefaultCudaExecutionProvider()); +} + TEST(DequantizeLinearOp21BlockedTest, SignedInt_UseZeroPoint_LastAxis) { std::vector x_scale{-2.0, -4.0, 3.5, 1.0, 2.0, 4.0, -3.5, -1.0}; std::vector zero_point{-6, -4, -3, -1, 0, 2, 4, 7}; @@ -1329,6 +1436,23 @@ TEST(DequantizeLinearOp21BlockedTest, SignedInt_UseZeroPoint_LastAxis) { DequantizeLinearOp21BlockedTest_Int_Succeed({2, 2, 4}, 2, 3, x, x_scale, zero_point, y_3); } +TEST(DequantizeLinearOp21BlockedTest, SignedInt_UseZeroPoint_LastAxis_Cuda) { + std::vector x_scale{-2.0, -4.0, 3.5, 1.0, 2.0, 4.0, -3.5, -1.0}; + std::vector zero_point{-6, -4, -3, -1, 0, 2, 4, 7}; + std::vector x{-7, -6, -5, -4, -3, -2, -1, 0, 1, 2, 3, 4, 5, 6, 7, -8}; + std::vector y_2{2, 0, 4, 0, 0, 3.5, 0, 1, 2, 4, 4, 8, -3.5, -7, 0, 15}; + std::vector y_3{2, 0, -2, 0, 0, 3.5, 7, 1, 2, 4, 6, 8, -3.5, -7, -10.5, 15}; + + DequantizeLinearOp21BlockedTest_Int4_Succeed({2, 2, 4}, 2, 2, x, x_scale, zero_point, y_2, + DefaultCudaExecutionProvider()); + DequantizeLinearOp21BlockedTest_Int4_Succeed({2, 2, 4}, 2, 3, x, x_scale, zero_point, y_3, + DefaultCudaExecutionProvider()); + DequantizeLinearOp21BlockedTest_Int4_Succeed({2, 2, 4}, 2, 2, x, x_scale, zero_point, y_2, + DefaultCudaExecutionProvider()); + DequantizeLinearOp21BlockedTest_Int4_Succeed({2, 2, 4}, 2, 3, x, x_scale, zero_point, y_3, + DefaultCudaExecutionProvider()); +} + TEST(DequantizeLinearOp21BlockedTest, UnsignedInt_NoZeroPoint_FirstAxis) { std::vector x_scale{-2.0, -4.0, 3.5, 1.0, 2.0, 4.0, -3.5, -1.0}; std::vector zero_point{}; @@ -1350,6 +1474,23 @@ TEST(DequantizeLinearOp21BlockedTest, UnsignedInt_NoZeroPoint_FirstAxis) { DequantizeLinearOp21BlockedTest_Int_Succeed({4, 2, 2}, 0, 3, x, x_scale, zero_point, y_3); } +TEST(DequantizeLinearOp21BlockedTest, UnsignedInt_NoZeroPoint_FirstAxis_Cuda) { + std::vector x_scale{-2.0, -4.0, 3.5, 1.0, 2.0, 4.0, -3.5, -1.0}; + std::vector zero_point{}; + std::vector x{0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15}; + std::vector y_2{0, -4, 7, 3, -8, -20, 21, 7, 16, 36, -35, -11, 24, 52, -49, -15}; + std::vector y_3{0, -4, 7, 3, -8, -20, 21, 7, -16, -36, 35, 11, 24, 52, -49, -15}; + + DequantizeLinearOp21BlockedTest_Int4_Succeed({4, 2, 2}, 0, 2, x, x_scale, zero_point, y_2, + DefaultCudaExecutionProvider()); + DequantizeLinearOp21BlockedTest_Int4_Succeed({4, 2, 2}, 0, 3, x, x_scale, zero_point, y_3, + DefaultCudaExecutionProvider()); + DequantizeLinearOp21BlockedTest_Int4_Succeed({4, 2, 2}, 0, 2, x, x_scale, zero_point, y_2, + DefaultCudaExecutionProvider()); + DequantizeLinearOp21BlockedTest_Int4_Succeed({4, 2, 2}, 0, 3, x, x_scale, zero_point, y_3, + DefaultCudaExecutionProvider()); +} + TEST(DequantizeLinearOp21BlockedTest, UnsignedInt_UseZeroPoint_FirstAxis) { std::vector x_scale{-2.0, -4.0, 3.5, 1.0, 2.0, 4.0, -3.5, -1.0}; std::vector zero_point{2, 0, 1, 9, 13, 5, 11, 6}; @@ -1371,6 +1512,23 @@ TEST(DequantizeLinearOp21BlockedTest, UnsignedInt_UseZeroPoint_FirstAxis) { DequantizeLinearOp21BlockedTest_Int_Succeed({4, 2, 2}, 0, 3, x, x_scale, zero_point, y_3); } +TEST(DequantizeLinearOp21BlockedTest, UnsignedInt_UseZeroPoint_FirstAxis_Cuda) { + std::vector x_scale{-2.0, -4.0, 3.5, 1.0, 2.0, 4.0, -3.5, -1.0}; + std::vector zero_point{2, 0, 1, 9, 13, 5, 11, 6}; + std::vector x{0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15}; + std::vector y_2{4, -4, 3.5, -6, -4, -20, 17.5, -2, -10, 16, 3.5, -5, -2, 32, -10.5, -9}; + std::vector y_3{4, -4, 3.5, -6, -4, -20, 17.5, -2, -12, -36, 31.5, 2, -2, 32, -10.5, -9}; + + DequantizeLinearOp21BlockedTest_Int4_Succeed({4, 2, 2}, 0, 2, x, x_scale, zero_point, y_2, + DefaultCudaExecutionProvider()); + DequantizeLinearOp21BlockedTest_Int4_Succeed({4, 2, 2}, 0, 3, x, x_scale, zero_point, y_3, + DefaultCudaExecutionProvider()); + DequantizeLinearOp21BlockedTest_Int4_Succeed({4, 2, 2}, 0, 2, x, x_scale, zero_point, y_2, + DefaultCudaExecutionProvider()); + DequantizeLinearOp21BlockedTest_Int4_Succeed({4, 2, 2}, 0, 3, x, x_scale, zero_point, y_3, + DefaultCudaExecutionProvider()); +} + TEST(DequantizeLinearOp21BlockedTest, UnsignedInt_NoZeroPoint_MiddleAxis) { std::vector x_scale{-2.0, -4.0, 3.5, 1.0, 2.0, 4.0, -3.5, -1.0}; std::vector zero_point{}; @@ -1392,6 +1550,23 @@ TEST(DequantizeLinearOp21BlockedTest, UnsignedInt_NoZeroPoint_MiddleAxis) { DequantizeLinearOp21BlockedTest_Int_Succeed({2, 4, 2}, 1, 3, x, x_scale, zero_point, y_3); } +TEST(DequantizeLinearOp21BlockedTest, UnsignedInt_NoZeroPoint_MiddleAxis_Cuda) { + std::vector x_scale{-2.0, -4.0, 3.5, 1.0, 2.0, 4.0, -3.5, -1.0}; + std::vector zero_point{}; + std::vector x{0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15}; + std::vector y_2{0, -4, -4, -12, 14, 5, 21, 7, 16, 36, 20, 44, -42, -13, -49, -15}; + std::vector y_3{0, -4, -4, -12, -8, -20, 21, 7, 16, 36, 20, 44, 24, 52, -49, -15}; + + DequantizeLinearOp21BlockedTest_Int4_Succeed({2, 4, 2}, 1, 2, x, x_scale, zero_point, y_2, + DefaultCudaExecutionProvider()); + DequantizeLinearOp21BlockedTest_Int4_Succeed({2, 4, 2}, 1, 3, x, x_scale, zero_point, y_3, + DefaultCudaExecutionProvider()); + DequantizeLinearOp21BlockedTest_Int4_Succeed({2, 4, 2}, 1, 2, x, x_scale, zero_point, y_2, + DefaultCudaExecutionProvider()); + DequantizeLinearOp21BlockedTest_Int4_Succeed({2, 4, 2}, 1, 3, x, x_scale, zero_point, y_3, + DefaultCudaExecutionProvider()); +} + TEST(DequantizeLinearOp21BlockedTest, UnsignedInt_UseZeroPoint_MiddleAxis) { std::vector x_scale{-2.0, -4.0, 3.5, 1.0, 2.0, 4.0, -3.5, -1.0}; std::vector zero_point{2, 0, 1, 9, 13, 5, 11, 6}; @@ -1413,6 +1588,23 @@ TEST(DequantizeLinearOp21BlockedTest, UnsignedInt_UseZeroPoint_MiddleAxis) { DequantizeLinearOp21BlockedTest_Int_Succeed({2, 4, 2}, 1, 3, x, x_scale, zero_point, y_3); } +TEST(DequantizeLinearOp21BlockedTest, UnsignedInt_UseZeroPoint_MiddleAxis_Cuda) { + std::vector x_scale{-2.0, -4.0, 3.5, 1.0, 2.0, 4.0, -3.5, -1.0}; + std::vector zero_point{2, 0, 1, 9, 13, 5, 11, 6}; + std::vector x{0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15}; + std::vector y_2{4, -4, 0, -12, 10.5, -4, 17.5, -2, -10, 16, -6, 24, -3.5, -7, -10.5, -9}; + std::vector y_3{4, -4, 0, -12, -4, -20, 17.5, -2, -10, 16, -6, 24, -2, 32, -10.5, -9}; + + DequantizeLinearOp21BlockedTest_Int4_Succeed({2, 4, 2}, 1, 2, x, x_scale, zero_point, y_2, + DefaultCudaExecutionProvider()); + DequantizeLinearOp21BlockedTest_Int4_Succeed({2, 4, 2}, 1, 3, x, x_scale, zero_point, y_3, + DefaultCudaExecutionProvider()); + DequantizeLinearOp21BlockedTest_Int4_Succeed({2, 4, 2}, 1, 2, x, x_scale, zero_point, y_2, + DefaultCudaExecutionProvider()); + DequantizeLinearOp21BlockedTest_Int4_Succeed({2, 4, 2}, 1, 3, x, x_scale, zero_point, y_3, + DefaultCudaExecutionProvider()); +} + TEST(DequantizeLinearOp21BlockedTest, UnsignedInt_NoZeroPoint_LastAxis) { std::vector x_scale{-2.0, -4.0, 3.5, 1.0, 2.0, 4.0, -3.5, -1.0}; std::vector zero_point{}; @@ -1434,6 +1626,23 @@ TEST(DequantizeLinearOp21BlockedTest, UnsignedInt_NoZeroPoint_LastAxis) { DequantizeLinearOp21BlockedTest_Int_Succeed({2, 2, 4}, 2, 3, x, x_scale, zero_point, y_3); } +TEST(DequantizeLinearOp21BlockedTest, UnsignedInt_NoZeroPoint_LastAxis_Cuda) { + std::vector x_scale{-2.0, -4.0, 3.5, 1.0, 2.0, 4.0, -3.5, -1.0}; + std::vector zero_point{}; + std::vector x{0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15}; + std::vector y_2{0, -2, -8, -12, 14, 17.5, 6, 7, 16, 18, 40, 44, -42, -45.5, -14, -15}; + std::vector y_3{0, -2, -4, -12, 14, 17.5, 21, 7, 16, 18, 20, 44, -42, -45.5, -49, -15}; + + DequantizeLinearOp21BlockedTest_Int4_Succeed({2, 2, 4}, 2, 2, x, x_scale, zero_point, y_2, + DefaultCudaExecutionProvider()); + DequantizeLinearOp21BlockedTest_Int4_Succeed({2, 2, 4}, 2, 3, x, x_scale, zero_point, y_3, + DefaultCudaExecutionProvider()); + DequantizeLinearOp21BlockedTest_Int4_Succeed({2, 2, 4}, 2, 2, x, x_scale, zero_point, y_2, + DefaultCudaExecutionProvider()); + DequantizeLinearOp21BlockedTest_Int4_Succeed({2, 2, 4}, 2, 3, x, x_scale, zero_point, y_3, + DefaultCudaExecutionProvider()); +} + TEST(DequantizeLinearOp21BlockedTest, UnsignedInt_UseZeroPoint_LastAxis) { std::vector x_scale{-2.0, -4.0, 3.5, 1.0, 2.0, 4.0, -3.5, -1.0}; std::vector zero_point{2, 0, 1, 9, 13, 5, 11, 6}; @@ -1455,6 +1664,23 @@ TEST(DequantizeLinearOp21BlockedTest, UnsignedInt_UseZeroPoint_LastAxis) { DequantizeLinearOp21BlockedTest_Int_Succeed({2, 2, 4}, 2, 3, x, x_scale, zero_point, y_3); } +TEST(DequantizeLinearOp21BlockedTest, UnsignedInt_UseZeroPoint_LastAxis_Cuda) { + std::vector x_scale{-2.0, -4.0, 3.5, 1.0, 2.0, 4.0, -3.5, -1.0}; + std::vector zero_point{2, 0, 1, 9, 13, 5, 11, 6}; + std::vector x{0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15}; + std::vector y_2{4, 2, -8, -12, 10.5, 14, -3, -2, -10, -8, 20, 24, -3.5, -7, -8, -9}; + std::vector y_3{4, 2, 0, -12, 10.5, 14, 17.5, -2, -10, -8, -6, 24, -3.5, -7, -10.5, -9}; + + DequantizeLinearOp21BlockedTest_Int4_Succeed({2, 2, 4}, 2, 2, x, x_scale, zero_point, y_2, + DefaultCudaExecutionProvider()); + DequantizeLinearOp21BlockedTest_Int4_Succeed({2, 2, 4}, 2, 3, x, x_scale, zero_point, y_3, + DefaultCudaExecutionProvider()); + DequantizeLinearOp21BlockedTest_Int4_Succeed({2, 2, 4}, 2, 2, x, x_scale, zero_point, y_2, + DefaultCudaExecutionProvider()); + DequantizeLinearOp21BlockedTest_Int4_Succeed({2, 2, 4}, 2, 3, x, x_scale, zero_point, y_3, + DefaultCudaExecutionProvider()); +} + #if !defined(DISABLE_FLOAT8_TYPES) TEST(DequantizeLinearOp21BlockedTest, Float8_NoZeroPoint_FirstAxis) { constexpr int min_cuda_architecture = 11080; @@ -1624,7 +1850,8 @@ void QuantizeLinearOp21BlockedTest_InvalidBlockSize_Int(int64_t block_size, template void QuantizeLinearOp21BlockedTest_InvalidBlockSize_Int4(int64_t block_size, int64_t scale_block_count, - int64_t zero_point_block_count) { + int64_t zero_point_block_count, + std::unique_ptr ep = nullptr) { OpTester test("QuantizeLinear", 21); std::vector dims{2, 4}; std::vector x_zero_point, y; @@ -1632,7 +1859,7 @@ void QuantizeLinearOp21BlockedTest_InvalidBlockSize_Int4(int64_t block_size, SessionOptions so; std::vector log_msgs; // redirect error messages std::vector> eps; - eps.push_back(DefaultCpuExecutionProvider()); + eps.push_back(ep ? std::move(ep) : DefaultCpuExecutionProvider()); so.user_logging_function = [](void* param, OrtLoggingLevel severity, const char* category, const char* logid, const char* code_location, const char* message) { ORT_UNUSED_PARAMETER(severity); @@ -1725,6 +1952,13 @@ TEST(QuantizeLinearOp21BlockedTest, NagativeBlockSize_Int) { QuantizeLinearOp21BlockedTest_InvalidBlockSize_Int(-1, 2, 2); } +TEST(QuantizeLinearOp21BlockedTest, NagativeBlockSize_Int_Cuda) { + QuantizeLinearOp21BlockedTest_InvalidBlockSize_Int4(-1, 2, 2, DefaultCudaExecutionProvider()); + QuantizeLinearOp21BlockedTest_InvalidBlockSize_Int4(-1, 2, 2, DefaultCudaExecutionProvider()); + QuantizeLinearOp21BlockedTest_InvalidBlockSize_Int4(-2, 2, 2, DefaultCudaExecutionProvider()); + QuantizeLinearOp21BlockedTest_InvalidBlockSize_Int4(-2, 2, 2, DefaultCudaExecutionProvider()); +} + #if !defined(DISABLE_FLOAT8_TYPES) TEST(QuantizeLinearOp21BlockedTest, NagativeBlockSize_Float8) { constexpr int min_cuda_architecture = 11080; @@ -1768,6 +2002,13 @@ TEST(QuantizeLinearOp21BlockedTest, IncompatibleBlockSizeWithX_Int) { QuantizeLinearOp21BlockedTest_InvalidBlockSize_Int(3, 1, 1); } +TEST(QuantizeLinearOp21BlockedTest, IncompatibleBlockSizeWithX_Int_Cuda) { + QuantizeLinearOp21BlockedTest_InvalidBlockSize_Int4(3, 1, 1, DefaultCudaExecutionProvider()); + QuantizeLinearOp21BlockedTest_InvalidBlockSize_Int4(3, 3, 3, DefaultCudaExecutionProvider()); + QuantizeLinearOp21BlockedTest_InvalidBlockSize_Int4(3, 3, 3, DefaultCudaExecutionProvider()); + QuantizeLinearOp21BlockedTest_InvalidBlockSize_Int4(3, 1, 1, DefaultCudaExecutionProvider()); +} + #if !defined(DISABLE_FLOAT8_TYPES) TEST(QuantizeLinearOp21BlockedTest, IncompatibleBlockSizeWithX_Float8) { constexpr int min_cuda_architecture = 11080; @@ -1807,6 +2048,13 @@ TEST(QuantizeLinearOp21BlockedTest, ScaleShapeUnmatchZeroPoint_Int) { QuantizeLinearOp21BlockedTest_InvalidBlockSize_Int(3, 2, 1); } +TEST(QuantizeLinearOp21BlockedTest, ScaleShapeUnmatchZeroPoint_Int_Cuda) { + QuantizeLinearOp21BlockedTest_InvalidBlockSize_Int4(3, 2, 1, DefaultCudaExecutionProvider()); + QuantizeLinearOp21BlockedTest_InvalidBlockSize_Int4(3, 2, 3, DefaultCudaExecutionProvider()); + QuantizeLinearOp21BlockedTest_InvalidBlockSize_Int4(3, 2, 3, DefaultCudaExecutionProvider()); + QuantizeLinearOp21BlockedTest_InvalidBlockSize_Int4(3, 2, 1, DefaultCudaExecutionProvider()); +} + #if !defined(DISABLE_FLOAT8_TYPES) TEST(QuantizeLinearOp21BlockedTest, ScaleShapeUnmatchZeroPoint_Float8) { constexpr int min_cuda_architecture = 11080; @@ -1836,14 +2084,14 @@ void QuantizeLinearOp21BlockedTest_Int4_Succeed(std::vector&& dims, std::vector& x_, std::vector& scale_, std::vector& zero_point_, - std::vector& y_) { + std::vector& y_, + std::unique_ptr ep = nullptr) { OpTester test("QuantizeLinear", 21); std::vector scale_shape; std::vector zero_point, y; std::vector x, scale; std::vector> eps; - eps.push_back(DefaultCpuExecutionProvider()); - + eps.push_back(ep ? std::move(ep) : DefaultCpuExecutionProvider()); int64_t non_neg_axis = axis < 0 ? axis + dims.size() : axis; bool use_zero_point = !zero_point_.empty(); @@ -1970,6 +2218,34 @@ TEST(QuantizeLinearOp21BlockedTest, SignedInt4_NoZeroPoint_FirstAxis) { QuantizeLinearOp21BlockedTest_Int4_Succeed({4, 8, 2}, 0, 3, x, y_scale, zero_point, y_3); } +TEST(QuantizeLinearOp21BlockedTest, SignedInt4_NoZeroPoint_FirstAxis_Cuda) { + std::vector y_scale{-2.0, -4.0, 3.5, 1.0, -2.0, -4.0, 3.5, 1.0, -2.0, -4.0, 3.5, 1.0, -2.0, -4.0, 3.5, 1.0, + 2.0, 4.0, -3.5, -1.0, 2.0, 4.0, -3.5, -1.0, 2.0, 4.0, -3.5, -1.0, 2.0, 4.0, -3.5, -1.0}; + std::vector zero_point{0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, + 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0}; + std::vector x{14.0, 24.0, -17.5, -4, 14.0, 24.0, -17.5, -4, 14.0, 24.0, -17.5, -4, 14.0, 24.0, -17.5, -4, + 6.0, 8.0, -3.5, 0.0, 6.0, 8.0, -3.5, 0.0, 6.0, 8.0, -3.5, 0.0, 6.0, 8.0, -3.5, 0.0, + 2.0, 8.0, -10.5, -4.0, 2.0, 8.0, -10.5, -4.0, 2.0, 8.0, -10.5, -4.0, 2.0, 8.0, -10.5, -4.0, + 10.0, 24.0, -24.5, 8.0, 10.0, 24.0, -24.5, 8.0, 10.0, 24.0, -24.5, 8.0, 10.0, 24.0, -24.5, 8.0}; + std::vector y_2{-7, -6, -5, -4, -7, -6, -5, -4, -7, -6, -5, -4, -7, -6, -5, -4, + -3, -2, -1, 0, -3, -2, -1, 0, -3, -2, -1, 0, -3, -2, -1, 0, + 1, 2, 3, 4, 1, 2, 3, 4, 1, 2, 3, 4, 1, 2, 3, 4, + 5, 6, 7, -8, 5, 6, 7, -8, 5, 6, 7, -8, 5, 6, 7, -8}; + std::vector y_3{-7, -6, -5, -4, -7, -6, -5, -4, -7, -6, -5, -4, -7, -6, -5, -4, + -3, -2, -1, 0, -3, -2, -1, 0, -3, -2, -1, 0, -3, -2, -1, 0, + -1, -2, -3, -4, -1, -2, -3, -4, -1, -2, -3, -4, -1, -2, -3, -4, + 5, 6, 7, -8, 5, 6, 7, -8, 5, 6, 7, -8, 5, 6, 7, -8}; + + QuantizeLinearOp21BlockedTest_Int4_Succeed({4, 8, 2}, 0, 2, x, y_scale, zero_point, y_2, + DefaultCudaExecutionProvider()); + QuantizeLinearOp21BlockedTest_Int4_Succeed({4, 8, 2}, 0, 3, x, y_scale, zero_point, y_3, + DefaultCudaExecutionProvider()); + QuantizeLinearOp21BlockedTest_Int4_Succeed({4, 8, 2}, 0, 2, x, y_scale, zero_point, y_2, + DefaultCudaExecutionProvider()); + QuantizeLinearOp21BlockedTest_Int4_Succeed({4, 8, 2}, 0, 3, x, y_scale, zero_point, y_3, + DefaultCudaExecutionProvider()); +} + TEST(QuantizeLinearOp21BlockedTest, SignedInt_NoZeroPoint_FirstAxis) { std::vector y_scale{-2.0, -4.0, 3.5, 1.0, -2.0, -4.0, 3.5, 1.0, -2.0, -4.0, 3.5, 1.0, -2.0, -4.0, 3.5, 1.0, 2.0, 4.0, -3.5, -1.0, 2.0, 4.0, -3.5, -1.0, 2.0, 4.0, -3.5, -1.0, 2.0, 4.0, -3.5, -1.0}; @@ -2022,6 +2298,34 @@ TEST(QuantizeLinearOp21BlockedTest, SignedInt4_UseZeroPoint_FirstAxis) { QuantizeLinearOp21BlockedTest_Int4_Succeed({4, 8, 2}, 0, 3, x, y_scale, zero_point, y_3); } +TEST(QuantizeLinearOp21BlockedTest, SignedInt4_UseZeroPoint_FirstAxis_Cuda) { + std::vector y_scale{-2.0, -4.0, 3.5, 1.0, -2.0, -4.0, 3.5, 1.0, -2.0, -4.0, 3.5, 1.0, -2.0, -4.0, 3.5, 1.0, + 2.0, 4.0, -3.5, -1.0, 2.0, 4.0, -3.5, -1.0, 2.0, 4.0, -3.5, -1.0, 2.0, 4.0, -3.5, -1.0}; + std::vector zero_point{-6, -4, -3, -1, -6, -4, -3, -1, -6, -4, -3, -1, -6, -4, -3, -1, + 0, 2, 4, 7, 0, 2, 4, 7, 0, 2, 4, 7, 0, 2, 4, 7}; + std::vector x{2.0, 8.0, -7.0, -3, 2.0, 8.0, -7.0, -3, 2.0, 8.0, -7.0, -3, 2.0, 8.0, -7.0, -3, + -6.0, -8.0, 7.0, 1, -6.0, -8.0, 7.0, 1, -6.0, -8.0, 7.0, 1, -6.0, -8.0, 7.0, 1, + 2.0, 0, 3.5, 3.0, 2.0, 0, 3.5, 3.0, 2.0, 0, 3.5, 3.0, 2.0, 0, 3.5, 3.0, + 10.0, 16.0, -10.5, 15, 10.0, 16.0, -10.5, 15, 10.0, 16.0, -10.5, 15, 10.0, 16.0, -10.5, 15}; + std::vector y_2{-7, -6, -5, -4, -7, -6, -5, -4, -7, -6, -5, -4, -7, -6, -5, -4, + -3, -2, -1, 0, -3, -2, -1, 0, -3, -2, -1, 0, -3, -2, -1, 0, + 1, 2, 3, 4, 1, 2, 3, 4, 1, 2, 3, 4, 1, 2, 3, 4, + 5, 6, 7, -8, 5, 6, 7, -8, 5, 6, 7, -8, 5, 6, 7, -8}; + std::vector y_3{-7, -6, -5, -4, -7, -6, -5, -4, -7, -6, -5, -4, -7, -6, -5, -4, + -3, -2, -1, 0, -3, -2, -1, 0, -3, -2, -1, 0, -3, -2, -1, 0, + -7, -4, -2, 2, -7, -4, -2, 2, -7, -4, -2, 2, -7, -4, -2, 2, + 5, 6, 7, -8, 5, 6, 7, -8, 5, 6, 7, -8, 5, 6, 7, -8}; + + QuantizeLinearOp21BlockedTest_Int4_Succeed({4, 8, 2}, 0, 2, x, y_scale, zero_point, y_2, + DefaultCudaExecutionProvider()); + QuantizeLinearOp21BlockedTest_Int4_Succeed({4, 8, 2}, 0, 3, x, y_scale, zero_point, y_3, + DefaultCudaExecutionProvider()); + QuantizeLinearOp21BlockedTest_Int4_Succeed({4, 8, 2}, 0, 2, x, y_scale, zero_point, y_2, + DefaultCudaExecutionProvider()); + QuantizeLinearOp21BlockedTest_Int4_Succeed({4, 8, 2}, 0, 3, x, y_scale, zero_point, y_3, + DefaultCudaExecutionProvider()); +} + TEST(QuantizeLinearOp21BlockedTest, SignedInt_UseZeroPoint_FirstAxis) { std::vector y_scale{-2.0, -4.0, 3.5, 1.0, -2.0, -4.0, 3.5, 1.0, -2.0, -4.0, 3.5, 1.0, -2.0, -4.0, 3.5, 1.0, 2.0, 4.0, -3.5, -1.0, 2.0, 4.0, -3.5, -1.0, 2.0, 4.0, -3.5, -1.0, 2.0, 4.0, -3.5, -1.0}; @@ -2074,6 +2378,34 @@ TEST(QuantizeLinearOp21BlockedTest, SignedInt4_NoZeroPoint_MiddleAxis) { QuantizeLinearOp21BlockedTest_Int4_Succeed({2, 4, 8}, 1, 3, x, y_scale, zero_point, y_3); } +TEST(QuantizeLinearOp21BlockedTest, SignedInt4_NoZeroPoint_MiddleAxis_Cuda) { + std::vector zero_point{0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, + 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0}; + std::vector y_scale{-2.0, -4.0, -2.0, -4.0, -2.0, -4.0, -2.0, -4.0, 3.5, 1.0, 3.5, 1.0, 3.5, 1.0, 3.5, 1.0, + 2.0, 4.0, 2.0, 4.0, 2.0, 4.0, 2.0, 4.0, -3.5, -1.0, -3.5, -1.0, -3.5, -1.0, -3.5, -1.0}; + std::vector x{14, 24, 14, 24, 14, 24, 14, 24, 10, 16, 10, 16, 10, 16, 10, 16, + -10.5, -2, -10.5, -2, -10.5, -2, -10.5, -2, -3.5, 0, -3.5, 0, -3.5, 0, -3.5, 0, + 2, 8, 2, 8, 2, 8, 2, 8, 6, 16, 6, 16, 6, 16, 6, 16, + -17.5, -6, -17.5, -6, -17.5, -6, -17.5, -6, -24.5, 8, -24.5, 8, -24.5, 8, -24.5, 8}; + std::vector y_2{-7, -6, -7, -6, -7, -6, -7, -6, -5, -4, -5, -4, -5, -4, -5, -4, + -3, -2, -3, -2, -3, -2, -3, -2, -1, 0, -1, 0, -1, 0, -1, 0, + 1, 2, 1, 2, 1, 2, 1, 2, 3, 4, 3, 4, 3, 4, 3, 4, + 5, 6, 5, 6, 5, 6, 5, 6, 7, -8, 7, -8, 7, -8, 7, -8}; + std::vector y_3{-7, -6, -7, -6, -7, -6, -7, -6, -5, -4, -5, -4, -5, -4, -5, -4, + 5, 0, 5, 0, 5, 0, 5, 0, -1, 0, -1, 0, -1, 0, -1, 0, + 1, 2, 1, 2, 1, 2, 1, 2, 3, 4, 3, 4, 3, 4, 3, 4, + -8, -2, -8, -2, -8, -2, -8, -2, 7, -8, 7, -8, 7, -8, 7, -8}; + + QuantizeLinearOp21BlockedTest_Int4_Succeed({2, 4, 8}, 1, 2, x, y_scale, zero_point, y_2, + DefaultCudaExecutionProvider()); + QuantizeLinearOp21BlockedTest_Int4_Succeed({2, 4, 8}, 1, 3, x, y_scale, zero_point, y_3, + DefaultCudaExecutionProvider()); + QuantizeLinearOp21BlockedTest_Int4_Succeed({2, 4, 8}, 1, 2, x, y_scale, zero_point, y_2, + DefaultCudaExecutionProvider()); + QuantizeLinearOp21BlockedTest_Int4_Succeed({2, 4, 8}, 1, 3, x, y_scale, zero_point, y_3, + DefaultCudaExecutionProvider()); +} + TEST(QuantizeLinearOp21BlockedTest, SignedInt_NoZeroPoint_MiddleAxis) { std::vector zero_point{0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0}; @@ -2126,6 +2458,34 @@ TEST(QuantizeLinearOp21BlockedTest, SignedInt4_UseZeroPoint_MiddleAxis) { QuantizeLinearOp21BlockedTest_Int4_Succeed({2, 4, 8}, 1, 3, x, y_scale, zero_point, y_3); } +TEST(QuantizeLinearOp21BlockedTest, SignedInt4_UseZeroPoint_MiddleAxis_Cuda) { + std::vector zero_point{-6, -4, -6, -4, -6, -4, -6, -4, -3, -1, -3, -1, -3, -1, -3, -1, + 0, 2, 0, 2, 0, 2, 0, 2, 4, 7, 4, 7, 4, 7, 4, 7}; + std::vector y_scale{-2.0, -4.0, -2.0, -4.0, -2.0, -4.0, -2.0, -4.0, 3.5, 1.0, 3.5, 1.0, 3.5, 1.0, 3.5, 1.0, + 2.0, 4.0, 2.0, 4.0, 2.0, 4.0, 2.0, 4.0, -3.5, -1.0, -3.5, -1.0, -3.5, -1.0, -3.5, -1.0}; + std::vector x{2, 8, 2, 8, 2, 8, 2, 8, -2, 0, -2, 0, -2, 0, -2, 0, + 0, -1, 0, -1, 0, -1, 0, -1, 7, 1, 7, 1, 7, 1, 7, 1, + 2, 0, 2, 0, 2, 0, 2, 0, 6, 8, 6, 8, 6, 8, 6, 8, + -3.5, 1, -3.5, 1, -3.5, 1, -3.5, 1, -10.5, 15, -10.5, 15, -10.5, 15, -10.5, 15}; + std::vector y_2{-7, -6, -7, -6, -7, -6, -7, -6, -5, -4, -5, -4, -5, -4, -5, -4, + -3, -2, -3, -2, -3, -2, -3, -2, -1, 0, -1, 0, -1, 0, -1, 0, + 1, 2, 1, 2, 1, 2, 1, 2, 3, 4, 3, 4, 3, 4, 3, 4, + 5, 6, 5, 6, 5, 6, 5, 6, 7, -8, 7, -8, 7, -8, 7, -8}; + std::vector y_3{-7, -6, -7, -6, -7, -6, -7, -6, -5, -4, -5, -4, -5, -4, -5, -4, + -6, -4, -6, -4, -6, -4, -6, -4, -1, 0, -1, 0, -1, 0, -1, 0, + 1, 2, 1, 2, 1, 2, 1, 2, 3, 4, 3, 4, 3, 4, 3, 4, + -2, 2, -2, 2, -2, 2, -2, 2, 7, -8, 7, -8, 7, -8, 7, -8}; + + QuantizeLinearOp21BlockedTest_Int4_Succeed({2, 4, 8}, 1, 2, x, y_scale, zero_point, y_2, + DefaultCudaExecutionProvider()); + QuantizeLinearOp21BlockedTest_Int4_Succeed({2, 4, 8}, 1, 3, x, y_scale, zero_point, y_3, + DefaultCudaExecutionProvider()); + QuantizeLinearOp21BlockedTest_Int4_Succeed({2, 4, 8}, 1, 2, x, y_scale, zero_point, y_2, + DefaultCudaExecutionProvider()); + QuantizeLinearOp21BlockedTest_Int4_Succeed({2, 4, 8}, 1, 3, x, y_scale, zero_point, y_3, + DefaultCudaExecutionProvider()); +} + TEST(QuantizeLinearOp21BlockedTest, SignedInt_UseZeroPoint_MiddleAxis) { std::vector zero_point{-6, -4, -6, -4, -6, -4, -6, -4, -3, -1, -3, -1, -3, -1, -3, -1, 0, 2, 0, 2, 0, 2, 0, 2, 4, 7, 4, 7, 4, 7, 4, 7}; @@ -2178,6 +2538,34 @@ TEST(QuantizeLinearOp21BlockedTest, SignedInt4_NoZeroPoint_LastAxis) { QuantizeLinearOp21BlockedTest_Int4_Succeed({2, 4, 8}, 2, 5, x, y_scale, zero_point, y_3); } +TEST(QuantizeLinearOp21BlockedTest, SignedInt4_NoZeroPoint_LastAxis_Cuda) { + std::vector zero_point{0, 0, 0, 0, 0, 0, 0, 0, + 0, 0, 0, 0, 0, 0, 0, 0}; + std::vector y_scale{-2.0, -4.0, -2.0, -4.0, 3.5, 1.0, 3.5, 1.0, + 2.0, 4.0, 2.0, 4.0, -3.5, -1.0, -3.5, -1.0}; + std::vector x{14, 12, 14, 12, 20, 16, 20, 16, 14, 12, 14, 12, 20, 16, 20, 16, + -10.5, -7, -10.5, -7, -1, 0, -1, 0, -10.5, -7, -10.5, -7, -1, 0, -1, 0, + 2, 4, 2, 4, 12, 16, 12, 16, 2, 4, 2, 4, 12, 16, 12, 16, + -17.5, -21, -17.5, -21, -7, 8, -7, 8, -17.5, -21, -17.5, -21, -7, 8, -7, 8}; + std::vector y_2{-7, -6, -7, -6, -5, -4, -5, -4, -7, -6, -7, -6, -5, -4, -5, -4, + -3, -2, -3, -2, -1, 0, -1, 0, -3, -2, -3, -2, -1, 0, -1, 0, + 1, 2, 1, 2, 3, 4, 3, 4, 1, 2, 1, 2, 3, 4, 3, 4, + 5, 6, 5, 6, 7, -8, 7, -8, 5, 6, 5, 6, 7, -8, 7, -8}; + std::vector y_3{-7, -6, -7, -6, -8, -4, -5, -4, -7, -6, -7, -6, -8, -4, -5, -4, + -3, -2, -3, -2, 0, 0, -1, 0, -3, -2, -3, -2, 0, 0, -1, 0, + 1, 2, 1, 2, 6, 4, 3, 4, 1, 2, 1, 2, 6, 4, 3, 4, + 5, 6, 5, 6, 2, -8, 7, -8, 5, 6, 5, 6, 2, -8, 7, -8}; + + QuantizeLinearOp21BlockedTest_Int4_Succeed({2, 4, 8}, 2, 4, x, y_scale, zero_point, y_2, + DefaultCudaExecutionProvider()); + QuantizeLinearOp21BlockedTest_Int4_Succeed({2, 4, 8}, 2, 5, x, y_scale, zero_point, y_3, + DefaultCudaExecutionProvider()); + QuantizeLinearOp21BlockedTest_Int4_Succeed({2, 4, 8}, 2, 4, x, y_scale, zero_point, y_2, + DefaultCudaExecutionProvider()); + QuantizeLinearOp21BlockedTest_Int4_Succeed({2, 4, 8}, 2, 5, x, y_scale, zero_point, y_3, + DefaultCudaExecutionProvider()); +} + TEST(QuantizeLinearOp21BlockedTest, SignedInt_NoZeroPoint_LastAxis) { std::vector zero_point{0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0}; @@ -2230,6 +2618,34 @@ TEST(QuantizeLinearOp21BlockedTest, SignedInt4_UseZeroPoint_LastAxis) { QuantizeLinearOp21BlockedTest_Int4_Succeed({2, 4, 8}, 2, 5, x, y_scale, zero_point, y_3); } +TEST(QuantizeLinearOp21BlockedTest, SignedInt4_UseZeroPoint_LastAxis_Cuda) { + std::vector y_scale{-2.0, -4.0, -2.0, -4.0, 3.5, 1.0, 3.5, 1.0, + 2.0, 4.0, 2.0, 4.0, -3.5, -1.0, -3.5, -1.0}; + std::vector zero_point{-6, -4, -6, -4, -3, -1, -3, -1, + 0, 2, 0, 2, 4, 7, 4, 7}; + std::vector x{2, 0, 2, 0, 4, 0, 4, 0, 2, 0, 2, 0, 4, 0, 4, 0, + 0, 3.5, 0, 3.5, 0, 1, 0, 1, 0, 3.5, 0, 3.5, 0, 1, 0, 1, + 2, 4, 2, 4, 4, 8, 4, 8, 2, 4, 2, 4, 4, 8, 4, 8, + -3.5, -7, -3.5, -7, 0, 15, 0, 15, -3.5, -7, -3.5, -7, 0, 15, 0, 15}; + std::vector y_2{-7, -6, -7, -6, -5, -4, -5, -4, -7, -6, -7, -6, -5, -4, -5, -4, + -3, -2, -3, -2, -1, 0, -1, 0, -3, -2, -3, -2, -1, 0, -1, 0, + 1, 2, 1, 2, 3, 4, 3, 4, 1, 2, 1, 2, 3, 4, 3, 4, + 5, 6, 5, 6, 7, -8, 7, -8, 5, 6, 5, 6, 7, -8, 7, -8}; + std::vector y_3{-7, -6, -7, -6, -8, -4, -5, -4, -7, -6, -7, -6, -8, -4, -5, -4, + -3, -2, -3, -2, -3, 0, -1, 0, -3, -2, -3, -2, -3, 0, -1, 0, + 1, 2, 1, 2, 2, 4, 3, 4, 1, 2, 1, 2, 2, 4, 3, 4, + 5, 6, 5, 6, 4, -8, 7, -8, 5, 6, 5, 6, 4, -8, 7, -8}; + + QuantizeLinearOp21BlockedTest_Int4_Succeed({2, 4, 8}, 2, 4, x, y_scale, zero_point, y_2, + DefaultCudaExecutionProvider()); + QuantizeLinearOp21BlockedTest_Int4_Succeed({2, 4, 8}, 2, 5, x, y_scale, zero_point, y_3, + DefaultCudaExecutionProvider()); + QuantizeLinearOp21BlockedTest_Int4_Succeed({2, 4, 8}, 2, 4, x, y_scale, zero_point, y_2, + DefaultCudaExecutionProvider()); + QuantizeLinearOp21BlockedTest_Int4_Succeed({2, 4, 8}, 2, 5, x, y_scale, zero_point, y_3, + DefaultCudaExecutionProvider()); +} + TEST(QuantizeLinearOp21BlockedTest, SignedInt_UseZeroPoint_LastAxis) { std::vector y_scale{-2.0, -4.0, -2.0, -4.0, 3.5, 1.0, 3.5, 1.0, 2.0, 4.0, 2.0, 4.0, -3.5, -1.0, -3.5, -1.0}; @@ -2282,6 +2698,34 @@ TEST(QuantizeLinearOp21BlockedTest, UnsignedInt4_NoZeroPoint_FirstAxis) { QuantizeLinearOp21BlockedTest_Int4_Succeed({4, 8, 2}, 0, 3, x, y_scale, zero_point, y_3); } +TEST(QuantizeLinearOp21BlockedTest, UnsignedInt4_NoZeroPoint_FirstAxis_Cuda) { + std::vector y_scale{-2.0, -4.0, 3.5, 1.0, -2.0, -4.0, 3.5, 1.0, -2.0, -4.0, 3.5, 1.0, -2.0, -4.0, 3.5, 1.0, + 2.0, 4.0, -3.5, -1.0, 2.0, 4.0, -3.5, -1.0, 2.0, 4.0, -3.5, -1.0, 2.0, 4.0, -3.5, -1.0}; + std::vector zero_point{0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, + 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0}; + std::vector x{0, -4, 7, 3, 0, -4, 7, 3, 0, -4, 7, 3, 0, -4, 7, 3, + -8, -20, 21, 7, -8, -20, 21, 7, -8, -20, 21, 7, -8, -20, 21, 7, + 16, 36, -35, -11, 16, 36, -35, -11, 16, 36, -35, -11, 16, 36, -35, -11, + 24, 52, -49, -15, 24, 52, -49, -15, 24, 52, -49, -15, 24, 52, -49, -15}; + std::vector y_2{0, 1, 2, 3, 0, 1, 2, 3, 0, 1, 2, 3, 0, 1, 2, 3, + 4, 5, 6, 7, 4, 5, 6, 7, 4, 5, 6, 7, 4, 5, 6, 7, + 8, 9, 10, 11, 8, 9, 10, 11, 8, 9, 10, 11, 8, 9, 10, 11, + 12, 13, 14, 15, 12, 13, 14, 15, 12, 13, 14, 15, 12, 13, 14, 15}; + std::vector y_3{0, 1, 2, 3, 0, 1, 2, 3, 0, 1, 2, 3, 0, 1, 2, 3, + 4, 5, 6, 7, 4, 5, 6, 7, 4, 5, 6, 7, 4, 5, 6, 7, + 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, + 12, 13, 14, 15, 12, 13, 14, 15, 12, 13, 14, 15, 12, 13, 14, 15}; + + QuantizeLinearOp21BlockedTest_Int4_Succeed({4, 8, 2}, 0, 2, x, y_scale, zero_point, y_2, + DefaultCudaExecutionProvider()); + QuantizeLinearOp21BlockedTest_Int4_Succeed({4, 8, 2}, 0, 3, x, y_scale, zero_point, y_3, + DefaultCudaExecutionProvider()); + QuantizeLinearOp21BlockedTest_Int4_Succeed({4, 8, 2}, 0, 2, x, y_scale, zero_point, y_2, + DefaultCudaExecutionProvider()); + QuantizeLinearOp21BlockedTest_Int4_Succeed({4, 8, 2}, 0, 3, x, y_scale, zero_point, y_3, + DefaultCudaExecutionProvider()); +} + TEST(QuantizeLinearOp21BlockedTest, UnsignedInt_NoZeroPoint_FirstAxis) { std::vector y_scale{-2.0, -4.0, 3.5, 1.0, -2.0, -4.0, 3.5, 1.0, -2.0, -4.0, 3.5, 1.0, -2.0, -4.0, 3.5, 1.0, 2.0, 4.0, -3.5, -1.0, 2.0, 4.0, -3.5, -1.0, 2.0, 4.0, -3.5, -1.0, 2.0, 4.0, -3.5, -1.0}; @@ -2334,6 +2778,34 @@ TEST(QuantizeLinearOp21BlockedTest, UnsignedInt4_UseZeroPoint_FirstAxis) { QuantizeLinearOp21BlockedTest_Int4_Succeed({4, 8, 2}, 0, 3, x, y_scale, zero_point, y_3); } +TEST(QuantizeLinearOp21BlockedTest, UnsignedInt4_UseZeroPoint_FirstAxis_Cuda) { + std::vector y_scale{-2.0, -4.0, 3.5, 1.0, -2.0, -4.0, 3.5, 1.0, -2.0, -4.0, 3.5, 1.0, -2.0, -4.0, 3.5, 1.0, + 2.0, 4.0, -3.5, -1.0, 2.0, 4.0, -3.5, -1.0, 2.0, 4.0, -3.5, -1.0, 2.0, 4.0, -3.5, -1.0}; + std::vector zero_point{2, 0, 1, 9, 2, 0, 1, 9, 2, 0, 1, 9, 2, 0, 1, 9, + 13, 5, 11, 6, 13, 5, 11, 6, 13, 5, 11, 6, 13, 5, 11, 6}; + std::vector x{4, -4, 3.5, -6, 4, -4, 3.5, -6, 4, -4, 3.5, -6, 4, -4, 3.5, -6, + -4, -20, 17.5, -2, -4, -20, 17.5, -2, -4, -20, 17.5, -2, -4, -20, 17.5, -2, + -10, 16, 3.5, -5, -10, 16, 3.5, -5, -10, 16, 3.5, -5, -10, 16, 3.5, -5, + -2, 32, -10.5, -9, -2, 32, -10.5, -9, -2, 32, -10.5, -9, -2, 32, -10.5, -9}; + std::vector y_2{0, 1, 2, 3, 0, 1, 2, 3, 0, 1, 2, 3, 0, 1, 2, 3, + 4, 5, 6, 7, 4, 5, 6, 7, 4, 5, 6, 7, 4, 5, 6, 7, + 8, 9, 10, 11, 8, 9, 10, 11, 8, 9, 10, 11, 8, 9, 10, 11, + 12, 13, 14, 15, 12, 13, 14, 15, 12, 13, 14, 15, 12, 13, 14, 15}; + std::vector y_3{0, 1, 2, 3, 0, 1, 2, 3, 0, 1, 2, 3, 0, 1, 2, 3, + 4, 5, 6, 7, 4, 5, 6, 7, 4, 5, 6, 7, 4, 5, 6, 7, + 7, 0, 2, 4, 7, 0, 2, 4, 7, 0, 2, 4, 7, 0, 2, 4, + 12, 13, 14, 15, 12, 13, 14, 15, 12, 13, 14, 15, 12, 13, 14, 15}; + + QuantizeLinearOp21BlockedTest_Int4_Succeed({4, 8, 2}, 0, 2, x, y_scale, zero_point, y_2, + DefaultCudaExecutionProvider()); + QuantizeLinearOp21BlockedTest_Int4_Succeed({4, 8, 2}, 0, 3, x, y_scale, zero_point, y_3, + DefaultCudaExecutionProvider()); + QuantizeLinearOp21BlockedTest_Int4_Succeed({4, 8, 2}, 0, 2, x, y_scale, zero_point, y_2, + DefaultCudaExecutionProvider()); + QuantizeLinearOp21BlockedTest_Int4_Succeed({4, 8, 2}, 0, 3, x, y_scale, zero_point, y_3, + DefaultCudaExecutionProvider()); +} + TEST(QuantizeLinearOp21BlockedTest, UnsignedInt_UseZeroPoint_FirstAxis) { std::vector y_scale{-2.0, -4.0, 3.5, 1.0, -2.0, -4.0, 3.5, 1.0, -2.0, -4.0, 3.5, 1.0, -2.0, -4.0, 3.5, 1.0, 2.0, 4.0, -3.5, -1.0, 2.0, 4.0, -3.5, -1.0, 2.0, 4.0, -3.5, -1.0, 2.0, 4.0, -3.5, -1.0}; @@ -2386,6 +2858,34 @@ TEST(QuantizeLinearOp21BlockedTest, UnsignedInt4_NoZeroPoint_MiddleAxis) { QuantizeLinearOp21BlockedTest_Int4_Succeed({8, 4, 2}, 1, 3, x, y_scale, zero_point, y_3); } +TEST(QuantizeLinearOp21BlockedTest, UnsignedInt4_NoZeroPoint_MiddleAxis_Cuda) { + std::vector y_scale{-2.0, -4.0, 3.5, 1.0, 2.0, 4.0, -3.5, -1.0, -2.0, -4.0, 3.5, 1.0, 2.0, 4.0, -3.5, -1.0, + -2.0, -4.0, 3.5, 1.0, 2.0, 4.0, -3.5, -1.0, -2.0, -4.0, 3.5, 1.0, 2.0, 4.0, -3.5, -1.0}; + std::vector zero_point{0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, + 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0}; + std::vector x{0, -4, -4, -12, 14, 5, 21, 7, 16, 36, 20, 44, -42, -13, -49, -15, + 0, -4, -4, -12, 14, 5, 21, 7, 16, 36, 20, 44, -42, -13, -49, -15, + 0, -4, -4, -12, 14, 5, 21, 7, 16, 36, 20, 44, -42, -13, -49, -15, + 0, -4, -4, -12, 14, 5, 21, 7, 16, 36, 20, 44, -42, -13, -49, -15}; + std::vector y_2{0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, + 0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, + 0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, + 0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15}; + std::vector y_3{0, 1, 2, 3, 0, 0, 6, 7, 8, 9, 10, 11, 0, 0, 14, 15, + 0, 1, 2, 3, 0, 0, 6, 7, 8, 9, 10, 11, 0, 0, 14, 15, + 0, 1, 2, 3, 0, 0, 6, 7, 8, 9, 10, 11, 0, 0, 14, 15, + 0, 1, 2, 3, 0, 0, 6, 7, 8, 9, 10, 11, 0, 0, 14, 15}; + + QuantizeLinearOp21BlockedTest_Int4_Succeed({8, 4, 2}, 1, 2, x, y_scale, zero_point, y_2, + DefaultCudaExecutionProvider()); + QuantizeLinearOp21BlockedTest_Int4_Succeed({8, 4, 2}, 1, 3, x, y_scale, zero_point, y_3, + DefaultCudaExecutionProvider()); + QuantizeLinearOp21BlockedTest_Int4_Succeed({8, 4, 2}, 1, 2, x, y_scale, zero_point, y_2, + DefaultCudaExecutionProvider()); + QuantizeLinearOp21BlockedTest_Int4_Succeed({8, 4, 2}, 1, 3, x, y_scale, zero_point, y_3, + DefaultCudaExecutionProvider()); +} + TEST(QuantizeLinearOp21BlockedTest, UnsignedInt_NoZeroPoint_MiddleAxis) { std::vector y_scale{-2.0, -4.0, 3.5, 1.0, 2.0, 4.0, -3.5, -1.0, -2.0, -4.0, 3.5, 1.0, 2.0, 4.0, -3.5, -1.0, -2.0, -4.0, 3.5, 1.0, 2.0, 4.0, -3.5, -1.0, -2.0, -4.0, 3.5, 1.0, 2.0, 4.0, -3.5, -1.0}; @@ -2438,6 +2938,34 @@ TEST(QuantizeLinearOp21BlockedTest, UnsignedInt4_UseZeroPoint_MiddleAxis) { QuantizeLinearOp21BlockedTest_Int4_Succeed({8, 4, 2}, 1, 3, x, y_scale, zero_point, y_3); } +TEST(QuantizeLinearOp21BlockedTest, UnsignedInt4_UseZeroPoint_MiddleAxis_Cuda) { + std::vector y_scale{-2.0, -4.0, 3.5, 1.0, 2.0, 4.0, -3.5, -1.0, -2.0, -4.0, 3.5, 1.0, 2.0, 4.0, -3.5, -1.0, + -2.0, -4.0, 3.5, 1.0, 2.0, 4.0, -3.5, -1.0, -2.0, -4.0, 3.5, 1.0, 2.0, 4.0, -3.5, -1.0}; + std::vector zero_point{2, 0, 1, 9, 13, 5, 11, 6, 2, 0, 1, 9, 13, 5, 11, 6, + 2, 0, 1, 9, 13, 5, 11, 6, 2, 0, 1, 9, 13, 5, 11, 6}; + std::vector x{4, -4, 0, -12, 10.5, -4, 17.5, -2, -10, 16, -6, 24, -3.5, -7, -10.5, -9, + 4, -4, 0, -12, 10.5, -4, 17.5, -2, -10, 16, -6, 24, -3.5, -7, -10.5, -9, + 4, -4, 0, -12, 10.5, -4, 17.5, -2, -10, 16, -6, 24, -3.5, -7, -10.5, -9, + 4, -4, 0, -12, 10.5, -4, 17.5, -2, -10, 16, -6, 24, -3.5, -7, -10.5, -9}; + std::vector y_2{0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, + 0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, + 0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, + 0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15}; + std::vector y_3{0, 1, 2, 3, 0, 1, 6, 7, 8, 9, 10, 11, 11, 3, 14, 15, + 0, 1, 2, 3, 0, 1, 6, 7, 8, 9, 10, 11, 11, 3, 14, 15, + 0, 1, 2, 3, 0, 1, 6, 7, 8, 9, 10, 11, 11, 3, 14, 15, + 0, 1, 2, 3, 0, 1, 6, 7, 8, 9, 10, 11, 11, 3, 14, 15}; + + QuantizeLinearOp21BlockedTest_Int4_Succeed({8, 4, 2}, 1, 2, x, y_scale, zero_point, y_2, + DefaultCudaExecutionProvider()); + QuantizeLinearOp21BlockedTest_Int4_Succeed({8, 4, 2}, 1, 3, x, y_scale, zero_point, y_3, + DefaultCudaExecutionProvider()); + QuantizeLinearOp21BlockedTest_Int4_Succeed({8, 4, 2}, 1, 2, x, y_scale, zero_point, y_2, + DefaultCudaExecutionProvider()); + QuantizeLinearOp21BlockedTest_Int4_Succeed({8, 4, 2}, 1, 3, x, y_scale, zero_point, y_3, + DefaultCudaExecutionProvider()); +} + TEST(QuantizeLinearOp21BlockedTest, UnsignedInt_UseZeroPoint_MiddleAxis) { std::vector y_scale{-2.0, -4.0, 3.5, 1.0, 2.0, 4.0, -3.5, -1.0, -2.0, -4.0, 3.5, 1.0, 2.0, 4.0, -3.5, -1.0, -2.0, -4.0, 3.5, 1.0, 2.0, 4.0, -3.5, -1.0, -2.0, -4.0, 3.5, 1.0, 2.0, 4.0, -3.5, -1.0}; @@ -2490,6 +3018,34 @@ TEST(QuantizeLinearOp21BlockedTest, UnsignedInt4_NoZeroPoint_LastAxis) { QuantizeLinearOp21BlockedTest_Int4_Succeed({2, 4, 8}, 2, 5, x, y_scale, zero_point, y_3); } +TEST(QuantizeLinearOp21BlockedTest, UnsignedInt4_NoZeroPoint_LastAxis_Cuda) { + std::vector y_scale{-2.0, -4.0, -2.0, -4.0, 3.5, 1.0, 3.5, 1.0, + 2.0, 4.0, 2.0, 4.0, -3.5, -1.0, -3.5, -1.0}; + std::vector zero_point{0, 0, 0, 0, 0, 0, 0, 0, + 0, 0, 0, 0, 0, 0, 0, 0}; + std::vector x{0, -2, 0, -2, -8, -12, -8, -12, 0, -2, 0, -2, -8, -12, -8, -12, + 14, 17.5, 14, 17.5, 6, 7, 6, 7, 14, 17.5, 14, 17.5, 6, 7, 6, 7, + 16, 18, 16, 18, 40, 44, 40, 44, 16, 18, 16, 18, 40, 44, 40, 44, + -42, -45.5, -42, -45.5, -14, -15, -14, -15, -42, -45.5, -42, -45.5, -14, -15, -14, -15}; + std::vector y_2{0, 1, 0, 1, 2, 3, 2, 3, 0, 1, 0, 1, 2, 3, 2, 3, + 4, 5, 4, 5, 6, 7, 6, 7, 4, 5, 4, 5, 6, 7, 6, 7, + 8, 9, 8, 9, 10, 11, 10, 11, 8, 9, 8, 9, 10, 11, 10, 11, + 12, 13, 12, 13, 14, 15, 14, 15, 12, 13, 12, 13, 14, 15, 14, 15}; + std::vector y_3{0, 1, 0, 1, 4, 3, 2, 3, 0, 1, 0, 1, 4, 3, 2, 3, + 4, 5, 4, 5, 2, 7, 6, 7, 4, 5, 4, 5, 2, 7, 6, 7, + 8, 9, 8, 9, 15, 11, 10, 11, 8, 9, 8, 9, 15, 11, 10, 11, + 12, 13, 12, 13, 4, 15, 14, 15, 12, 13, 12, 13, 4, 15, 14, 15}; + + QuantizeLinearOp21BlockedTest_Int4_Succeed({2, 4, 8}, 2, 4, x, y_scale, zero_point, y_2, + DefaultCudaExecutionProvider()); + QuantizeLinearOp21BlockedTest_Int4_Succeed({2, 4, 8}, 2, 5, x, y_scale, zero_point, y_3, + DefaultCudaExecutionProvider()); + QuantizeLinearOp21BlockedTest_Int4_Succeed({2, 4, 8}, 2, 4, x, y_scale, zero_point, y_2, + DefaultCudaExecutionProvider()); + QuantizeLinearOp21BlockedTest_Int4_Succeed({2, 4, 8}, 2, 5, x, y_scale, zero_point, y_3, + DefaultCudaExecutionProvider()); +} + TEST(QuantizeLinearOp21BlockedTest, UnsignedInt_NoZeroPoint_LastAxis) { std::vector y_scale{-2.0, -4.0, -2.0, -4.0, 3.5, 1.0, 3.5, 1.0, 2.0, 4.0, 2.0, 4.0, -3.5, -1.0, -3.5, -1.0}; @@ -2542,6 +3098,34 @@ TEST(QuantizeLinearOp21BlockedTest, UnsignedInt4_UseZeroPoint_LastAxis) { QuantizeLinearOp21BlockedTest_Int4_Succeed({2, 4, 8}, 2, 5, x, y_scale, zero_point, y_3); } +TEST(QuantizeLinearOp21BlockedTest, UnsignedInt4_UseZeroPoint_LastAxis_Cuda) { + std::vector y_scale{-2.0, -4.0, -2.0, -4.0, 3.5, 1.0, 3.5, 1.0, + 2.0, 4.0, 2.0, 4.0, -3.5, -1.0, -3.5, -1.0}; + std::vector zero_point{2, 0, 2, 0, 1, 9, 1, 9, + 13, 5, 13, 5, 11, 6, 11, 6}; + std::vector x{4, 2, 4, 2, -8, -12, -8, -12, 4, 2, 4, 2, -8, -12, -8, -12, + 10.5, 14, 10.5, 14, -3, -2, -3, -2, 10.5, 14, 10.5, 14, -3, -2, -3, -2, + -10, -8, -10, -8, 20, 24, 20, 24, -10, -8, -10, -8, 20, 24, 20, 24, + -3.5, -7, -3.5, -7, -8, -9, -8, -9, -3.5, -7, -3.5, -7, -8, -9, -8, -9}; + std::vector y_2{0, 1, 0, 1, 2, 3, 2, 3, 0, 1, 0, 1, 2, 3, 2, 3, + 4, 5, 4, 5, 6, 7, 6, 7, 4, 5, 4, 5, 6, 7, 6, 7, + 8, 9, 8, 9, 10, 11, 10, 11, 8, 9, 8, 9, 10, 11, 10, 11, + 12, 13, 12, 13, 14, 15, 14, 15, 12, 13, 12, 13, 14, 15, 14, 15}; + std::vector y_3{0, 1, 0, 1, 6, 3, 2, 3, 0, 1, 0, 1, 6, 3, 2, 3, + 4, 5, 4, 5, 0, 7, 6, 7, 4, 5, 4, 5, 0, 7, 6, 7, + 8, 9, 8, 9, 15, 11, 10, 11, 8, 9, 8, 9, 15, 11, 10, 11, + 12, 13, 12, 13, 13, 15, 14, 15, 12, 13, 12, 13, 13, 15, 14, 15}; + + QuantizeLinearOp21BlockedTest_Int4_Succeed({2, 4, 8}, 2, 4, x, y_scale, zero_point, y_2, + DefaultCudaExecutionProvider()); + QuantizeLinearOp21BlockedTest_Int4_Succeed({2, 4, 8}, 2, 5, x, y_scale, zero_point, y_3, + DefaultCudaExecutionProvider()); + QuantizeLinearOp21BlockedTest_Int4_Succeed({2, 4, 8}, 2, 4, x, y_scale, zero_point, y_2, + DefaultCudaExecutionProvider()); + QuantizeLinearOp21BlockedTest_Int4_Succeed({2, 4, 8}, 2, 5, x, y_scale, zero_point, y_3, + DefaultCudaExecutionProvider()); +} + TEST(QuantizeLinearOp21BlockedTest, UnsignedInt_UseZeroPoint_LastAxis) { std::vector y_scale{-2.0, -4.0, -2.0, -4.0, 3.5, 1.0, 3.5, 1.0, 2.0, 4.0, 2.0, 4.0, -3.5, -1.0, -3.5, -1.0}; From 509cb54d6f9b38ce21b897317a03e2fc61555dd0 Mon Sep 17 00:00:00 2001 From: aciddelgado <139922440+aciddelgado@users.noreply.github.com> Date: Fri, 30 Aug 2024 19:11:04 -0700 Subject: [PATCH 033/119] softcap gqa (#21683) ### Description Implement softcap for gqa. ### Motivation and Context Fixes certain models like Gemma-2 which need softcap to work so they don't output nan's. --- cmake/patches/cutlass/cutlass_3.5.0.patch | 40 ++++- docs/ContribOperators.md | 2 + .../contrib_ops/cpu/bert/attention_common.h | 1 + .../contrib_ops/cpu/bert/attention_helper.h | 11 ++ .../contrib_ops/cpu/bert/gqa_attention_base.h | 11 +- .../cpu/bert/group_query_attention.cc | 4 +- .../cpu/bert/group_query_attention_helper.h | 7 +- .../contrib_ops/cuda/bert/attention_impl.cu | 6 +- .../bert/cutlass_fmha/fmha_launch_template.h | 1 + .../cutlass_fmha/memory_efficient_attention.h | 1 + .../cuda/bert/flash_attention/flash.h | 1 + .../cuda/bert/flash_attention/flash_api.cc | 21 ++- .../cuda/bert/flash_attention/flash_api.h | 3 + .../bert/flash_attention/flash_fwd_kernel.h | 24 ++- .../flash_fwd_launch_template.h | 72 +++++---- .../cuda/bert/flash_attention/static_switch.h | 10 ++ .../cuda/bert/flash_attention/utils.h | 10 ++ .../cuda/bert/group_query_attention.cc | 2 + .../cuda/bert/group_query_attention.h | 1 + .../cuda/bert/group_query_attention_helper.h | 7 +- .../cuda/bert/group_query_attention_impl.cu | 3 +- .../bert/packed_multihead_attention_impl.cu | 1 + .../core/graph/contrib_ops/bert_defs.cc | 4 + .../transformers/test_flash_attn_cuda.py | 134 ++++++++++------ .../transformers/test_flash_attn_rocm.py | 4 +- .../test/python/transformers/test_gqa_cpu.py | 145 ++++++++++++------ 26 files changed, 366 insertions(+), 160 deletions(-) diff --git a/cmake/patches/cutlass/cutlass_3.5.0.patch b/cmake/patches/cutlass/cutlass_3.5.0.patch index 93b8c474af9ed..a02a745b612ae 100644 --- a/cmake/patches/cutlass/cutlass_3.5.0.patch +++ b/cmake/patches/cutlass/cutlass_3.5.0.patch @@ -1,8 +1,16 @@ diff --git a/examples/41_fused_multi_head_attention/kernel_forward.h b/examples/41_fused_multi_head_attention/kernel_forward.h -index 4c80f549..34327633 100644 +index 4c80f549..5ad610c8 100644 --- a/examples/41_fused_multi_head_attention/kernel_forward.h +++ b/examples/41_fused_multi_head_attention/kernel_forward.h -@@ -221,6 +221,8 @@ struct AttentionKernel { +@@ -189,6 +189,7 @@ struct AttentionKernel { + + // Scale + accum_t scale = 0.0; ++ accum_t softcap = 0.0; + + // Dimensions/strides + int32_t head_dim = 0; +@@ -221,6 +222,8 @@ struct AttentionKernel { int32_t num_batches = 0; int32_t num_heads = 0; @@ -11,7 +19,23 @@ index 4c80f549..34327633 100644 // dropout bool use_dropout = false; unsigned long long dropout_batch_head_rng_offset = 0; -@@ -897,7 +899,8 @@ struct AttentionKernel { +@@ -818,6 +821,15 @@ struct AttentionKernel { + accum = + cutlass::multiplies()(p.scale, accum); + } ++ ++ // apply softcap if applicable ++ if (p.softcap > 0.0) { ++ accum = cutlass::multiplies()(1.0 / p.softcap, accum); ++ for (int i = 0; i < accum.size(); ++i) { ++ accum[i] = cutlass::fast_tanh(accum[i]); ++ } ++ accum = cutlass::multiplies()(p.softcap, accum); ++ } + + // apply attention bias if applicable + if (kSupportsBias && p.attn_bias_ptr != nullptr) { +@@ -897,7 +909,8 @@ struct AttentionKernel { p.num_keys - iter_key_start, iter_key_start == 0, iteratorC_tile_offset, @@ -21,7 +45,7 @@ index 4c80f549..34327633 100644 // Output results to shared-memory int warp_idx_mn_0 = my_warp_id % -@@ -1166,7 +1169,8 @@ struct AttentionKernel { +@@ -1166,7 +1179,8 @@ struct AttentionKernel { int max_col, bool is_first, typename WarpIteratorC::TensorCoord const& tile_offset, @@ -31,7 +55,7 @@ index 4c80f549..34327633 100644 /* Iterates on the accumulator and corresponding position on result matrix (1) Update `mi[r]` to the max value of the row `r` -@@ -1257,7 +1261,7 @@ struct AttentionKernel { +@@ -1257,7 +1271,7 @@ struct AttentionKernel { accum_t mi_row, total_row; LambdaIterator::iterateRows( lane_offset, @@ -40,7 +64,7 @@ index 4c80f549..34327633 100644 [&](int accum_m, int accum_n, int idx) { frag[idx] = (accum_n < max_col) ? exp2f(frag[idx] - mi_row) : accum_t(0.0); -@@ -1294,7 +1298,7 @@ struct AttentionKernel { +@@ -1294,7 +1308,7 @@ struct AttentionKernel { for (int i = 0; i < MM0::MmaCore::WarpCount::kN; ++i) { total_row += addition_storage[id + kQueriesPerBlock * i]; } @@ -50,7 +74,7 @@ index 4c80f549..34327633 100644 } diff --git a/include/cutlass/functional.h b/include/cutlass/functional.h -index 964d2ff3..b366bc14 100644 +index 964d2ff3..676ba768 100644 --- a/include/cutlass/functional.h +++ b/include/cutlass/functional.h @@ -39,6 +39,7 @@ @@ -73,4 +97,4 @@ index 964d2ff3..b366bc14 100644 +#endif #else return half_t(1.f / std::sqrt(half_t::convert(lhs))); - #endif \ No newline at end of file + #endif diff --git a/docs/ContribOperators.md b/docs/ContribOperators.md index 8a13505fe0fc7..aadf4ebe2f488 100644 --- a/docs/ContribOperators.md +++ b/docs/ContribOperators.md @@ -2543,6 +2543,8 @@ This version of the operator has been available since version 1 of the 'com.micr
Custom scale will be used if specified. Default value is 1/sqrt(head_size)
smooth_softmax : int
Use a smooth factor in softmax.
+
softcap : float
+
Softcap value for attention weights. Default value is 0.
#### Inputs (7 - 9) diff --git a/onnxruntime/contrib_ops/cpu/bert/attention_common.h b/onnxruntime/contrib_ops/cpu/bert/attention_common.h index 516ef57d8cd18..45acb90ba68b0 100644 --- a/onnxruntime/contrib_ops/cpu/bert/attention_common.h +++ b/onnxruntime/contrib_ops/cpu/bert/attention_common.h @@ -119,6 +119,7 @@ struct GroupQueryAttentionParameters { bool rotary_interleaved; bool use_smooth_softmax; float scale; + float softcap; AttentionQkvFormat qkv_format; AttentionQkvFormat past_kv_format; int zeros_count; diff --git a/onnxruntime/contrib_ops/cpu/bert/attention_helper.h b/onnxruntime/contrib_ops/cpu/bert/attention_helper.h index 04e120863d39e..e6c948acb0d6c 100644 --- a/onnxruntime/contrib_ops/cpu/bert/attention_helper.h +++ b/onnxruntime/contrib_ops/cpu/bert/attention_helper.h @@ -102,6 +102,17 @@ inline void ComputeAttentionSoftmaxInplace(float* score, int N, int D, ThreadPoo MlasComputeSoftmax(score, score, N, D, false, false, tp); } +template +void ComputeAttentionSoftcapInplace(T* scores, int sequence_length, float softcap) { + for (int i = 0; i < sequence_length; i++) { + scores[i] = scores[i] / softcap; + scores[i] = std::tanh(scores[i]); + scores[i] = scores[i] * softcap; + } +} + +template void ComputeAttentionSoftcapInplace(float* scores, int sequence_length, float softcap); + template void PrepareMask(const int32_t* mask_index, gsl::span mask_index_dims, diff --git a/onnxruntime/contrib_ops/cpu/bert/gqa_attention_base.h b/onnxruntime/contrib_ops/cpu/bert/gqa_attention_base.h index 70f8564a2cbf2..2bf0aa0915c2d 100644 --- a/onnxruntime/contrib_ops/cpu/bert/gqa_attention_base.h +++ b/onnxruntime/contrib_ops/cpu/bert/gqa_attention_base.h @@ -26,6 +26,7 @@ class GQAAttentionBase { kv_num_heads_ = static_cast(kv_num_heads); scale_ = info.GetAttrOrDefault("scale", 0.0f); + softcap_ = info.GetAttrOrDefault("softcap", 0.0f); do_rotary_ = info.GetAttrOrDefault("do_rotary", 0) == 1; rotary_interleaved_ = info.GetAttrOrDefault("rotary_interleaved", 0) == 1; @@ -38,7 +39,8 @@ class GQAAttentionBase { int num_heads_; // number of attention heads of Q int kv_num_heads_; // number of attention heads of K or V float scale_; // the scaling factor applied before softmax - bool do_rotary_; // whether or not to use rotary embeddings + float softcap_; + bool do_rotary_; // whether or not to use rotary embeddings bool rotary_interleaved_; int local_window_size_; @@ -199,6 +201,10 @@ class GQAAttentionBase { for (int total_seq_id = 0; total_seq_id < seq_causal_length - local_window_size_ - 1; total_seq_id++) { output_softmax[total_seq_id] = 0.f; } + if (softcap_ > 0.f) { + ComputeAttentionSoftcapInplace(output_softmax + seq_causal_length - local_window_size_ - 1, + local_window_size_ + 1, softcap_); + } if (use_smooth_softmax_) { ComputeSmoothSoftmaxInplace(output_softmax + seq_causal_length - local_window_size_ - 1, 1, local_window_size_ + 1, nullptr); @@ -207,6 +213,9 @@ class GQAAttentionBase { local_window_size_ + 1, nullptr); } } else { + if (softcap_ > 0.f) { + ComputeAttentionSoftcapInplace(output_softmax, seq_causal_length, softcap_); + } if (use_smooth_softmax_) { ComputeSmoothSoftmaxInplace(output_softmax, 1, seq_causal_length, nullptr); } else { diff --git a/onnxruntime/contrib_ops/cpu/bert/group_query_attention.cc b/onnxruntime/contrib_ops/cpu/bert/group_query_attention.cc index 97388a9d6bce8..87675255f5ba4 100644 --- a/onnxruntime/contrib_ops/cpu/bert/group_query_attention.cc +++ b/onnxruntime/contrib_ops/cpu/bert/group_query_attention.cc @@ -50,7 +50,6 @@ Status GroupQueryAttention::Compute(OpKernelContext* context) const { const Tensor* sin_cache = context->Input(8); GroupQueryAttentionParameters parameters = {}; - constexpr float scale = 1.0f; ORT_RETURN_IF_ERROR(group_query_attention_helper::CheckInputs(query, key, value, @@ -63,7 +62,8 @@ Status GroupQueryAttention::Compute(OpKernelContext* context) const { kv_num_heads_, seqlens_k, total_seqlen, - scale)); + scale_, + softcap_)); const int batch_size = parameters.batch_size; const int sequence_length = parameters.sequence_length; diff --git a/onnxruntime/contrib_ops/cpu/bert/group_query_attention_helper.h b/onnxruntime/contrib_ops/cpu/bert/group_query_attention_helper.h index 7ffb72fe55d25..3342052260ff9 100644 --- a/onnxruntime/contrib_ops/cpu/bert/group_query_attention_helper.h +++ b/onnxruntime/contrib_ops/cpu/bert/group_query_attention_helper.h @@ -23,7 +23,8 @@ Status CheckInputs(const Tensor* query, int kv_num_heads, const Tensor* seqlens_k, const Tensor* total_seqlen, - float scale) { + float scale, + float softcap) { // Note: Here S* is seqlen_past_kv_cache, S+ is seqlen_present_kv_cache // past_key : (B, N_k, S*, H) or (B, N_k, S+, H) or nullptr // past_value : (B, N_k, S*, H) or (B, N_k, S+, H) or nullptr @@ -236,6 +237,7 @@ Status CheckInputs(const Tensor* query, output_parameters->is_unidirectional = true; output_parameters->is_prompt = is_prompt; output_parameters->scale = scale; + output_parameters->softcap = softcap; output_parameters->qkv_format = qkv_format; output_parameters->past_kv_format = past_kv_format; } @@ -256,12 +258,13 @@ Status CheckInputs(const Tensor* query, const Tensor* seqlens_k, const Tensor* total_seqlen, float scale, + float softcap, int max_threads_per_block) { if (max_threads_per_block > 0 && num_heads > max_threads_per_block) { return ORT_MAKE_STATUS(ONNXRUNTIME, INVALID_ARGUMENT, "num_heads should be no larger than ", max_threads_per_block); } - return CheckInputs(query, key, value, past_key, past_value, cos_cache, sin_cache, parameters, num_heads, kv_num_heads, seqlens_k, total_seqlen, scale); + return CheckInputs(query, key, value, past_key, past_value, cos_cache, sin_cache, parameters, num_heads, kv_num_heads, seqlens_k, total_seqlen, scale, softcap); } } // namespace group_query_attention_helper } // namespace contrib diff --git a/onnxruntime/contrib_ops/cuda/bert/attention_impl.cu b/onnxruntime/contrib_ops/cuda/bert/attention_impl.cu index 3af3751ba0e51..eff58c0080012 100644 --- a/onnxruntime/contrib_ops/cuda/bert/attention_impl.cu +++ b/onnxruntime/contrib_ops/cuda/bert/attention_impl.cu @@ -303,9 +303,9 @@ Status FlashAttention( ORT_RETURN_IF_ERROR(onnxruntime::flash::mha_fwd( device_prop, stream, data.q, data.k, data.v, data.output, reinterpret_cast(data.scratch), parameters.batch_size, parameters.num_heads, parameters.num_heads, parameters.head_size, - parameters.sequence_length, parameters.total_sequence_length, scale, parameters.is_unidirectional, is_bf16, false, - parameters.num_splits, reinterpret_cast(data.softmax_lse_accum), reinterpret_cast(data.out_accum), - data.qkv_format == AttentionQkvFormat::Q_K_V_BSNH)); + parameters.sequence_length, parameters.total_sequence_length, scale, 0.0, parameters.is_unidirectional, is_bf16, + false, parameters.num_splits, reinterpret_cast(data.softmax_lse_accum), + reinterpret_cast(data.out_accum), data.qkv_format == AttentionQkvFormat::Q_K_V_BSNH)); return Status::OK(); } diff --git a/onnxruntime/contrib_ops/cuda/bert/cutlass_fmha/fmha_launch_template.h b/onnxruntime/contrib_ops/cuda/bert/cutlass_fmha/fmha_launch_template.h index 5ffa63c54c8fb..a10d2548fa7b8 100644 --- a/onnxruntime/contrib_ops/cuda/bert/cutlass_fmha/fmha_launch_template.h +++ b/onnxruntime/contrib_ops/cuda/bert/cutlass_fmha/fmha_launch_template.h @@ -169,6 +169,7 @@ void LaunchCutlassFmha(const MemoryEfficientAttentionParams& params) { p.head_dim_value = params.v_head_size; p.scale = params.scale; + p.softcap = params.softcap; // When params.cu_seqlens_q is provided, num_queries is max_seq_q and num_keys will be set inside the kernel p.num_queries = params.sequence_length; diff --git a/onnxruntime/contrib_ops/cuda/bert/cutlass_fmha/memory_efficient_attention.h b/onnxruntime/contrib_ops/cuda/bert/cutlass_fmha/memory_efficient_attention.h index ec2c92c437283..9fe66c6fe992e 100644 --- a/onnxruntime/contrib_ops/cuda/bert/cutlass_fmha/memory_efficient_attention.h +++ b/onnxruntime/contrib_ops/cuda/bert/cutlass_fmha/memory_efficient_attention.h @@ -28,6 +28,7 @@ struct MemoryEfficientAttentionParams { bool use_smooth_softmax; float scale; + float softcap = 0.0; int32_t* seqstart_q_ptr; int32_t* seqstart_k_ptr; diff --git a/onnxruntime/contrib_ops/cuda/bert/flash_attention/flash.h b/onnxruntime/contrib_ops/cuda/bert/flash_attention/flash.h index bcd87c1ab6251..4aa633ca45e2b 100644 --- a/onnxruntime/contrib_ops/cuda/bert/flash_attention/flash.h +++ b/onnxruntime/contrib_ops/cuda/bert/flash_attention/flash.h @@ -74,6 +74,7 @@ struct Flash_fwd_params : public Qkv_params { // The scaling factors for the kernel. float scale_softmax = 0.0; float scale_softmax_log2 = 0.0; + float softcap = 0.0; // array of length b+1 holding starting offset of each sequence. int* __restrict__ cu_seqlens_q = nullptr; diff --git a/onnxruntime/contrib_ops/cuda/bert/flash_attention/flash_api.cc b/onnxruntime/contrib_ops/cuda/bert/flash_attention/flash_api.cc index f875d31f5ca7a..6a3e52bee3995 100644 --- a/onnxruntime/contrib_ops/cuda/bert/flash_attention/flash_api.cc +++ b/onnxruntime/contrib_ops/cuda/bert/flash_attention/flash_api.cc @@ -35,6 +35,7 @@ void set_params_fprop(Flash_fwd_params& params, void* p_d, void* softmax_lse_d, float softmax_scale, + float softcap, bool is_causal, bool is_bf16, bool use_smooth_softmax, @@ -111,8 +112,16 @@ void set_params_fprop(Flash_fwd_params& params, params.d_rounded = head_size_rounded; // Set the different scale values. - params.scale_softmax = softmax_scale; - params.scale_softmax_log2 = softmax_scale * M_LOG2E; + if (softcap > 0.0) { + params.softcap = softmax_scale / softcap; + params.scale_softmax = softcap; + params.scale_softmax_log2 = softcap * M_LOG2E; + } else { + // Remove potential NaN + params.softcap = 0.0; + params.scale_softmax = softmax_scale; + params.scale_softmax_log2 = softmax_scale * M_LOG2E; + } // In our API, causal/unidirectional determines if we only look at prior tokens. However, the flash API separates // local and causal, meaning when we have local window size @@ -267,6 +276,7 @@ Status mha_fwd(const cudaDeviceProp& dprops, int seqlen_q, int seqlen_k, float softmax_scale, + const float softcap, bool is_causal, bool is_bf16, bool use_smooth_softmax, @@ -294,6 +304,7 @@ Status mha_fwd(const cudaDeviceProp& dprops, /*p_ptr=*/nullptr, softmax_lse, softmax_scale, + softcap, is_causal, is_bf16, use_smooth_softmax, @@ -343,6 +354,7 @@ Status mha_varlen_fwd(const cudaDeviceProp& dprops, int max_seqlen_q, int max_seqlen_k, float softmax_scale, + const float softcap, bool is_causal, bool is_bf16, int max_num_blocks_per_seq, @@ -367,6 +379,7 @@ Status mha_varlen_fwd(const cudaDeviceProp& dprops, /*p_ptr=*/nullptr, softmax_lse, softmax_scale, + softcap, is_causal, is_bf16, false, @@ -427,6 +440,7 @@ Status mha_fwd_kvcache(const cudaDeviceProp& dprops, int seqlen_k_new, int rotary_dim, const float softmax_scale, + const float softcap, bool is_causal, bool is_bf16, bool use_smooth_softmax, @@ -440,7 +454,7 @@ Status mha_fwd_kvcache(const cudaDeviceProp& dprops, int max_num_blocks_per_seq, int page_block_size) { auto round_multiple = [](int x, int m) { return (x + m - 1) / m * m; }; - const int head_size_rounded = round_multiple(head_size, 32); + const int head_size_rounded = head_size <= 192 ? round_multiple(head_size, 32) : 256; const int seqlen_q_rounded = round_multiple(seqlen_q, 128); const int seqlen_k_rounded = round_multiple(seqlen_k, 128); const bool paged_KV = block_table != nullptr; @@ -460,6 +474,7 @@ Status mha_fwd_kvcache(const cudaDeviceProp& dprops, /*p_ptr=*/nullptr, softmax_lse, softmax_scale, + softcap, is_causal, is_bf16, use_smooth_softmax, diff --git a/onnxruntime/contrib_ops/cuda/bert/flash_attention/flash_api.h b/onnxruntime/contrib_ops/cuda/bert/flash_attention/flash_api.h index baad0a938d377..57752e8237d6e 100644 --- a/onnxruntime/contrib_ops/cuda/bert/flash_attention/flash_api.h +++ b/onnxruntime/contrib_ops/cuda/bert/flash_attention/flash_api.h @@ -50,6 +50,7 @@ Status mha_fwd(const cudaDeviceProp& dprops, int seqlen_q, int seqlen_k, float softmax_scale, + const float softcap, bool is_causal, bool is_bf16, bool use_smooth_softmax, @@ -77,6 +78,7 @@ Status mha_varlen_fwd(const cudaDeviceProp& dprops, int max_seqlen_q, int max_seqlen_k, float softmax_scale, + const float softcap, bool is_causal, bool is_bf16, int max_num_blocks_per_seq = 0, @@ -104,6 +106,7 @@ Status mha_fwd_kvcache(const cudaDeviceProp& dprops, int seqlen_k_new, int rotary_dim, const float softmax_scale, + const float softcap, bool is_causal, bool is_bf16, bool use_smooth_softmax, diff --git a/onnxruntime/contrib_ops/cuda/bert/flash_attention/flash_fwd_kernel.h b/onnxruntime/contrib_ops/cuda/bert/flash_attention/flash_fwd_kernel.h index b2aa3668a5be1..e961bab399326 100644 --- a/onnxruntime/contrib_ops/cuda/bert/flash_attention/flash_fwd_kernel.h +++ b/onnxruntime/contrib_ops/cuda/bert/flash_attention/flash_fwd_kernel.h @@ -34,7 +34,7 @@ using namespace cute; //////////////////////////////////////////////////////////////////////////////////////////////////// -template +template inline __device__ void compute_attn_1rowblock(const Params& params, const int bidb, const int bidh, const int m_block) { using Element = typename Kernel_traits::Element; using ElementAccum = typename Kernel_traits::ElementAccum; @@ -278,6 +278,9 @@ inline __device__ void compute_attn_1rowblock(const Params& params, const int bi acc_s, tSrQ, tSrK, tSsQ, tSsK, tiled_mma, smem_tiled_copy_Q, smem_tiled_copy_K, smem_thr_copy_Q, smem_thr_copy_K); // if (cute::thread0()) { print(acc_s); } + if constexpr (Is_softcap) { + flash::apply_softcap(acc_s, params.softcap); + } mask.template apply_mask( acc_s, n_block * kBlockN, m_block * kBlockM + (tidx / 32) * 16 + (tidx % 32) / 4, kNWarps * 16); @@ -322,6 +325,9 @@ inline __device__ void compute_attn_1rowblock(const Params& params, const int bi flash::gemm( acc_s, tSrQ, tSrK, tSsQ, tSsK, tiled_mma, smem_tiled_copy_Q, smem_tiled_copy_K, smem_thr_copy_Q, smem_thr_copy_K); + if constexpr (Is_softcap) { + flash::apply_softcap(acc_s, params.softcap); + } flash::cp_async_wait<0>(); __syncthreads(); @@ -418,7 +424,7 @@ inline __device__ void compute_attn_1rowblock(const Params& params, const int bi //////////////////////////////////////////////////////////////////////////////////////////////////// -template +template inline __device__ void compute_attn_1rowblock_splitkv(const Params& params, const int bidb, const int bidh, const int m_block, const int n_split_idx, const int num_n_splits) { @@ -799,6 +805,9 @@ inline __device__ void compute_attn_1rowblock_splitkv(const Params& params, cons acc_s, tSrQ, tSrK, tSsQ, tSsK, tiled_mma, smem_tiled_copy_Q, smem_tiled_copy_K, smem_thr_copy_Q, smem_thr_copy_K); // if (cute::thread0()) { print(acc_s); } + if constexpr (Is_softcap) { + flash::apply_softcap(acc_s, params.softcap); + } mask.template apply_mask( acc_s, n_block * kBlockN, m_block * kBlockM + (tidx / 32) * 16 + (tidx % 32) / 4, kNWarps * 16); @@ -868,6 +877,9 @@ inline __device__ void compute_attn_1rowblock_splitkv(const Params& params, cons flash::gemm( acc_s, tSrQ, tSrK, tSsQ, tSsK, tiled_mma, smem_tiled_copy_Q, smem_tiled_copy_K, smem_thr_copy_Q, smem_thr_copy_K); + if constexpr (Is_softcap) { + flash::apply_softcap(acc_s, params.softcap); + } flash::cp_async_wait<0>(); __syncthreads(); @@ -979,7 +991,7 @@ inline __device__ void compute_attn_1rowblock_splitkv(const Params& params, cons //////////////////////////////////////////////////////////////////////////////////////////////////// -template +template inline __device__ void compute_attn(const Params& params) { const int m_block = blockIdx.x; // The block index for the batch. @@ -995,12 +1007,12 @@ inline __device__ void compute_attn(const Params& params) { // the attention matrix. This way, as long as we have the batch, head, and the location of // the 16 x 32 block within the attention matrix, we can generate the exact same dropout pattern. - flash::compute_attn_1rowblock(params, bidb, bidh, m_block); + flash::compute_attn_1rowblock(params, bidb, bidh, m_block); } //////////////////////////////////////////////////////////////////////////////////////////////////// -template +template inline __device__ void compute_attn_splitkv(const Params& params) { const int m_block = blockIdx.x; // The block index for the batch. @@ -1009,7 +1021,7 @@ inline __device__ void compute_attn_splitkv(const Params& params) { const int bidh = Split ? blockIdx.z - bidb * params.h : blockIdx.z; const int n_split_idx = Split ? blockIdx.y : 0; const int num_n_splits = Split ? gridDim.y : 1; - flash::compute_attn_1rowblock_splitkv(params, bidb, bidh, m_block, n_split_idx, num_n_splits); + flash::compute_attn_1rowblock_splitkv(params, bidb, bidh, m_block, n_split_idx, num_n_splits); } //////////////////////////////////////////////////////////////////////////////////////////////////// diff --git a/onnxruntime/contrib_ops/cuda/bert/flash_attention/flash_fwd_launch_template.h b/onnxruntime/contrib_ops/cuda/bert/flash_attention/flash_fwd_launch_template.h index b1941df75be2c..d8465d54e6be8 100644 --- a/onnxruntime/contrib_ops/cuda/bert/flash_attention/flash_fwd_launch_template.h +++ b/onnxruntime/contrib_ops/cuda/bert/flash_attention/flash_fwd_launch_template.h @@ -26,18 +26,18 @@ namespace flash { template \ __global__ void kernelName(KERNEL_PARAM_MODIFIER const Flash_fwd_params params) -DEFINE_FLASH_FORWARD_KERNEL(flash_fwd_kernel, bool Is_causal, bool Is_local, bool Has_alibi, bool Is_even_MN, bool Is_even_K, bool Return_softmax) { +DEFINE_FLASH_FORWARD_KERNEL(flash_fwd_kernel, bool Is_causal, bool Is_local, bool Has_alibi, bool Is_even_MN, bool Is_even_K, bool Is_softcap, bool Return_softmax) { #if defined(ARCH_SUPPORTS_FLASH) static_assert(!(Is_causal && Is_local)); // Enforce constraints - flash::compute_attn(params); + flash::compute_attn(params); #else FLASH_UNSUPPORTED_ARCH #endif } -DEFINE_FLASH_FORWARD_KERNEL(flash_fwd_splitkv_kernel, bool Is_causal, bool Is_local, bool Has_alibi, bool Is_even_MN, bool Is_even_K, bool Split, bool Append_KV) { +DEFINE_FLASH_FORWARD_KERNEL(flash_fwd_splitkv_kernel, bool Is_causal, bool Is_local, bool Has_alibi, bool Is_even_MN, bool Is_even_K, bool Is_softcap, bool Split, bool Append_KV) { #if defined(ARCH_SUPPORTS_FLASH) - flash::compute_attn_splitkv(params); + flash::compute_attn_splitkv(params); #else FLASH_UNSUPPORTED_ARCH #endif @@ -64,23 +64,25 @@ void run_flash_fwd(Flash_fwd_params& params, cudaStream_t stream) { EVENK_SWITCH(is_even_K, IsEvenKConst, [&] { LOCAL_SWITCH((params.window_size_left >= 0 || params.window_size_right >= 0) && !Is_causal, Is_local, [&] { ALIBI_SWITCH(params.alibi_slopes_ptr != nullptr, Has_alibi, [&] { - // Will only return softmax if dropout, to reduce compilation time. - // If not IsEvenKConst, we also set IsEvenMNConst to false to reduce number of templates. - // If head dim > 128, set IsEvenMNConst to false to reduce number of templates - // If Is_local, set Is_causal to false - auto kernel = &flash_fwd_kernel < Kernel_traits, Is_causal, Is_local && !Is_causal, Has_alibi, IsEvenMNConst && IsEvenKConst && !Is_local && Kernel_traits::kHeadDim <= 128, IsEvenKConst, false > ; - // auto kernel = &flash_fwd_kernel; - if (smem_size >= 48 * 1024) { - cudaFuncSetAttribute( - kernel, cudaFuncAttributeMaxDynamicSharedMemorySize, static_cast(smem_size)); - // ORT_ENFORCE(cudaFuncSetAttribute( - // kernel, cudaFuncAttributeMaxDynamicSharedMemorySize, smem_size)); - } - // int ctas_per_sm; - // cudaError status_ = cudaOccupancyMaxActiveBlocksPerMultiprocessor( - // &ctas_per_sm, kernel, Kernel_traits::kNThreads, smem_size); - // printf("smem_size = %d, CTAs per SM = %d\n", int(smem_size), ctas_per_sm); - kernel<<(smem_size), stream>>>(params); + SOFTCAP_SWITCH(params.softcap > 0.0, Is_softcap, [&] { + // Will only return softmax if dropout, to reduce compilation time. + // If not IsEvenKConst, we also set IsEvenMNConst to false to reduce number of templates. + // If head dim > 128, set IsEvenMNConst to false to reduce number of templates + // If Is_local, set Is_causal to false + auto kernel = &flash_fwd_kernel < Kernel_traits, Is_causal, Is_local && !Is_causal, Has_alibi, IsEvenMNConst && IsEvenKConst && !Is_local && Kernel_traits::kHeadDim <= 128, IsEvenKConst, Is_softcap, false > ; + // auto kernel = &flash_fwd_kernel; + if (smem_size >= 48 * 1024) { + cudaFuncSetAttribute( + kernel, cudaFuncAttributeMaxDynamicSharedMemorySize, static_cast(smem_size)); + // ORT_ENFORCE(cudaFuncSetAttribute( + // kernel, cudaFuncAttributeMaxDynamicSharedMemorySize, smem_size)); + } + // int ctas_per_sm; + // cudaError status_ = cudaOccupancyMaxActiveBlocksPerMultiprocessor( + // &ctas_per_sm, kernel, Kernel_traits::kNThreads, smem_size); + // printf("smem_size = %d, CTAs per SM = %d\n", int(smem_size), ctas_per_sm); + kernel<<(smem_size), stream>>>(params); + }); }); }); }); @@ -103,19 +105,21 @@ void run_flash_splitkv_fwd(Flash_fwd_params& params, cudaStream_t stream) { BOOL_SWITCH(params.num_splits > 1, SplitConst, [&] { BOOL_SWITCH(params.knew_ptr != nullptr, Append_KV_Const, [&] { ALIBI_SWITCH(params.alibi_slopes_ptr != nullptr, Has_alibi, [&] { - // If Append_KV_Const, then we must have seqlen_offsets, which means cu_seqlens_k != nullptr. - // If not IsEvenKConst, we also set IsEvenMNConst to false to reduce number of templates. - // If Is_Local_Const, set Is_causal to false - auto kernel = &flash_fwd_splitkv_kernel < Kernel_traits, Is_causal, Is_Local_Const && !Is_causal, Has_alibi, - IsEvenMNConst && !Append_KV_Const && IsEvenKConst && !Is_Local_Const && Kernel_traits::kHeadDim <= 128, - IsEvenKConst, SplitConst, Append_KV_Const >; - // auto kernel = &flash_fwd_splitkv_kernel; - // auto kernel = &flash_fwd_splitkv_kernel; - if (smem_size >= 48 * 1024) { - cudaFuncSetAttribute( - kernel, cudaFuncAttributeMaxDynamicSharedMemorySize, static_cast(smem_size)); - } - kernel<<(smem_size), stream>>>(params); + SOFTCAP_SWITCH(params.softcap > 0.0, Is_softcap, [&] { + // If Append_KV_Const, then we must have seqlen_offsets, which means cu_seqlens_k != nullptr. + // If not IsEvenKConst, we also set IsEvenMNConst to false to reduce number of templates. + // If Is_Local_Const, set Is_causal to false + auto kernel = &flash_fwd_splitkv_kernel < Kernel_traits, Is_causal, Is_Local_Const && !Is_causal, Has_alibi, + IsEvenMNConst && !Append_KV_Const && IsEvenKConst && !Is_Local_Const && Kernel_traits::kHeadDim <= 128, + IsEvenKConst, Is_softcap, SplitConst, Append_KV_Const >; + // auto kernel = &flash_fwd_splitkv_kernel; + // auto kernel = &flash_fwd_splitkv_kernel; + if (smem_size >= 48 * 1024) { + cudaFuncSetAttribute( + kernel, cudaFuncAttributeMaxDynamicSharedMemorySize, static_cast(smem_size)); + } + kernel<<(smem_size), stream>>>(params); + }); }); }); }); diff --git a/onnxruntime/contrib_ops/cuda/bert/flash_attention/static_switch.h b/onnxruntime/contrib_ops/cuda/bert/flash_attention/static_switch.h index 02bd7effd7da6..d8124eb032b32 100644 --- a/onnxruntime/contrib_ops/cuda/bert/flash_attention/static_switch.h +++ b/onnxruntime/contrib_ops/cuda/bert/flash_attention/static_switch.h @@ -44,6 +44,16 @@ #define EVENK_SWITCH BOOL_SWITCH #endif +#ifdef FLASHATTENTION_DISABLE_SOFTCAP +#define SOFTCAP_SWITCH(COND, CONST_NAME, ...) \ + [&] { \ + constexpr static bool CONST_NAME = false; \ + return __VA_ARGS__(); \ + }() +#else +#define SOFTCAP_SWITCH BOOL_SWITCH +#endif + #ifdef FLASHATTENTION_DISABLE_LOCAL #define LOCAL_SWITCH(COND, CONST_NAME, ...) \ [&] { \ diff --git a/onnxruntime/contrib_ops/cuda/bert/flash_attention/utils.h b/onnxruntime/contrib_ops/cuda/bert/flash_attention/utils.h index 9ef75120881e4..76b1aaefebeff 100644 --- a/onnxruntime/contrib_ops/cuda/bert/flash_attention/utils.h +++ b/onnxruntime/contrib_ops/cuda/bert/flash_attention/utils.h @@ -369,5 +369,15 @@ inline __device__ void copy_w_min_idx(Tensor const& S, //////////////////////////////////////////////////////////////////////////////////////////////////// +template +__forceinline__ __device__ void apply_softcap(Tensor& tensor, const float softcap) { +#pragma unroll + for (int i = 0; i < size(tensor); ++i) { + tensor(i) = cutlass::fast_tanh(tensor(i) * softcap); + } +} + +//////////////////////////////////////////////////////////////////////////////////////////////////// + } // namespace flash } // namespace onnxruntime diff --git a/onnxruntime/contrib_ops/cuda/bert/group_query_attention.cc b/onnxruntime/contrib_ops/cuda/bert/group_query_attention.cc index 58d1d7f0e4af4..d0ae812bb4fa2 100644 --- a/onnxruntime/contrib_ops/cuda/bert/group_query_attention.cc +++ b/onnxruntime/contrib_ops/cuda/bert/group_query_attention.cc @@ -51,6 +51,7 @@ GroupQueryAttention::GroupQueryAttention(const OpKernelInfo& info) do_rotary_ = info.GetAttrOrDefault("do_rotary", 0) == 1; rotary_interleaved_ = info.GetAttrOrDefault("rotary_interleaved", 0) == 1; scale_ = info.GetAttrOrDefault("scale", 0.0f); + softcap_ = info.GetAttrOrDefault("softcap", 0.0f); use_smooth_softmax_ = info.GetAttrOrDefault("smooth_softmax", 0) == 1; kernel_options_ = this->GetAttentionKernelOptions(); @@ -96,6 +97,7 @@ Status GroupQueryAttention::ComputeInternal(OpKernelContext* context) const { total_seqlen, is_past_bsnh_, scale_, + softcap_, device_prop.maxThreadsPerBlock)); parameters.local_window_size = local_window_size_; parameters.is_unidirectional = is_unidirectional_; diff --git a/onnxruntime/contrib_ops/cuda/bert/group_query_attention.h b/onnxruntime/contrib_ops/cuda/bert/group_query_attention.h index 872fe9fe05ad2..08457feb099b3 100644 --- a/onnxruntime/contrib_ops/cuda/bert/group_query_attention.h +++ b/onnxruntime/contrib_ops/cuda/bert/group_query_attention.h @@ -30,6 +30,7 @@ class GroupQueryAttention final : public CudaKernel { bool rotary_interleaved_; bool use_smooth_softmax_; float scale_; + float softcap_; bool disable_flash_attention_; bool disable_memory_efficient_attention_; static constexpr int kZerosCount = 256; // In prompt case we create a zero buffer of size 256 for seqlen (assume batch_size <= 256) diff --git a/onnxruntime/contrib_ops/cuda/bert/group_query_attention_helper.h b/onnxruntime/contrib_ops/cuda/bert/group_query_attention_helper.h index 39efdfd66bcc6..e65827e4ccdd5 100644 --- a/onnxruntime/contrib_ops/cuda/bert/group_query_attention_helper.h +++ b/onnxruntime/contrib_ops/cuda/bert/group_query_attention_helper.h @@ -24,7 +24,8 @@ Status CheckInputs(const Tensor* query, const Tensor* seqlens_k, const Tensor* total_seqlen, bool is_past_bsnh, - float scale) { + float scale, + float softcap) { // Note: Here S* is past_cache_sequence_length, S- is past_sequence_length, S+ is sequence_length // past_key : (B, N_k, S*, H) or (B, N_k, S-, H) or nullptr // past_value : (B, N_k, S*, H) or (B, N_k, S-, H) or nullptr @@ -261,6 +262,7 @@ Status CheckInputs(const Tensor* query, output_parameters->is_packed_qkv = is_packed_qkv; output_parameters->is_prompt = is_prompt; output_parameters->scale = scale; + output_parameters->softcap = softcap; output_parameters->qkv_format = qkv_format; output_parameters->past_kv_format = past_kv_format; } @@ -282,12 +284,13 @@ Status CheckInputs(const Tensor* query, const Tensor* total_seqlen, bool is_past_bsnh, float scale, + float softcap, int max_threads_per_block) { if (max_threads_per_block > 0 && num_heads > max_threads_per_block) { return ORT_MAKE_STATUS(ONNXRUNTIME, INVALID_ARGUMENT, "num_heads should be no larger than ", max_threads_per_block); } - return CheckInputs(query, key, value, past_key, past_value, cos_cache, sin_cache, parameters, num_heads, kv_num_heads, seqlens_k, total_seqlen, is_past_bsnh, scale); + return CheckInputs(query, key, value, past_key, past_value, cos_cache, sin_cache, parameters, num_heads, kv_num_heads, seqlens_k, total_seqlen, is_past_bsnh, scale, softcap); } } // namespace group_query_attention_helper diff --git a/onnxruntime/contrib_ops/cuda/bert/group_query_attention_impl.cu b/onnxruntime/contrib_ops/cuda/bert/group_query_attention_impl.cu index 04aa1c14a0f69..be94f26ec298f 100644 --- a/onnxruntime/contrib_ops/cuda/bert/group_query_attention_impl.cu +++ b/onnxruntime/contrib_ops/cuda/bert/group_query_attention_impl.cu @@ -678,7 +678,7 @@ Status FlashAttention( reinterpret_cast(data.softmax_lse), seqlens_k, cos_cache, sin_cache, /*block_table*/ nullptr, batch_size, num_heads, kv_num_heads, head_size, sequence_length, parameters.seqlen_present_kv_cache, kv_sequence_length, parameters.rotary_dim, - scale, is_causal, is_bf16, parameters.use_smooth_softmax, past_bsnh, parameters.num_splits, + scale, parameters.softcap, is_causal, is_bf16, parameters.use_smooth_softmax, past_bsnh, parameters.num_splits, reinterpret_cast(data.softmax_lse_accum), reinterpret_cast(data.out_accum), parameters.local_window_size, parameters.rotary_interleaved, parameters.is_packed_qkv)); @@ -829,6 +829,7 @@ Status EfficientAttention( p.v_head_size = head_size; p.causal = true; p.scale = scale; + p.softcap = parameters.softcap; p.seqlen_k_ptr = data.seqlens_k_total; // Note: seqlens_k is total sequence length for efficient p.seqstart_q_ptr = nullptr; p.seqstart_k_ptr = nullptr; diff --git a/onnxruntime/contrib_ops/cuda/bert/packed_multihead_attention_impl.cu b/onnxruntime/contrib_ops/cuda/bert/packed_multihead_attention_impl.cu index 9bb93b6d06167..f3b9fd310f46f 100644 --- a/onnxruntime/contrib_ops/cuda/bert/packed_multihead_attention_impl.cu +++ b/onnxruntime/contrib_ops/cuda/bert/packed_multihead_attention_impl.cu @@ -639,6 +639,7 @@ Status FlashAttention( sequence_length, sequence_length, scale, + 0.0, false, // is causal false // is bf16 )); diff --git a/onnxruntime/core/graph/contrib_ops/bert_defs.cc b/onnxruntime/core/graph/contrib_ops/bert_defs.cc index dd3a06e3eb4ba..5185205f1dde1 100644 --- a/onnxruntime/core/graph/contrib_ops/bert_defs.cc +++ b/onnxruntime/core/graph/contrib_ops/bert_defs.cc @@ -1061,6 +1061,10 @@ ONNX_MS_OPERATOR_SET_SCHEMA( "Custom scale will be used if specified. Default value is 1/sqrt(head_size)", AttributeProto::FLOAT, OPTIONAL_VALUE) + .Attr("softcap", + "Softcap value for attention weights. Default value is 0.", + AttributeProto::FLOAT, + OPTIONAL_VALUE) .Attr("local_window_size", "left_window_size for local attention (like Mistral). Default value is -1 meaning unused.", AttributeProto::INT, diff --git a/onnxruntime/test/python/transformers/test_flash_attn_cuda.py b/onnxruntime/test/python/transformers/test_flash_attn_cuda.py index 13bf51f74389a..c04929a3b603e 100644 --- a/onnxruntime/test/python/transformers/test_flash_attn_cuda.py +++ b/onnxruntime/test/python/transformers/test_flash_attn_cuda.py @@ -223,6 +223,7 @@ def create_group_query_attention_graph_prompt( rotary=False, rotary_interleaved=False, packed=False, + softcap=0.0, use_smooth_softmax=False, ): past_kv_seqlen = config.buffer_sequence_length if share_buffer else 0 @@ -248,6 +249,7 @@ def create_group_query_attention_graph_prompt( local_window_size=local_window_size, do_rotary=rotary, rotary_interleaved=rotary_interleaved, + softcap=softcap, smooth_softmax=1 if use_smooth_softmax else 0, # is_past_bsnh=1 if past_kv_format == Formats.BSNH else 0, # kv_share_buffer=1 if share_buffer else 0, @@ -411,6 +413,7 @@ def create_group_query_attention_graph_past( rotary=False, rotary_interleaved=False, packed=False, + softcap=0.0, use_smooth_softmax=False, ): past_kv_seqlen = config.kv_sequence_length @@ -438,6 +441,7 @@ def create_group_query_attention_graph_past( local_window_size=local_window_size, do_rotary=rotary, rotary_interleaved=rotary_interleaved, + softcap=softcap, smooth_softmax=1 if use_smooth_softmax else 0, # is_past_bsnh=1 if past_kv_format == Formats.BSNH else 0, # kv_share_buffer=1 if share_buffer else 0, @@ -788,6 +792,7 @@ def gqa_prompt_func( past_kv_format=Formats.BSNH, share_buffer=True, rotary_interleaved=False, + softcap=0.0, use_smooth_softmax=False, ): onnx_model_str = create_group_query_attention_graph_prompt( @@ -798,6 +803,7 @@ def gqa_prompt_func( rotary=cos is not None, rotary_interleaved=rotary_interleaved, packed=new_k is None, + softcap=softcap, use_smooth_softmax=use_smooth_softmax, ) q = torch.reshape(q, (config.batch_size, config.q_sequence_length, -1)) @@ -895,6 +901,7 @@ def gqa_past_func( share_buffer=True, window_size=-1, rotary_interleaved=False, + softcap=0.0, use_smooth_softmax=False, ): onnx_model_str = create_group_query_attention_graph_past( @@ -905,6 +912,7 @@ def gqa_past_func( rotary=cos is not None, rotary_interleaved=rotary_interleaved, packed=new_k is None, + softcap=softcap, use_smooth_softmax=use_smooth_softmax, ) q = torch.reshape(q, (config.batch_size, config.sequence_length, -1)) @@ -1040,6 +1048,7 @@ def attention_ref( dropout_mask=None, causal=False, window_size=(-1, -1), # -1 means infinite window size + softcap=0.0, upcast=True, reorder_ops=False, use_smooth_softmax=False, @@ -1077,6 +1086,10 @@ def attention_ref( scores = torch.einsum("bthd,bshd->bhts", q / math.sqrt(d), k) else: scores = torch.einsum("bthd,bshd->bhts", q, k / math.sqrt(d)) + if softcap > 0: + scores = scores / softcap + scores = scores.tanh() + scores = scores * softcap if key_padding_mask is not None: scores.masked_fill_(rearrange(~key_padding_mask, "b s -> b 1 1 s"), float("-inf")) if window_size[0] >= 0 or window_size[1] >= 0: @@ -1215,6 +1228,7 @@ def parity_check_gqa_prompt( rotary=False, rotary_interleaved=False, packed=False, + softcap=0.0, use_smooth_softmax=False, rtol=1e-3, atol=1e-3, @@ -1339,6 +1353,7 @@ def parity_check_gqa_prompt( None, causal=True, window_size=window_size, + softcap=softcap, use_smooth_softmax=use_smooth_softmax, ) out_ref = out_ref.detach().cpu().numpy() @@ -1363,6 +1378,7 @@ def parity_check_gqa_prompt( past_format, True, rotary_interleaved, + softcap, use_smooth_softmax=use_smooth_softmax, ) else: @@ -1380,6 +1396,7 @@ def parity_check_gqa_prompt( past_format, True, rotary_interleaved, + softcap, use_smooth_softmax=use_smooth_softmax, ) out = torch.squeeze(out, 0) @@ -1388,7 +1405,7 @@ def parity_check_gqa_prompt( err_msg = ( f" with {config}, causal={causal}, local={local}, past_format={past_format}," - f" rotary={rotary}, rotary_interleaved={rotary_interleaved}, packed={packed}" + f" rotary={rotary}, rotary_interleaved={rotary_interleaved}, packed={packed}, softcap={softcap}" ) # Make sure past-present buffer updating correctly numpy.testing.assert_allclose( @@ -1409,6 +1426,7 @@ def parity_check_gqa_prompt_no_buff( rotary=False, rotary_interleaved=False, packed=False, + softcap=0.0, use_smooth_softmax=False, rtol=1e-3, atol=1e-3, @@ -1510,6 +1528,7 @@ def parity_check_gqa_prompt_no_buff( None, causal=True, window_size=window_size, + softcap=softcap, use_smooth_softmax=use_smooth_softmax, ) out_ref = out_ref.detach().cpu().numpy() @@ -1534,6 +1553,7 @@ def parity_check_gqa_prompt_no_buff( past_format, False, rotary_interleaved, + softcap, use_smooth_softmax=use_smooth_softmax, ) else: @@ -1551,6 +1571,7 @@ def parity_check_gqa_prompt_no_buff( past_format, False, rotary_interleaved, + softcap, use_smooth_softmax=use_smooth_softmax, ) out = torch.squeeze(out, 0) @@ -1559,8 +1580,7 @@ def parity_check_gqa_prompt_no_buff( err_msg = ( f" with {config}, causal={causal}, local={local}, past_format={past_format}," - f" rotary={rotary}, rotary_interleaved={rotary_interleaved}, packed={packed}," - f" use_smooth_softmax={use_smooth_softmax}" + f" rotary={rotary}, rotary_interleaved={rotary_interleaved}, packed={packed}, softcap={softcap}, use_smooth_softmax={use_smooth_softmax}" ) # Make sure past-present buffer updating correctly numpy.testing.assert_allclose( @@ -1581,6 +1601,7 @@ def parity_check_gqa_past( rotary=False, rotary_interleaved=False, packed=False, + softcap=0.0, use_smooth_softmax=False, rtol=1e-3, atol=1e-3, @@ -1701,6 +1722,7 @@ def parity_check_gqa_past( None, causal=True, window_size=window_size, + softcap=softcap, use_smooth_softmax=use_smooth_softmax, ) out_ref = out_ref.detach().cpu().numpy() @@ -1725,6 +1747,7 @@ def parity_check_gqa_past( True, left_window_size, rotary_interleaved, + softcap, use_smooth_softmax=use_smooth_softmax, ) else: @@ -1742,6 +1765,7 @@ def parity_check_gqa_past( True, left_window_size, rotary_interleaved, + softcap, use_smooth_softmax=use_smooth_softmax, ) out = torch.squeeze(out, 0) @@ -1750,7 +1774,7 @@ def parity_check_gqa_past( err_msg = ( f" with {config}, causal={causal}, local={local}, past_format={past_format}," - f" rotary={rotary}, rotary_interleaved={rotary_interleaved}, packed={packed}" + f" rotary={rotary}, rotary_interleaved={rotary_interleaved}, packed={packed}, softcap={softcap}" ) # Make sure past-present buffer updating correctly numpy.testing.assert_allclose( @@ -1771,6 +1795,7 @@ def parity_check_gqa_past_no_buff( rotary=False, rotary_interleaved=False, packed=False, + softcap=0.0, use_smooth_softmax=False, rtol=1e-3, atol=1e-3, @@ -1897,6 +1922,7 @@ def parity_check_gqa_past_no_buff( None, causal=True, window_size=window_size, + softcap=softcap, use_smooth_softmax=use_smooth_softmax, ) out_ref = out_ref.detach().cpu().numpy() @@ -1921,6 +1947,7 @@ def parity_check_gqa_past_no_buff( False, window_size=left_window_size, rotary_interleaved=rotary_interleaved, + softcap=softcap, use_smooth_softmax=use_smooth_softmax, ) else: @@ -1938,6 +1965,7 @@ def parity_check_gqa_past_no_buff( False, window_size=left_window_size, rotary_interleaved=rotary_interleaved, + softcap=softcap, use_smooth_softmax=use_smooth_softmax, ) out = torch.squeeze(out, 0) @@ -1946,7 +1974,7 @@ def parity_check_gqa_past_no_buff( err_msg = ( f" with {config}, causal={causal}, local={local}, past_format={past_format}," - f" rotary={rotary}, rotary_interleaved={rotary_interleaved}, packed={packed}" + f" rotary={rotary}, rotary_interleaved={rotary_interleaved}, packed={packed}, softcap={softcap}" ) numpy.testing.assert_allclose(out, out_ref, rtol=rtol, atol=atol, equal_nan=True, err_msg=err_msg) @@ -2060,14 +2088,16 @@ def gqa_no_past_memory_efficient_test_cases(): for h in h_sizes: for rotary, rotary_interleaved in rotary_options_for_current_os(): for packed in [False, True]: - config = PromptConfig(b, sq, skv, sq + skv + 8, n, n2, h) - yield ( - str(config) + f"{rotary}_{rotary_interleaved}_{packed}", - config, - rotary, - rotary_interleaved, - packed, - ) + for softcap in [0.0, 50.0]: + config = PromptConfig(b, sq, skv, sq + skv + 8, n, n2, h) + yield ( + str(config) + f"{rotary}_{rotary_interleaved}_{packed}", + config, + rotary, + rotary_interleaved, + packed, + softcap, + ) def gqa_no_past_flash_attention_test_cases(): @@ -2100,15 +2130,17 @@ def gqa_no_past_flash_attention_test_cases(): for local in [False, True]: for rotary, rotary_interleaved in rotary_options_for_current_os(): for packed in [False, True]: - config = PromptConfig(b, sq, skv, sq + skv + 8, n, n2, h) - yield ( - str(config) + f"{local}_{rotary}_{rotary_interleaved}_{packed}", - config, - local, - rotary, - rotary_interleaved, - packed, - ) + for softcap in [0.0, 50.0]: + config = PromptConfig(b, sq, skv, sq + skv + 8, n, n2, h) + yield ( + str(config) + f"{local}_{rotary}_{rotary_interleaved}_{packed}", + config, + local, + rotary, + rotary_interleaved, + packed, + softcap, + ) def gqa_past_memory_efficient_test_cases(): @@ -2140,15 +2172,17 @@ def gqa_past_memory_efficient_test_cases(): for h in h_sizes: for rotary, rotary_interleaved in rotary_options_for_current_os(): for packed in [False, True]: - sp = random.randint(1, s2 - s) if s2 - s > 0 else 0 - config = Config(b, s, s2, sp, n, n2, h) - yield ( - str(config) + f"{rotary}_{rotary_interleaved}_{packed}", - config, - rotary, - rotary_interleaved, - packed, - ) + for softcap in [0.0, 50.0]: + sp = random.randint(1, s2 - s) if s2 - s > 0 else 0 + config = Config(b, s, s2, sp, n, n2, h) + yield ( + str(config) + f"{rotary}_{rotary_interleaved}_{packed}", + config, + rotary, + rotary_interleaved, + packed, + softcap, + ) def gqa_past_flash_attention_test_cases(): @@ -2181,21 +2215,23 @@ def gqa_past_flash_attention_test_cases(): for local in [False, True]: for rotary, rotary_interleaved in rotary_options_for_current_os(): for packed in [False, True]: - sp = random.randint(1, s2 - s) if s2 - s > 0 else 0 - config = Config(b, s, s2, sp, n, n2, h) - yield ( - str(config) + f"{local}_{rotary}_{rotary_interleaved}_{packed}", - config, - local, - rotary, - rotary_interleaved, - packed, - ) + for softcap in [0.0, 50.0]: + sp = random.randint(1, s2 - s) if s2 - s > 0 else 0 + config = Config(b, s, s2, sp, n, n2, h) + yield ( + str(config) + f"{local}_{rotary}_{rotary_interleaved}_{packed}", + config, + local, + rotary, + rotary_interleaved, + packed, + softcap, + ) class TestGQA(unittest.TestCase): @parameterized.expand(gqa_no_past_memory_efficient_test_cases()) - def test_gqa_no_past_memory_efficient(self, _, config, rotary, rotary_interleaved, packed): + def test_gqa_no_past_memory_efficient(self, _, config, rotary, rotary_interleaved, packed, softcap): if not has_memory_efficient(): return os.environ["ORT_DISABLE_FLASH_ATTENTION"] = "1" @@ -2209,6 +2245,7 @@ def test_gqa_no_past_memory_efficient(self, _, config, rotary, rotary_interleave rotary=rotary, rotary_interleaved=rotary_interleaved, packed=packed, + softcap=softcap, use_smooth_softmax=False, ) parity_check_gqa_prompt_no_buff( @@ -2219,11 +2256,12 @@ def test_gqa_no_past_memory_efficient(self, _, config, rotary, rotary_interleave rotary=rotary, rotary_interleaved=rotary_interleaved, packed=packed, + softcap=softcap, use_smooth_softmax=True, ) @parameterized.expand(gqa_no_past_flash_attention_test_cases()) - def test_gqa_no_past_flash_attention(self, _, config, local, rotary, rotary_interleaved, packed): + def test_gqa_no_past_flash_attention(self, _, config, local, rotary, rotary_interleaved, packed, softcap): if not has_flash_attention(): return print("------- FLASH ATTENTION (PROMPT CASE) --------") @@ -2236,6 +2274,7 @@ def test_gqa_no_past_flash_attention(self, _, config, local, rotary, rotary_inte rotary=rotary, rotary_interleaved=rotary_interleaved, packed=packed, + softcap=softcap, use_smooth_softmax=True, ) parity_check_gqa_prompt_no_buff( @@ -2245,11 +2284,12 @@ def test_gqa_no_past_flash_attention(self, _, config, local, rotary, rotary_inte rotary=rotary, rotary_interleaved=rotary_interleaved, packed=packed, + softcap=softcap, use_smooth_softmax=False, ) @parameterized.expand(gqa_past_memory_efficient_test_cases()) - def test_gqa_past_memory_efficient(self, _, config, rotary, rotary_interleaved, packed): + def test_gqa_past_memory_efficient(self, _, config, rotary, rotary_interleaved, packed, softcap): if not has_memory_efficient(): return os.environ["ORT_DISABLE_FLASH_ATTENTION"] = "1" @@ -2263,6 +2303,7 @@ def test_gqa_past_memory_efficient(self, _, config, rotary, rotary_interleaved, rotary=rotary, rotary_interleaved=rotary_interleaved, packed=packed, + softcap=softcap, use_smooth_softmax=True, ) parity_check_gqa_past_no_buff( @@ -2273,11 +2314,12 @@ def test_gqa_past_memory_efficient(self, _, config, rotary, rotary_interleaved, rotary=rotary, rotary_interleaved=rotary_interleaved, packed=packed, + softcap=softcap, use_smooth_softmax=False, ) @parameterized.expand(gqa_past_flash_attention_test_cases()) - def test_gqa_past_flash_attention(self, _, config, local, rotary, rotary_interleaved, packed): + def test_gqa_past_flash_attention(self, _, config, local, rotary, rotary_interleaved, packed, softcap): if not has_flash_attention(): return print("------- FLASH ATTENTION (TOKEN GEN) -------") @@ -2292,6 +2334,7 @@ def test_gqa_past_flash_attention(self, _, config, local, rotary, rotary_interle rotary=rotary, rotary_interleaved=rotary_interleaved, packed=packed, + softcap=softcap, use_smooth_softmax=False, ) parity_check_gqa_past_no_buff( @@ -2303,6 +2346,7 @@ def test_gqa_past_flash_attention(self, _, config, local, rotary, rotary_interle rotary=rotary, rotary_interleaved=rotary_interleaved, packed=packed, + softcap=softcap, use_smooth_softmax=True, ) diff --git a/onnxruntime/test/python/transformers/test_flash_attn_rocm.py b/onnxruntime/test/python/transformers/test_flash_attn_rocm.py index 880f4175e00b7..99460722c2469 100644 --- a/onnxruntime/test/python/transformers/test_flash_attn_rocm.py +++ b/onnxruntime/test/python/transformers/test_flash_attn_rocm.py @@ -18,7 +18,7 @@ class TestGQA(unittest.TestCase): @parameterized.expand(gqa_no_past_flash_attention_test_cases()) - def test_gqa_no_past_flash_attention(self, _, config, local, rotary, rotary_interleaved, packed): + def test_gqa_no_past_flash_attention(self, _, config, local, rotary, rotary_interleaved, packed, softcap): config.ep = "ROCMExecutionProvider" if not torch.cuda.is_available(): return @@ -50,7 +50,7 @@ def test_gqa_no_past_flash_attention(self, _, config, local, rotary, rotary_inte ) @parameterized.expand(gqa_past_flash_attention_test_cases()) - def test_gqa_past_flash_attention(self, _, config, local, rotary, rotary_interleaved, packed): + def test_gqa_past_flash_attention(self, _, config, local, rotary, rotary_interleaved, packed, softcap): config.ep = "ROCMExecutionProvider" if not torch.cuda.is_available(): return diff --git a/onnxruntime/test/python/transformers/test_gqa_cpu.py b/onnxruntime/test/python/transformers/test_gqa_cpu.py index eeba0baccf15b..cc9d7ff51a5c6 100644 --- a/onnxruntime/test/python/transformers/test_gqa_cpu.py +++ b/onnxruntime/test/python/transformers/test_gqa_cpu.py @@ -145,6 +145,7 @@ def create_group_query_attention_graph_prompt( rotary=False, rotary_interleaved=False, packed=False, + softcap=0.0, use_smooth_softmax=False, ): past_kv_seqlen = config.buffer_sequence_length if share_buffer else 0 @@ -170,6 +171,7 @@ def create_group_query_attention_graph_prompt( local_window_size=local_window_size, do_rotary=rotary, rotary_interleaved=rotary_interleaved, + softcap=softcap, smooth_softmax=1 if use_smooth_softmax else 0, # is_past_bsnh=1 if past_kv_format == Formats.BSNH else 0, # kv_share_buffer=1 if share_buffer else 0, @@ -333,6 +335,7 @@ def create_group_query_attention_graph_past( rotary=False, rotary_interleaved=False, packed=False, + softcap=0.0, use_smooth_softmax=False, ): past_kv_seqlen = config.kv_sequence_length @@ -360,6 +363,7 @@ def create_group_query_attention_graph_past( local_window_size=local_window_size, do_rotary=rotary, rotary_interleaved=rotary_interleaved, + softcap=softcap, smooth_softmax=1 if use_smooth_softmax else 0, # is_past_bsnh=1 if past_kv_format == Formats.BSNH else 0, # kv_share_buffer=1 if share_buffer else 0, @@ -671,6 +675,7 @@ def gqa_prompt_func( past_kv_format=Formats.BSNH, share_buffer=True, rotary_interleaved=False, + softcap=0.0, use_smooth_softmax=False, ): onnx_model_str = create_group_query_attention_graph_prompt( @@ -681,6 +686,7 @@ def gqa_prompt_func( rotary=cos is not None, rotary_interleaved=rotary_interleaved, packed=new_k is None, + softcap=softcap, use_smooth_softmax=use_smooth_softmax, ) q = torch.reshape(q, (config.batch_size, config.q_sequence_length, -1)) @@ -779,6 +785,7 @@ def gqa_past_func( share_buffer=True, window_size=-1, rotary_interleaved=False, + softcap=0.0, use_smooth_softmax=False, ): onnx_model_str = create_group_query_attention_graph_past( @@ -789,6 +796,7 @@ def gqa_past_func( rotary=cos is not None, rotary_interleaved=rotary_interleaved, packed=new_k is None, + softcap=softcap, use_smooth_softmax=use_smooth_softmax, ) q = torch.reshape(q, (config.batch_size, config.sequence_length, -1)) @@ -931,6 +939,7 @@ def attention_ref( dropout_mask=None, causal=False, window_size=(-1, -1), # -1 means infinite window size + softcap=0.0, upcast=True, reorder_ops=False, use_smooth_softmax=False, @@ -969,6 +978,10 @@ def attention_ref( scores = torch.einsum("bthd,bshd->bhts", q / math.sqrt(d), k) else: scores = torch.einsum("bthd,bshd->bhts", q, k / math.sqrt(d)) + if softcap > 0: + scores = scores / softcap + scores = scores.tanh() + scores = scores * softcap if key_padding_mask is not None: scores.masked_fill_(rearrange(~key_padding_mask, "b s -> b 1 1 s"), float("-inf")) if window_size[0] >= 0 or window_size[1] >= 0: @@ -1039,6 +1052,7 @@ def parity_check_gqa_prompt( rotary=False, rotary_interleaved=False, packed=False, + softcap=0.0, use_smooth_softmax=False, rtol=1e-3, atol=1e-3, @@ -1149,6 +1163,7 @@ def parity_check_gqa_prompt( None, causal=True, window_size=window_size, + softcap=softcap, use_smooth_softmax=use_smooth_softmax, ) out_ref = out_ref.detach().cpu().numpy() @@ -1173,6 +1188,7 @@ def parity_check_gqa_prompt( past_format, True, rotary_interleaved, + softcap, use_smooth_softmax=use_smooth_softmax, ) else: @@ -1190,6 +1206,7 @@ def parity_check_gqa_prompt( past_format, True, rotary_interleaved, + softcap, use_smooth_softmax=use_smooth_softmax, ) out = torch.squeeze(out, 0) @@ -1215,6 +1232,8 @@ def parity_check_gqa_prompt( rotary, " rotary_interleaved:", rotary_interleaved, + " softcap:", + softcap, " smooth_softmax:", use_smooth_softmax, "past kv format:", @@ -1246,6 +1265,7 @@ def parity_check_gqa_prompt_no_buff( rotary=False, rotary_interleaved=False, packed=False, + softcap=0.0, use_smooth_softmax=False, rtol=1e-3, atol=1e-3, @@ -1330,6 +1350,7 @@ def parity_check_gqa_prompt_no_buff( None, causal=True, window_size=window_size, + softcap=softcap, use_smooth_softmax=use_smooth_softmax, ) out_ref = out_ref.detach().cpu().numpy() @@ -1354,6 +1375,7 @@ def parity_check_gqa_prompt_no_buff( past_format, False, rotary_interleaved, + softcap, use_smooth_softmax=use_smooth_softmax, ) else: @@ -1371,6 +1393,7 @@ def parity_check_gqa_prompt_no_buff( past_format, False, rotary_interleaved, + softcap, use_smooth_softmax=use_smooth_softmax, ) out = torch.squeeze(out, 0) @@ -1396,6 +1419,8 @@ def parity_check_gqa_prompt_no_buff( rotary, " rotary_interleaved:", rotary_interleaved, + " softcap:", + softcap, " smooth_softmax:", use_smooth_softmax, "past kv format:", @@ -1427,6 +1452,7 @@ def parity_check_gqa_past( rotary=False, rotary_interleaved=False, packed=False, + softcap=0.0, use_smooth_softmax=False, rtol=1e-3, atol=1e-3, @@ -1542,6 +1568,7 @@ def parity_check_gqa_past( None, causal=True, window_size=window_size, + softcap=softcap, use_smooth_softmax=use_smooth_softmax, ) out_ref = out_ref.detach().cpu().numpy() @@ -1566,6 +1593,7 @@ def parity_check_gqa_past( True, left_window_size, rotary_interleaved, + softcap, use_smooth_softmax=use_smooth_softmax, ) else: @@ -1583,6 +1611,7 @@ def parity_check_gqa_past( True, left_window_size, rotary_interleaved, + softcap, use_smooth_softmax=use_smooth_softmax, ) out = torch.squeeze(out, 0) @@ -1610,6 +1639,8 @@ def parity_check_gqa_past( rotary, " rotary_interleaved:", rotary_interleaved, + " softcap:", + softcap, " smooth_softmax:", use_smooth_softmax, " B:", @@ -1639,6 +1670,7 @@ def parity_check_gqa_past_no_buff( rotary=False, rotary_interleaved=False, packed=False, + softcap=0.0, use_smooth_softmax=False, rtol=1e-3, atol=1e-3, @@ -1760,6 +1792,7 @@ def parity_check_gqa_past_no_buff( None, causal=True, window_size=window_size, + softcap=softcap, use_smooth_softmax=use_smooth_softmax, ) out_ref = out_ref.detach().cpu().numpy() @@ -1784,6 +1817,7 @@ def parity_check_gqa_past_no_buff( False, window_size=left_window_size, rotary_interleaved=rotary_interleaved, + softcap=softcap, use_smooth_softmax=use_smooth_softmax, ) else: @@ -1801,6 +1835,7 @@ def parity_check_gqa_past_no_buff( False, window_size=left_window_size, rotary_interleaved=rotary_interleaved, + softcap=softcap, use_smooth_softmax=use_smooth_softmax, ) out = torch.squeeze(out, 0) @@ -1822,6 +1857,8 @@ def parity_check_gqa_past_no_buff( rotary, " rotary_interleaved:", rotary_interleaved, + "softcap", + softcap, " smooth_softmax:", use_smooth_softmax, "past kv format:", @@ -1874,29 +1911,32 @@ def test_gqa_no_past(self): for local in [False, True]: for rotary, rotary_interleaved in [(False, False), (True, False), (True, True)]: for packed in [False, True]: - for use_smooth_softmax in [False, True]: - config = PromptConfig(b, sq, skv, sq + skv + 8, n, n2, h) - past_kv_format = Formats.BNSH - all_close = parity_check_gqa_prompt( - config, - local=local, - past_format=past_kv_format, - rotary=rotary, - rotary_interleaved=rotary_interleaved, - packed=packed, - use_smooth_softmax=use_smooth_softmax, - ) - self.assertTrue(all_close) - all_close = parity_check_gqa_prompt_no_buff( - config, - local=local, - past_format=past_kv_format, - rotary=rotary, - rotary_interleaved=rotary_interleaved, - packed=packed, - use_smooth_softmax=use_smooth_softmax, - ) - self.assertTrue(all_close) + for softcap in [0.0, 50.0]: + for use_smooth_softmax in [False, True]: + config = PromptConfig(b, sq, skv, sq + skv + 8, n, n2, h) + past_kv_format = Formats.BNSH + all_close = parity_check_gqa_prompt( + config, + local=local, + past_format=past_kv_format, + rotary=rotary, + rotary_interleaved=rotary_interleaved, + packed=packed, + softcap=softcap, + use_smooth_softmax=use_smooth_softmax, + ) + self.assertTrue(all_close) + all_close = parity_check_gqa_prompt_no_buff( + config, + local=local, + past_format=past_kv_format, + rotary=rotary, + rotary_interleaved=rotary_interleaved, + packed=packed, + softcap=softcap, + use_smooth_softmax=use_smooth_softmax, + ) + self.assertTrue(all_close) def test_gqa_past(self): print("-------- TEST GQA PAST (TOKEN GEN) ---------") @@ -1928,34 +1968,37 @@ def test_gqa_past(self): for local in [False, True]: for rotary, rotary_interleaved in [(False, False), (True, False), (True, True)]: for packed in [False, True]: - for use_smooth_softmax in [False, True]: - sp = random.randint(1, s2 - s) if s2 - s > 0 else 0 - config = Config(b, s, s2, sp, n, n2, h) - past_kv_format = Formats.BNSH - all_close = parity_check_gqa_past( - config, - local=local, - past_format=past_kv_format, - rtol=1e-3, - atol=1e-3, - rotary=rotary, - rotary_interleaved=rotary_interleaved, - packed=packed, - use_smooth_softmax=use_smooth_softmax, - ) - self.assertTrue(all_close) - all_close = parity_check_gqa_past_no_buff( - config, - local=local, - past_format=past_kv_format, - rtol=1e-3, - atol=1e-3, - rotary=rotary, - rotary_interleaved=rotary_interleaved, - packed=packed, - use_smooth_softmax=use_smooth_softmax, - ) - self.assertTrue(all_close) + for softcap in [0.0, 50.0]: + for use_smooth_softmax in [False, True]: + sp = random.randint(1, s2 - s) if s2 - s > 0 else 0 + config = Config(b, s, s2, sp, n, n2, h) + past_kv_format = Formats.BNSH + all_close = parity_check_gqa_past( + config, + local=local, + past_format=past_kv_format, + rtol=1e-3, + atol=1e-3, + rotary=rotary, + rotary_interleaved=rotary_interleaved, + packed=packed, + softcap=softcap, + use_smooth_softmax=use_smooth_softmax, + ) + self.assertTrue(all_close) + all_close = parity_check_gqa_past_no_buff( + config, + local=local, + past_format=past_kv_format, + rtol=1e-3, + atol=1e-3, + rotary=rotary, + rotary_interleaved=rotary_interleaved, + packed=packed, + softcap=softcap, + use_smooth_softmax=use_smooth_softmax, + ) + self.assertTrue(all_close) if __name__ == "__main__": From 047f32c79d85e38cdbf6f7cb7c06701e1d7fdaba Mon Sep 17 00:00:00 2001 From: mingyueliuh <131847423+mingyueliuh@users.noreply.github.com> Date: Sat, 31 Aug 2024 11:57:23 -0400 Subject: [PATCH 034/119] [VitisAI] Remove shape infer from bridge ort (#21331) ### Description Vitis AI EP's custom op are completely self contained within Vitis AI EP implementation (rather than needing to add static functions in provider_bridge). --------- Co-authored-by: liumingyue --- .../shared_library/provider_interfaces.h | 2 +- .../providers/vitisai/imp/register_xir_ops.cc | 9 +- .../vitisai/include/vaip/vaip_ort_api.h | 2 +- .../core/session/provider_bridge_ort.cc | 124 +----------------- 4 files changed, 4 insertions(+), 133 deletions(-) diff --git a/onnxruntime/core/providers/shared_library/provider_interfaces.h b/onnxruntime/core/providers/shared_library/provider_interfaces.h index 1059443469067..041b387ff874d 100644 --- a/onnxruntime/core/providers/shared_library/provider_interfaces.h +++ b/onnxruntime/core/providers/shared_library/provider_interfaces.h @@ -567,7 +567,7 @@ struct ProviderHost { virtual int FunctionProto__metadata_props_size(const ONNX_NAMESPACE::FunctionProto* p) = 0; virtual ONNX_NAMESPACE::StringStringEntryProto* FunctionProto__add_metadata_props(ONNX_NAMESPACE::FunctionProto* p) = 0; - virtual void RegisterSchema(const std::string& domain, const OrtCustomOp* op, int type) = 0; + virtual void RegisterSchema(const std::string& domain, const OrtCustomOp* op) = 0; virtual const ONNX_NAMESPACE::OpSchema* GetSchema(const std::string& name, const int maxInclusiveVersion, const std::string& domain) = 0; virtual const std::string& OpSchema__inputs__GetName(const ONNX_NAMESPACE::OpSchema* p, const size_t i) = 0; virtual const std::string& OpSchema__inputs__GetTypeStr(const ONNX_NAMESPACE::OpSchema* p, const size_t i) = 0; diff --git a/onnxruntime/core/providers/vitisai/imp/register_xir_ops.cc b/onnxruntime/core/providers/vitisai/imp/register_xir_ops.cc index 03458f42d5f28..ea5687f2691b1 100644 --- a/onnxruntime/core/providers/vitisai/imp/register_xir_ops.cc +++ b/onnxruntime/core/providers/vitisai/imp/register_xir_ops.cc @@ -13,14 +13,7 @@ void register_xir_ops(const std::vector& domains) { for (auto domain : domains) { for (auto op : domain->custom_ops_) { if (Provider_GetHost()->GetSchema(op->GetName(op), op->GetStartVersion(op), domain->domain_) == nullptr) { - auto name = op->GetName(op); - if ((std::string)name == "super_layer") { - Provider_GetHost()->RegisterSchema(domain->domain_, op, 1); - } else if ((std::string)name == "FixNeuron") { - Provider_GetHost()->RegisterSchema(domain->domain_, op, 2); - } else { - Provider_GetHost()->RegisterSchema(domain->domain_, op, 3); - } + Provider_GetHost()->RegisterSchema(domain->domain_, op); } } } diff --git a/onnxruntime/core/providers/vitisai/include/vaip/vaip_ort_api.h b/onnxruntime/core/providers/vitisai/include/vaip/vaip_ort_api.h index 17fd9ef21d34a..db70ef0cc17d5 100644 --- a/onnxruntime/core/providers/vitisai/include/vaip/vaip_ort_api.h +++ b/onnxruntime/core/providers/vitisai/include/vaip/vaip_ort_api.h @@ -13,7 +13,7 @@ struct OrtApi; namespace vaip_core { -#define VAIP_ORT_API_MAJOR (7u) +#define VAIP_ORT_API_MAJOR (8u) #define VAIP_ORT_API_MINOR (0u) #define VAIP_ORT_API_PATCH (0u) struct OrtApiForVaip { diff --git a/onnxruntime/core/session/provider_bridge_ort.cc b/onnxruntime/core/session/provider_bridge_ort.cc index dc5b983f86cbb..ce259946944ca 100644 --- a/onnxruntime/core/session/provider_bridge_ort.cc +++ b/onnxruntime/core/session/provider_bridge_ort.cc @@ -682,135 +682,13 @@ struct ProviderHostImpl : ProviderHost { int FunctionProto__metadata_props_size(const ONNX_NAMESPACE::FunctionProto* p) override { return p->metadata_props_size(); } ONNX_NAMESPACE::StringStringEntryProto* FunctionProto__add_metadata_props(ONNX_NAMESPACE::FunctionProto* p) override { return p->add_metadata_props(); } - static int32_t convert_elem_type(const ONNX_NAMESPACE::AttributeProto* data_type) { - int32_t elemType = 0; - if (data_type->s() == "float32") { - elemType = ONNX_NAMESPACE::TensorProto_DataType_FLOAT; - } else if (data_type->s() == "int8") { - elemType = ONNX_NAMESPACE::TensorProto_DataType_INT8; - } else if (data_type->s() == "uint8") { - elemType = ONNX_NAMESPACE::TensorProto_DataType_UINT8; - } else if (data_type->s() == "int32") { - elemType = ONNX_NAMESPACE::TensorProto_DataType_INT32; - } else if (data_type->s() == "uint32") { - elemType = ONNX_NAMESPACE::TensorProto_DataType_UINT32; - } else if (data_type->s() == "int64") { - elemType = ONNX_NAMESPACE::TensorProto_DataType_INT64; - } else if (data_type->s() == "uint64") { - elemType = ONNX_NAMESPACE::TensorProto_DataType_UINT64; - } else if (data_type->s() == "int1") { - elemType = ONNX_NAMESPACE::TensorProto_DataType_BOOL; - } else if (data_type->s() == "bfloat16") { - elemType = ONNX_NAMESPACE::TensorProto_DataType_BFLOAT16; - } else if (data_type->s() == "float16") { - elemType = ONNX_NAMESPACE::TensorProto_DataType_FLOAT16; - } else if (data_type->s() == "uint16") { - elemType = ONNX_NAMESPACE::TensorProto_DataType_UINT16; - } else if (data_type->s() == "int16") { - elemType = ONNX_NAMESPACE::TensorProto_DataType_INT16; - } else if (data_type->s() == "double") { - elemType = ONNX_NAMESPACE::TensorProto_DataType_DOUBLE; - } else if (data_type->s() == "string") { - elemType = ONNX_NAMESPACE::TensorProto_DataType_STRING; - } else if (data_type->s() == "complex64") { - elemType = ONNX_NAMESPACE::TensorProto_DataType_COMPLEX64; - } else if (data_type->s() == "complex128") { - elemType = ONNX_NAMESPACE::TensorProto_DataType_COMPLEX128; - } else if (data_type->s() == "float8e4m3fn") { - elemType = ONNX_NAMESPACE::TensorProto_DataType_FLOAT8E4M3FN; - } else if (data_type->s() == "float8e4m3fnuz") { - elemType = ONNX_NAMESPACE::TensorProto_DataType_FLOAT8E4M3FNUZ; - } else if (data_type->s() == "float8e5m2") { - elemType = ONNX_NAMESPACE::TensorProto_DataType_FLOAT8E5M2; - } else if (data_type->s() == "float8e5m2funz") { - elemType = ONNX_NAMESPACE::TensorProto_DataType_FLOAT8E5M2FNUZ; - } else if (data_type->s() == "uint4") { - elemType = ONNX_NAMESPACE::TensorProto_DataType_UINT4; - } else if (data_type->s() == "int4") { - elemType = ONNX_NAMESPACE::TensorProto_DataType_INT4; - } - return elemType; - } - - static void xir_shape_infer(ONNX_NAMESPACE::InferenceContext& ctx) { - auto num_output = ctx.getNumOutputs(); - if (num_output == 1) { - auto* shape = ctx.getAttribute("shape"); - auto* data_type = ctx.getAttribute("data_type"); - if (data_type == nullptr) { - std::cerr << "Custom op is missing `data_type` attr." << std::endl; - return; - } - int32_t elemType = convert_elem_type(data_type); - ONNX_NAMESPACE::updateOutputElemType(ctx, 0, elemType); - if (shape != nullptr) { - for (auto i = 0; i < shape->ints_size(); ++i) { - ONNX_NAMESPACE::getOutputShape(ctx, 0, ONNX_NAMESPACE::TypeProto::kTensorType)->add_dim()->set_dim_value(shape->ints(i)); - } - } else { - // set scalar type. - ONNX_NAMESPACE::getOutputShape(ctx, 0, ONNX_NAMESPACE::TypeProto::kTensorType)->clear_dim(); - } - } else { - for (auto idx = 0u; idx < num_output; idx++) { - auto* shape = ctx.getAttribute("shape_" + std::to_string(idx)); - auto* data_type = ctx.getAttribute("data_type_" + std::to_string(idx)); - if (shape == nullptr || data_type == nullptr) { - // this output is optional - } else { - int32_t elemType = convert_elem_type(data_type); - ONNX_NAMESPACE::updateOutputElemType(ctx, idx, elemType); - for (auto i = 0; i < shape->ints_size(); ++i) { - ONNX_NAMESPACE::getOutputShape(ctx, idx, ONNX_NAMESPACE::TypeProto::kTensorType)->add_dim()->set_dim_value(shape->ints(i)); - } - } - } - } - } - - static void xir_fixneuron_shape_inference(ONNX_NAMESPACE::InferenceContext& ctx) { - ONNX_NAMESPACE::propagateElemTypeFromInputToOutput(ctx, 0, 0); - ONNX_NAMESPACE::propagateShapeFromInputToOutput(ctx, 0, 0); - } - - static void xir_subgraph_shape_inference(ONNX_NAMESPACE::InferenceContext& ctx) { - auto num_inputs = ctx.getNumInputs(); - - // Run inferencing on the subgraph - auto* graphInferencer = ctx.getGraphAttributeInferencer("body"); - - std::vector input_data; - std::vector subgraph_input_types; - for (size_t i = 0; i < num_inputs; ++i) { - input_data.push_back(ctx.getInputData(i)); - subgraph_input_types.push_back(ctx.getInputType(i)); - } - - auto output_types = graphInferencer->doInferencing(subgraph_input_types, input_data); - for (size_t i = 0, end = output_types.size(); i < end; ++i) { - *ctx.getOutputType(i) = *output_types[i]; - } - } - void RegisterSchema(const std::string& domain, const OrtCustomOp* op, int type) override { + void RegisterSchema(const std::string& domain, const OrtCustomOp* op) override { auto& domain_instance = ONNX_NAMESPACE::OpSchemaRegistry::DomainToVersionRange::Instance(); const auto& domain_to_version_map = domain_instance.Map(); if (domain_to_version_map.find(domain) == domain_to_version_map.end()) { domain_instance.AddDomainToVersion(domain, 1, 1000); } auto schema = CreateSchema(domain, {op}); - switch (type) { - case 1: - schema.TypeAndShapeInferenceFunction(xir_subgraph_shape_inference); - break; - case 2: - schema.TypeAndShapeInferenceFunction(xir_fixneuron_shape_inference); - break; - case 3: - schema.TypeAndShapeInferenceFunction(xir_shape_infer); - break; - default: - break; - } ONNX_NAMESPACE::RegisterSchema(schema, ORT_API_VERSION); } const ONNX_NAMESPACE::OpSchema* GetSchema(const std::string& name, const int maxInclusiveVersion, const std::string& domain) override { From 8c5336449d2279c0394cc4a742d336d7f3bd4124 Mon Sep 17 00:00:00 2001 From: Yulong Wang <7679871+fs-eire@users.noreply.github.com> Date: Sat, 31 Aug 2024 19:04:12 -0700 Subject: [PATCH 035/119] Stop VSCode appending file associations to settings.json (#21944) ### Description If you open onnxruntime source code using VSCode with C/C++ extension, it's keeping adding file associations for C/C++ headers into this settings.json. This is annoying when staging/committing changes. Add a configuration to disable this behavior. see: - https://stackoverflow.com/questions/65220185/how-to-stop-vs-code-to-keep-adding-standard-c-libraries-to-the-file-associatio - https://github.com/microsoft/vscode-cpptools/issues/722#issuecomment-480329005 --- .vscode/settings.json | 4 +--- 1 file changed, 1 insertion(+), 3 deletions(-) diff --git a/.vscode/settings.json b/.vscode/settings.json index 98d23090fd474..dabb6416afa7f 100644 --- a/.vscode/settings.json +++ b/.vscode/settings.json @@ -22,7 +22,5 @@ "-build/include_subdir", "-runtime/references" ], - "files.associations": { - "span": "cpp" - } + "C_Cpp.autoAddFileAssociations": false } From b1ae43cbcb2f156a2fa4fdcf22c9c44af5b077fa Mon Sep 17 00:00:00 2001 From: Kyle <92152685+idiskyle@users.noreply.github.com> Date: Mon, 2 Sep 2024 17:16:59 +0800 Subject: [PATCH 036/119] Add Files Signature Validation after Signed by ESRP (#21949) ### Description Files signature validation after signed by ESRP. ### Motivation and Context - Add validation after the ESRP process. - Make sure the targeting pattern/suffix files are signed successfully by ESRP. - If the signature is not Valid, then will fail the following stages. --- .../templates/win-esrp-dll.yml | 56 +++++++++++++++++++ 1 file changed, 56 insertions(+) diff --git a/tools/ci_build/github/azure-pipelines/templates/win-esrp-dll.yml b/tools/ci_build/github/azure-pipelines/templates/win-esrp-dll.yml index c495e11014b30..8a386963a89dd 100644 --- a/tools/ci_build/github/azure-pipelines/templates/win-esrp-dll.yml +++ b/tools/ci_build/github/azure-pipelines/templates/win-esrp-dll.yml @@ -64,3 +64,59 @@ steps: SessionTimeout: 90 ServiceEndpointUrl: 'https://api.esrp.microsoft.com/api/v2' MaxConcurrency: 25 + +- task: PowerShell@2 + displayName: 'Signature validation for signed file(s)' + inputs: + targetType: 'inline' + script: | + Write-Host "FolderPath: ${{ parameters.FolderPath }}" + Write-Host "Pattern(s): ${{ parameters.Pattern }}" + + if ("${{ parameters.Pattern }}" -eq "") + { + Write-Host "Pattern is empty." + exit 0 + } + + $valid_flag=$true + $normal_sign_status="Valid" + + $patterns="${{ parameters.Pattern }}" -split ',' + + foreach($pattern_original in $patterns) + { + $pattern=$pattern_original.Trim() + Write-Host "Validating pattern:" $pattern + + $file_names=Get-ChildItem -Path ${{ parameters.FolderPath }} .\$pattern -Name -Recurse -Force + + foreach($file in $file_names) + { + $file_path=Join-Path ${{ parameters.FolderPath }} -ChildPath $file + $sign=Get-AuthenticodeSignature -FilePath $file_path + $sign_status=$sign.Status.ToString() + Write-Host "File:" $file + Write-Host "Signature Status:" $sign_status + if ($sign_status -ne $normal_sign_status) + { + Write-Host "File" $file "does not have valid signature." + Write-Host "Signature status:" $sign.status + Write-Host "Signature message:" $sign.StatusMessage + $valid_flag=$false + break + } + } + } + + if ($valid_flag -eq $false) + { + Write-Host "Signature validation failed." + exit 1 + } + else + { + Write-Host "Signature validation passed." + exit 0 + } + workingDirectory: ${{ parameters.FolderPath }} From bad00a36579eefc64bbf1926d2c403928a518b37 Mon Sep 17 00:00:00 2001 From: Yulong Wang <7679871+fs-eire@users.noreply.github.com> Date: Mon, 2 Sep 2024 04:24:28 -0700 Subject: [PATCH 037/119] Add dependency dawn into deps.txt (#21910) ### Description Add dependency dawn into deps.txt. This is a preparation for introducing WebGPU EP. --- cgmanifests/generated/cgmanifest.json | 10 ++++++++++ cmake/deps.txt | 1 + .../github/azure-pipelines/templates/download-deps.yml | 4 ++-- 3 files changed, 13 insertions(+), 2 deletions(-) diff --git a/cgmanifests/generated/cgmanifest.json b/cgmanifests/generated/cgmanifest.json index f7c0159c1f0ab..f8589598c7571 100644 --- a/cgmanifests/generated/cgmanifest.json +++ b/cgmanifests/generated/cgmanifest.json @@ -361,6 +361,16 @@ }, "comments": "cudnn_frontend" } + }, + { + "component": { + "type": "git", + "git": { + "commitHash": "511eb80847afe6bded34ec491a38d5d78ba2d604", + "repositoryUrl": "https://github.com/google/dawn.git" + }, + "comments": "dawn" + } } ] } diff --git a/cmake/deps.txt b/cmake/deps.txt index 2487ea144227d..597c051b5f477 100644 --- a/cmake/deps.txt +++ b/cmake/deps.txt @@ -59,3 +59,4 @@ extensions;https://github.com/microsoft/onnxruntime-extensions/archive/94142d839 composable_kernel;https://github.com/ROCmSoftwarePlatform/composable_kernel/archive/204da9c522cebec5220bba52cd3542ebcaf99e7a.zip;1827348efd47831c13074245274d41b7cae8a557 directx_headers;https://github.com/microsoft/DirectX-Headers/archive/refs/tags/v1.613.1.zip;47653509a3371eabb156360f42faf582f314bf2e cudnn_frontend;https://github.com/NVIDIA/cudnn-frontend/archive/refs/tags/v1.5.2.zip;11071a47594b20f00af09aad83e0d5203ccf6029 +dawn;https://github.com/google/dawn/archive/511eb80847afe6bded34ec491a38d5d78ba2d604.zip;c493f5aca5586f6634e25d0121c85df71189fb99 diff --git a/tools/ci_build/github/azure-pipelines/templates/download-deps.yml b/tools/ci_build/github/azure-pipelines/templates/download-deps.yml index 2b600d1be2d01..3c74c70ed102d 100644 --- a/tools/ci_build/github/azure-pipelines/templates/download-deps.yml +++ b/tools/ci_build/github/azure-pipelines/templates/download-deps.yml @@ -11,7 +11,7 @@ steps: packageType: upack feed: '/7424c8e4-5c62-490e-95c4-79446f31017c' definition: '517c4f6f-5437-4392-a70d-4f15ec5be2f0' - version: 1.0.178 + version: 1.0.181 downloadPath: $(Build.BinariesDirectory)/deps # The private ADO project @@ -22,7 +22,7 @@ steps: packageType: upack feed: '/4c7631f5-24c0-4307-8822-1aa8f180c325' definition: 'fd9dd5ad-b73e-4678-890e-edcf680dbc1a' - version: 1.0.178 + version: 1.0.181 downloadPath: $(Build.BinariesDirectory)/deps # You can add more ADO accounts at here. From e788b3d30e23fa1918d62df9730d5fff5be144c1 Mon Sep 17 00:00:00 2001 From: Scott McKay Date: Tue, 3 Sep 2024 10:08:29 +1000 Subject: [PATCH 038/119] Fix C# warnings. (#21913) ### Description Update some testing dependencies. Fix various warnings. Mainly around documentation (existing) and unit test usage (mainly resulting from xunit update). Invalid angle brackets for generics in documentation were changed to use curly braces based on https://learn.microsoft.com/en-us/dotnet/csharp/language-reference/xmldoc/ > To refer to generic identifiers in code reference (cref) elements, you can use either the escape characters (for example, cref="List<T>") or braces (cref="List{T}"). As a special case, the compiler parses the braces as angle brackets to make the documentation comment less cumbersome to the author when referring to generic identifiers. ### Motivation and Context --- .../DisposableNamedOnnxValue.shared.cs | 8 +++---- .../InferenceSession.shared.cs | 5 ++-- .../ManagedProjections.shared.cs | 2 +- .../NamedOnnxValue.shared.cs | 23 +++++-------------- .../NativeMethods.shared.cs | 17 +++++++------- .../NativeOnnxValueHelper.shared.cs | 2 +- .../Microsoft.ML.OnnxRuntime/OrtEnv.shared.cs | 2 +- .../OrtFloat16.shared.cs | 11 ++++----- .../ProviderOptions.shared.cs | 8 +++---- .../SessionOptions.shared.cs | 10 ++++---- .../InferenceTest.cs | 23 +++++++++++-------- ...crosoft.ML.OnnxRuntime.Tests.Common.csproj | 4 ++-- .../OrtIoBindingAllocationTest.cs | 1 + .../Tensors/TensorTests.cs | 4 ++++ ...icrosoft.ML.OnnxRuntime.Tests.Droid.csproj | 2 +- .../InferenceTest.netcore.cs | 18 +++++++-------- ...oft.ML.OnnxRuntime.Tests.NetCoreApp.csproj | 6 ++--- 17 files changed, 71 insertions(+), 75 deletions(-) diff --git a/csharp/src/Microsoft.ML.OnnxRuntime/DisposableNamedOnnxValue.shared.cs b/csharp/src/Microsoft.ML.OnnxRuntime/DisposableNamedOnnxValue.shared.cs index 6d69f58d20413..a73bca7f3ec38 100644 --- a/csharp/src/Microsoft.ML.OnnxRuntime/DisposableNamedOnnxValue.shared.cs +++ b/csharp/src/Microsoft.ML.OnnxRuntime/DisposableNamedOnnxValue.shared.cs @@ -83,7 +83,7 @@ public class DisposableNamedOnnxValue : NamedOnnxValue, IDisposable /// Ctor /// /// Name of the output value - /// Managed object created to represent output value, such as DenseTensor + /// Managed object created to represent output value, such as DenseTensor{T}; /// List or Dictionary /// /// Tensor element type if value type is a Tensor @@ -133,7 +133,7 @@ private DisposableNamedOnnxValue(string name, Object value, MapHelper mapHelper, public TensorElementType ElementType { get; } /// - /// Overrides the base class method. With respect to pinnedMemoryHandle, it has no operation + /// Overrides the base class method. With respect to memoryHolder, it has no operation /// to do, as this class maintains a native buffer via _ortValueHolder and the memory will be /// disposed by it. This is the case when we are dealing with an OrtValue that is backed by native memory /// and not by pinned managed memory. @@ -142,7 +142,7 @@ private DisposableNamedOnnxValue(string name, Object value, MapHelper mapHelper, /// but the interface (derived from NamedOnnxValue) allows it to be passed as output and one of the test /// cases does it. Unless we deprecate and re-do the interface, we must support it. /// - /// always set to null + /// always set to null /// Native OrtValue handle internal override IntPtr InputToOrtValueHandle(NodeMetadata metadata, out IDisposable memoryHolder) { @@ -150,7 +150,7 @@ internal override IntPtr InputToOrtValueHandle(NodeMetadata metadata, out IDispo { throw new InvalidOperationException("The instance of this class does not own an OrtValue"); } - // PinnedMemoryHandle holds the default value as DisposableNamedOnnxValue + // memoryHolder holds the default value as DisposableNamedOnnxValue // doesn't hold any managed buffer (that needs to be pinned) memoryHolder = null; // Return non-owning instance of OrtValue diff --git a/csharp/src/Microsoft.ML.OnnxRuntime/InferenceSession.shared.cs b/csharp/src/Microsoft.ML.OnnxRuntime/InferenceSession.shared.cs index b21d036f61be9..b62a3c50bfda6 100644 --- a/csharp/src/Microsoft.ML.OnnxRuntime/InferenceSession.shared.cs +++ b/csharp/src/Microsoft.ML.OnnxRuntime/InferenceSession.shared.cs @@ -908,7 +908,7 @@ private static IntPtr ExtractOrtValueHandleForOutput(NamedOnnxValue output, Node /// /// names to convert to zero terminated utf8 and pin /// extractor functor that helps extracting names from inputs - /// inputs/outputs metadata + /// inputs/outputs metadata /// private static IntPtr[] LookupUtf8Names(IReadOnlyCollection values, NameExtractor nameExtractor, MetadataLookup metaLookup) @@ -1222,7 +1222,6 @@ private void Init(byte[] modelData, SessionOptions options, /// Initializes the session object with a native session handle /// /// Value of a native session object - /// Session options private void InitWithSessionHandle(IntPtr session) { _nativeHandle = session; @@ -2075,7 +2074,7 @@ public long Version /// /// Custom metadata key/value pairs /// - /// An instance of a Dictionary + /// An instance of a Dictionary{string,string} public Dictionary CustomMetadataMap { get diff --git a/csharp/src/Microsoft.ML.OnnxRuntime/ManagedProjections.shared.cs b/csharp/src/Microsoft.ML.OnnxRuntime/ManagedProjections.shared.cs index e512a8c2612ae..13117f23e8ef9 100644 --- a/csharp/src/Microsoft.ML.OnnxRuntime/ManagedProjections.shared.cs +++ b/csharp/src/Microsoft.ML.OnnxRuntime/ManagedProjections.shared.cs @@ -65,7 +65,7 @@ internal static OrtValue CreateProjection(NamedOnnxValue namedOnnxValue, NodeMet /// The function creates OrtValue objects for each element of the sequence /// and then creates an OrtValue for the whole sequence. /// - /// NamedOnnxValue containing a IEnumerable + /// NamedOnnxValue containing a IEnumerable{NamedOnnxValue} /// sequence metadata /// OrtValue that represents a sequence /// diff --git a/csharp/src/Microsoft.ML.OnnxRuntime/NamedOnnxValue.shared.cs b/csharp/src/Microsoft.ML.OnnxRuntime/NamedOnnxValue.shared.cs index d73c471bb9d7c..48a10455588bc 100644 --- a/csharp/src/Microsoft.ML.OnnxRuntime/NamedOnnxValue.shared.cs +++ b/csharp/src/Microsoft.ML.OnnxRuntime/NamedOnnxValue.shared.cs @@ -53,13 +53,13 @@ internal MapHelper(TensorBase keys, TensorBase values) /// Other sequences and maps. Although the OnnxValueType is exposed, /// the caller is supposed to know the actual data type contained. /// - /// The convention is that for tensors, it would contain a DenseTensor instance or - /// anything derived from Tensor. + /// The convention is that for tensors, it would contain a DenseTensor{T} instance or + /// anything derived from Tensor{T}. /// - /// For sequences, it would contain a IList where T is an instance of NamedOnnxValue that + /// For sequences, it would contain a IList{T} where T is an instance of NamedOnnxValue that /// would contain a tensor or another type. /// - /// For Maps, it would contain a IDictionary where K,V are primitive types or strings. + /// For Maps, it would contain a IDictionary{K, V} where K,V are primitive types or strings. /// /// public class NamedOnnxValue @@ -153,7 +153,7 @@ public static NamedOnnxValue CreateFromSequence(string name, IEnumerable v } /// - /// Instantiates NamedOnnxValue that contains IDictionary + /// Instantiates NamedOnnxValue that contains IDictionary{K, V} /// /// Keys type /// Values type @@ -225,7 +225,7 @@ public IDictionary AsDictionary() /// based on the pinned managed memory. The caller is responsible for Disposing /// both OrtValue and pinnedMemoryHandle /// - /// dispose after returned OrtValus is disposed + /// dispose after returned OrtValue is disposed /// The native OrtValue handle internal virtual IntPtr InputToOrtValueHandle(NodeMetadata metadata, out IDisposable memoryOwner) { @@ -272,12 +272,6 @@ internal virtual IntPtr OutputToOrtValueHandle(NodeMetadata metadata, out IDispo $" Use Run() overloads that return DisposableNamedOnnxValue to get access to all Onnx value types that may be returned as output."); } - /// - /// This method is used internally to feed dictionary keys - /// to create an OrtValue for map keys - /// - /// - /// DenseTensor" internal TensorBase GetDictionaryKeys() { if (ValueType != OnnxValueType.ONNX_TYPE_MAP) @@ -289,11 +283,6 @@ internal TensorBase GetDictionaryKeys() return _mapHelper.Keys; } - /// - /// - /// - /// - /// DenseTensor" internal TensorBase GetDictionaryValues() { if (ValueType != OnnxValueType.ONNX_TYPE_MAP) diff --git a/csharp/src/Microsoft.ML.OnnxRuntime/NativeMethods.shared.cs b/csharp/src/Microsoft.ML.OnnxRuntime/NativeMethods.shared.cs index 44d2222dbce16..b2a7b75891a25 100644 --- a/csharp/src/Microsoft.ML.OnnxRuntime/NativeMethods.shared.cs +++ b/csharp/src/Microsoft.ML.OnnxRuntime/NativeMethods.shared.cs @@ -1506,7 +1506,7 @@ IntPtr[] outputValues /* An array of output value pointers. Array must be alloca /// /// Destroy OrtIoBinding instance created by OrtCreateIoBinding /// - /// instance of OrtIoBinding + /// instance of OrtIoBinding [UnmanagedFunctionPointer(CallingConvention.Winapi)] public delegate void DOrtReleaseIoBinding(IntPtr /*(OrtIoBinding)*/ io_binding); @@ -1516,7 +1516,7 @@ IntPtr[] outputValues /* An array of output value pointers. Array must be alloca /// Bind OrtValue to the model input with the specified name /// If binding with the specified name already exists, it will be replaced /// - /// instance of OrtIoBinding + /// instance of OrtIoBinding /// model input name (utf-8) /// OrtValue that is used for input (may wrap arbitrary memory). /// The param instance is copied internally so this argument may be released. @@ -1544,7 +1544,7 @@ IntPtr[] outputValues /* An array of output value pointers. Array must be alloca /// Bind OrtValue to the model output with the specified name /// If binding with the specified name already exists, it will be replaced /// - /// instance of OrtIoBinding + /// instance of OrtIoBinding /// model output name (utf-8) /// OrtValue that is used for output (may wrap arbitrary memory). /// The param instance is copied internally so this argument may be released. @@ -1605,7 +1605,7 @@ IntPtr[] outputValues /* An array of output value pointers. Array must be alloca /// The function returns output values after the model has been run with RunWithBinding() /// It returns a natively allocated buffer of OrtValue pointers. All of the OrtValues must be individually /// released after no longer needed. You may use OrtValue disposable class to wrap the native handle and properly dispose it - /// in connection with DisposableList. All values are returned in the same order as they were bound. + /// in connection with DisposableList{T}. All values are returned in the same order as they were bound. /// The buffer that contains OrtValues must deallocated using the same allocator that was specified as an argument. /// You may use an instance OrtMemoryAllocation to properly dispose of the native memory. /// @@ -1643,9 +1643,7 @@ IntPtr[] outputValues /* An array of output value pointers. Array must be alloca /// /// Provides element-level access into a tensor. /// - /// a pointer to an array of index values that specify an element's location in the tensor data blob - /// length of location_values - /// a pointer to the element specified by location_values + /// instance of OrtIoBinding [UnmanagedFunctionPointer(CallingConvention.Winapi)] public delegate void DOrtTensorAt(IntPtr /*(OrtIoBinding)*/ io_binding); @@ -1656,10 +1654,11 @@ IntPtr[] outputValues /* An array of output value pointers. Array must be alloca /// sharing between multiple sessions that use the same env instance. /// Lifetime of the created allocator will be valid for the duration of the environment. /// Returns an error if an allocator with the same OrtMemoryInfo is already registered. + /// /// Native OrtEnv instance /// Native OrtMemoryInfo instance /// Native OrtArenaCfg instance - /// A pointer to native ortStatus indicating success/failure + /// A pointer to native ortStatus indicating success/failure [UnmanagedFunctionPointer(CallingConvention.Winapi)] public delegate IntPtr /*(OrtStatus*)*/ DOrtCreateAndRegisterAllocator(IntPtr /*(OrtEnv*)*/ env, IntPtr /*(const OrtMemoryInfo*)*/ memInfo, @@ -1890,7 +1889,7 @@ IntPtr[] outputValues /* An array of output value pointers. Array must be alloca public static DOrtFillStringTensor OrtFillStringTensor; /// \param value A tensor created from OrtCreateTensor... function. - /// \param index The index of the entry in the tensor to resize. + /// \param index The index of the entry in the tensor to resize. /// \param length_in_bytes Length to resize the string to. /// \param buffer The resized buffer. [UnmanagedFunctionPointer(CallingConvention.Winapi)] diff --git a/csharp/src/Microsoft.ML.OnnxRuntime/NativeOnnxValueHelper.shared.cs b/csharp/src/Microsoft.ML.OnnxRuntime/NativeOnnxValueHelper.shared.cs index 96afb48fcc352..fc14be00ee47b 100644 --- a/csharp/src/Microsoft.ML.OnnxRuntime/NativeOnnxValueHelper.shared.cs +++ b/csharp/src/Microsoft.ML.OnnxRuntime/NativeOnnxValueHelper.shared.cs @@ -226,7 +226,7 @@ internal MarshaledString(string input) } /// - // Native allocation (UTF8-8 string length with terminating zero) + /// Native allocation (UTF8-8 string length with terminating zero) /// internal int Length { get; private set; } diff --git a/csharp/src/Microsoft.ML.OnnxRuntime/OrtEnv.shared.cs b/csharp/src/Microsoft.ML.OnnxRuntime/OrtEnv.shared.cs index 1a03338298fa9..f4b2649f8d055 100644 --- a/csharp/src/Microsoft.ML.OnnxRuntime/OrtEnv.shared.cs +++ b/csharp/src/Microsoft.ML.OnnxRuntime/OrtEnv.shared.cs @@ -126,7 +126,7 @@ private OrtEnv(IntPtr handle, OrtLoggingLevel logLevel) /// /// /// - /// + /// /// private static void LoggingFunctionThunk(IntPtr param, IntPtr severity, diff --git a/csharp/src/Microsoft.ML.OnnxRuntime/OrtFloat16.shared.cs b/csharp/src/Microsoft.ML.OnnxRuntime/OrtFloat16.shared.cs index 20be2acacfc5f..7c22e1b213b41 100644 --- a/csharp/src/Microsoft.ML.OnnxRuntime/OrtFloat16.shared.cs +++ b/csharp/src/Microsoft.ML.OnnxRuntime/OrtFloat16.shared.cs @@ -134,11 +134,11 @@ internal static uint BFloat16BitsToSingleBits(ushort bfloatBits) } /// - /// Creates float NaN with the given sign and fp16 significand shifted << 54 + /// Creates float NaN with the given sign and fp16 significand shifted << 54 /// /// true for negative /// should be shifted 54 bits left before calling the function - /// so only 8 bits of signidicand remains + /// so only 8 bits of significand remains /// internal static float CreateSingleNaN(bool sign, ulong significand) { @@ -416,12 +416,11 @@ internal static ushort ExtractTrailingSignificandFromBits(ushort bits) /// /// Compares values of two Float16 - /// /// /// left hand side /// right hand side /// returns true if left is greater or equal than right according to IEEE - /// + /// public static bool operator >=(Float16 left, Float16 right) { return right <= left; @@ -492,7 +491,7 @@ public static bool IsNaN(Float16 value) /// Determines whether the specified value is negative. /// /// Float16 instance - /// true if the value is negative + /// true if the value is negative public static bool IsNegative(Float16 value) { return (short)(value.value) < 0; @@ -1115,7 +1114,7 @@ public static bool IsNaN(BFloat16 value) /// Determines whether the specified value is negative. /// /// BFloat16 instance - /// true if the value is negative + /// true if the value is negative public static bool IsNegative(BFloat16 value) { return (short)(value.value) < 0; diff --git a/csharp/src/Microsoft.ML.OnnxRuntime/ProviderOptions.shared.cs b/csharp/src/Microsoft.ML.OnnxRuntime/ProviderOptions.shared.cs index e2c8a44d92dc7..6a7922357aa33 100644 --- a/csharp/src/Microsoft.ML.OnnxRuntime/ProviderOptions.shared.cs +++ b/csharp/src/Microsoft.ML.OnnxRuntime/ProviderOptions.shared.cs @@ -318,9 +318,9 @@ public static void StringToDict(string s, Dictionary dict) } /// - /// CoreML flags for use with SessionOptions + /// CoreML flags for use with SessionOptions. + /// See https://github.com/microsoft/onnxruntime/blob/main/include/onnxruntime/core/providers/coreml/coreml_provider_factory.h /// - /// [Flags] public enum CoreMLFlags : uint { @@ -332,9 +332,9 @@ public enum CoreMLFlags : uint } /// - /// NNAPI flags for use with SessionOptions + /// NNAPI flags for use with SessionOptions. + /// See https://github.com/microsoft/onnxruntime/blob/main/include/onnxruntime/core/providers/nnapi/nnapi_provider_factory.h /// - /// [Flags] public enum NnapiFlags { diff --git a/csharp/src/Microsoft.ML.OnnxRuntime/SessionOptions.shared.cs b/csharp/src/Microsoft.ML.OnnxRuntime/SessionOptions.shared.cs index 6ecfee0a35b60..3acd84b3016de 100644 --- a/csharp/src/Microsoft.ML.OnnxRuntime/SessionOptions.shared.cs +++ b/csharp/src/Microsoft.ML.OnnxRuntime/SessionOptions.shared.cs @@ -768,8 +768,8 @@ public int LogVerbosityLevel private int _logVerbosityLevel = 0; /// - // Sets the number of threads used to parallelize the execution within nodes - // A value of 0 means ORT will pick a default + /// Sets the number of threads used to parallelize the execution within nodes + /// A value of 0 means ORT will pick a default /// /// returns _intraOpNumThreads value public int IntraOpNumThreads @@ -787,9 +787,9 @@ public int IntraOpNumThreads private int _intraOpNumThreads = 0; // set to what is set in C++ SessionOptions by default; /// - // Sets the number of threads used to parallelize the execution of the graph (across nodes) - // If sequential execution is enabled this value is ignored - // A value of 0 means ORT will pick a default + /// Sets the number of threads used to parallelize the execution of the graph (across nodes) + /// If sequential execution is enabled this value is ignored + /// A value of 0 means ORT will pick a default /// /// returns _interOpNumThreads value public int InterOpNumThreads diff --git a/csharp/test/Microsoft.ML.OnnxRuntime.Tests.Common/InferenceTest.cs b/csharp/test/Microsoft.ML.OnnxRuntime.Tests.Common/InferenceTest.cs index 0892e17fc97bc..d63e1fc953b7b 100644 --- a/csharp/test/Microsoft.ML.OnnxRuntime.Tests.Common/InferenceTest.cs +++ b/csharp/test/Microsoft.ML.OnnxRuntime.Tests.Common/InferenceTest.cs @@ -255,7 +255,7 @@ public void CanCreateAndDisposeSessionWithModel() { Assert.NotNull(session); Assert.NotNull(session.InputMetadata); - Assert.Equal(1, session.InputMetadata.Count); // 1 input node + Assert.Single(session.InputMetadata); // 1 input node Assert.True(session.InputMetadata.ContainsKey("data_0")); // input node name Assert.Equal(typeof(float), session.InputMetadata["data_0"].ElementType); Assert.True(session.InputMetadata["data_0"].IsTensor); @@ -267,7 +267,7 @@ public void CanCreateAndDisposeSessionWithModel() } Assert.NotNull(session.OutputMetadata); - Assert.Equal(1, session.OutputMetadata.Count); // 1 output node + Assert.Single(session.OutputMetadata); // 1 output node Assert.True(session.OutputMetadata.ContainsKey("softmaxout_1")); // output node name Assert.Equal(typeof(float), session.OutputMetadata["softmaxout_1"].ElementType); Assert.True(session.OutputMetadata["softmaxout_1"].IsTensor); @@ -614,7 +614,7 @@ private void ValidateRunResults(IReadOnlyCollection results) // validate the results foreach (var r in results) { - Assert.Equal(1, results.Count); + Assert.Single(results); Assert.Equal("softmaxout_1", r.Name); float[] expectedOutput = TestDataLoader.LoadTensorFromEmbeddedResource("bench.expected_out"); @@ -798,7 +798,7 @@ private void ThrowInconsistentPinnedOutputs() } [Fact(DisplayName = "TestMultiThreads")] - private void TestMultiThreads() + private async Task TestMultiThreads() { var numThreads = 10; var loop = 10; @@ -824,7 +824,7 @@ private void TestMultiThreads() } })); }; - Task.WaitAll(tasks); + await Task.WhenAll(tasks); session.Dispose(); } @@ -838,7 +838,7 @@ private void TestOverridableInitializerMetadata() Assert.True(session.InputMetadata.ContainsKey("Label")); Assert.True(session.InputMetadata.ContainsKey("F2")); - Assert.Equal(1, session.OverridableInitializerMetadata.Count); + Assert.Single(session.OverridableInitializerMetadata); Assert.True(session.OverridableInitializerMetadata.ContainsKey("F1")); Assert.True(session.OverridableInitializerMetadata["F1"].IsTensor); Assert.Equal(typeof(float), session.OverridableInitializerMetadata["F1"].ElementType); @@ -886,7 +886,7 @@ private void TestSymbolicDimsMetadata() var outputs = session.OutputMetadata; Assert.Equal(2, inputs.Count); - Assert.Equal(1, session.OutputMetadata.Count); + Assert.Single(session.OutputMetadata); Assert.True(inputs.ContainsKey("A")); Assert.True(inputs.ContainsKey("B")); Assert.True(outputs.ContainsKey("C")); @@ -1432,6 +1432,7 @@ private void TestModelSequenceOfMapIntFloat() { // first output is a tensor containing label var outNode0 = outputs.ElementAtOrDefault(0); + Assert.NotNull(outNode0); Assert.Equal("label", outNode0.Name); Assert.Equal(OnnxValueType.ONNX_TYPE_TENSOR, outNode0.ValueType); Assert.Equal(Tensors.TensorElementType.Int64, outNode0.ElementType); @@ -1446,6 +1447,7 @@ private void TestModelSequenceOfMapIntFloat() // second output is a sequence> // try-cast to an sequence of NOV var outNode1 = outputs.ElementAtOrDefault(1); + Assert.NotNull(outNode1); Assert.Equal("probabilities", outNode1.Name); Assert.Equal(OnnxValueType.ONNX_TYPE_SEQUENCE, outNode1.ValueType); @@ -1525,6 +1527,7 @@ private void TestModelSequenceOfMapStringFloat() { // first output is a tensor containing label var outNode0 = outputs.ElementAtOrDefault(0); + Assert.NotNull(outNode0); Assert.Equal("label", outNode0.Name); Assert.Equal(OnnxValueType.ONNX_TYPE_TENSOR, outNode0.ValueType); Assert.Equal(TensorElementType.String, outNode0.ElementType); @@ -1539,6 +1542,7 @@ private void TestModelSequenceOfMapStringFloat() // second output is a sequence> // try-cast to an sequence of NOV var outNode1 = outputs.ElementAtOrDefault(1); + Assert.NotNull(outNode1); Assert.Equal("probabilities", outNode1.Name); Assert.Equal(OnnxValueType.ONNX_TYPE_SEQUENCE, outNode1.ValueType); @@ -1592,6 +1596,7 @@ private void TestModelSequenceOfTensors() // output is a sequence // try-cast to an sequence of NOV var outNode = outputs.ElementAtOrDefault(0); + Assert.NotNull(outNode); Assert.Equal("output_sequence", outNode.Name); Assert.Equal(OnnxValueType.ONNX_TYPE_SEQUENCE, outNode.ValueType); @@ -2035,7 +2040,7 @@ public SkipNonPackageTests() } [Fact(DisplayName = "TestModelRunAsyncTask")] - private async void TestModelRunAsyncTask() + private async Task TestModelRunAsyncTask() { Float16[] inputData = { new Float16(15360), new Float16(16384), new Float16(16896), new Float16(17408), new Float16(17664) }; long[] shape = { 1, 5 }; @@ -2070,7 +2075,7 @@ private async void TestModelRunAsyncTask() } [Fact(DisplayName = "TestModelRunAsyncTaskFail")] - private async void TestModelRunAsyncTaskFail() + private async Task TestModelRunAsyncTaskFail() { Float16[] inputData = { new Float16(15360), new Float16(16384), new Float16(16896), new Float16(17408), new Float16(17664) }; long[] shape = { 1, 5 }; diff --git a/csharp/test/Microsoft.ML.OnnxRuntime.Tests.Common/Microsoft.ML.OnnxRuntime.Tests.Common.csproj b/csharp/test/Microsoft.ML.OnnxRuntime.Tests.Common/Microsoft.ML.OnnxRuntime.Tests.Common.csproj index a26e17b9ee0f0..3ce19ab2f1de4 100644 --- a/csharp/test/Microsoft.ML.OnnxRuntime.Tests.Common/Microsoft.ML.OnnxRuntime.Tests.Common.csproj +++ b/csharp/test/Microsoft.ML.OnnxRuntime.Tests.Common/Microsoft.ML.OnnxRuntime.Tests.Common.csproj @@ -117,10 +117,10 @@ - + - + diff --git a/csharp/test/Microsoft.ML.OnnxRuntime.Tests.Common/OrtIoBindingAllocationTest.cs b/csharp/test/Microsoft.ML.OnnxRuntime.Tests.Common/OrtIoBindingAllocationTest.cs index b07bcdeeb3b11..de7f0690c726f 100644 --- a/csharp/test/Microsoft.ML.OnnxRuntime.Tests.Common/OrtIoBindingAllocationTest.cs +++ b/csharp/test/Microsoft.ML.OnnxRuntime.Tests.Common/OrtIoBindingAllocationTest.cs @@ -33,6 +33,7 @@ public class OrtIoBindingAllocationTests : IDisposable private readonly DisposableListTest _dispList = new DisposableListTest(); private bool _disposed = false; + private OrtEnv _env = OrtEnv.Instance(); public OrtIoBindingAllocationTests() { diff --git a/csharp/test/Microsoft.ML.OnnxRuntime.Tests.Common/Tensors/TensorTests.cs b/csharp/test/Microsoft.ML.OnnxRuntime.Tests.Common/Tensors/TensorTests.cs index c3a6b1059ad86..27cde1dbe9ed8 100644 --- a/csharp/test/Microsoft.ML.OnnxRuntime.Tests.Common/Tensors/TensorTests.cs +++ b/csharp/test/Microsoft.ML.OnnxRuntime.Tests.Common/Tensors/TensorTests.cs @@ -2220,7 +2220,9 @@ public void TestICollectionMembers(TensorConstructor constructor) new[] { 0, 0, 1, 2, 3, 4, 5, 6 }; Assert.Equal(expected, actual); +#pragma warning disable CS8625 // Cannot convert null literal to non-nullable reference type. Assert.Throws(() => tensorCollection.CopyTo(null, 0)); +#pragma warning restore CS8625 // Cannot convert null literal to non-nullable reference type. Assert.Throws(() => tensorCollection.CopyTo(new int[3, 4], 0)); Assert.Throws(() => tensorCollection.CopyTo(new int[5], 0)); Assert.Throws(() => tensorCollection.CopyTo(new int[6], 1)); @@ -2311,7 +2313,9 @@ public void TestICollectionTMembers(TensorConstructor constructor) new[] { 0, 0, 1, 2, 3, 4, 5, 6 }; Assert.Equal(expected, actual); +#pragma warning disable CS8625 // Cannot convert null literal to non-nullable reference type. Assert.Throws(() => tensorCollection.CopyTo(null, 0)); +#pragma warning restore CS8625 // Cannot convert null literal to non-nullable reference type. Assert.Throws(() => tensorCollection.CopyTo(new int[5], 0)); Assert.Throws(() => tensorCollection.CopyTo(new int[6], 1)); diff --git a/csharp/test/Microsoft.ML.OnnxRuntime.Tests.Droid/Microsoft.ML.OnnxRuntime.Tests.Droid.csproj b/csharp/test/Microsoft.ML.OnnxRuntime.Tests.Droid/Microsoft.ML.OnnxRuntime.Tests.Droid.csproj index 7876f8181520c..f65031b01cd85 100644 --- a/csharp/test/Microsoft.ML.OnnxRuntime.Tests.Droid/Microsoft.ML.OnnxRuntime.Tests.Droid.csproj +++ b/csharp/test/Microsoft.ML.OnnxRuntime.Tests.Droid/Microsoft.ML.OnnxRuntime.Tests.Droid.csproj @@ -126,7 +126,7 @@ - 2.4.1 + 2.9.0 2.5.25 diff --git a/csharp/test/Microsoft.ML.OnnxRuntime.Tests.NetCoreApp/InferenceTest.netcore.cs b/csharp/test/Microsoft.ML.OnnxRuntime.Tests.NetCoreApp/InferenceTest.netcore.cs index 7f3d5d6624b07..ad127c2579294 100644 --- a/csharp/test/Microsoft.ML.OnnxRuntime.Tests.NetCoreApp/InferenceTest.netcore.cs +++ b/csharp/test/Microsoft.ML.OnnxRuntime.Tests.NetCoreApp/InferenceTest.netcore.cs @@ -42,7 +42,7 @@ public void CanCreateAndDisposeSessionWithModelPath() { Assert.NotNull(session); Assert.NotNull(session.InputMetadata); - Assert.Equal(1, session.InputMetadata.Count); // 1 input nodeMeta + Assert.Single(session.InputMetadata); // 1 input nodeMeta Assert.True(session.InputMetadata.ContainsKey("data_0")); // input nodeMeta name Assert.Equal(typeof(float), session.InputMetadata["data_0"].ElementType); Assert.True(session.InputMetadata["data_0"].IsTensor); @@ -54,7 +54,7 @@ public void CanCreateAndDisposeSessionWithModelPath() } Assert.NotNull(session.OutputMetadata); - Assert.Equal(1, session.OutputMetadata.Count); // 1 output nodeMeta + Assert.Single(session.OutputMetadata); // 1 output nodeMeta Assert.True(session.OutputMetadata.ContainsKey("softmaxout_1")); // output nodeMeta name Assert.Equal(typeof(float), session.OutputMetadata["softmaxout_1"].ElementType); Assert.True(session.OutputMetadata["softmaxout_1"].IsTensor); @@ -665,7 +665,7 @@ private void RunPretrainedModel(InferenceSession session, } break; default: - Assert.True(false, $"TestPreTrainedModels cannot handle Onnxtype: {outputValue.ValueType}"); + Assert.Fail($"TestPreTrainedModels cannot handle Onnxtype: {outputValue.ValueType}"); break; } } @@ -720,7 +720,7 @@ private void RunPretrainedModel(InferenceSession session, RunOptions runOptions, } else { - Assert.True(false, $"TestPreTrainedModels cannot handle Onnxtype: {outputMeta.OnnxValueType}"); + Assert.Fail($"TestPreTrainedModels cannot handle Onnxtype: {outputMeta.OnnxValueType}"); } } } @@ -843,7 +843,7 @@ private static void VerifySequenceResults(NamedOnnxValue result, NamedOnnxValue } break; default: - Assert.True(false, "VerifySequenceResults cannot handle Onnxtype: " + resultItem.ValueType.ToString()); + Assert.Fail("VerifySequenceResults cannot handle Onnxtype: " + resultItem.ValueType.ToString()); break; } Assert.Equal(resultItem.AsTensor(), expectedItem.AsTensor(), new FloatComparer()); @@ -897,7 +897,7 @@ private static void VerifyTensorResults(TensorElementType elementType, NamedOnnx Assert.Equal(expectedValue.AsTensor(), result.AsTensor(), new ExactComparer()); break; default: - Assert.True(false, "TestPreTrainedModels does not yet support output of type: " + elementType.ToString()); + Assert.Fail("TestPreTrainedModels does not yet support output of type: " + elementType.ToString()); break; } } @@ -937,7 +937,7 @@ private static void VerifySequenceResults(OrtValue resultSequence, OrtValue expe } break; default: - Assert.True(false, $"VerifySequenceResults cannot handle Onnxtype: {elementMeta.OnnxValueType}"); + Assert.Fail($"VerifySequenceResults cannot handle Onnxtype: {elementMeta.OnnxValueType}"); break; } } @@ -1009,7 +1009,7 @@ private static void VerifyTensorResults(TensorElementType expectedElementType, O new BFloat16Comparer { tolerance = 2 }); break; default: - Assert.True(false, "VerifyTensorResults cannot handle ElementType: " + expectedElementType.ToString()); + Assert.Fail("VerifyTensorResults cannot handle ElementType: " + expectedElementType.ToString()); break; } } @@ -1077,7 +1077,7 @@ private static void VerifyContainerContent(IReadOnlyList results, Assert.Equal(result.GetStringTensorAsArray(), expectedValue.AsTensor().ToArray(), new ExactComparer()); break; default: - Assert.True(false, $"VerifyTensorResults cannot handle ElementType: { resultTypeShape.ElementDataType}"); + Assert.Fail($"VerifyTensorResults cannot handle ElementType: { resultTypeShape.ElementDataType}"); break; } } diff --git a/csharp/test/Microsoft.ML.OnnxRuntime.Tests.NetCoreApp/Microsoft.ML.OnnxRuntime.Tests.NetCoreApp.csproj b/csharp/test/Microsoft.ML.OnnxRuntime.Tests.NetCoreApp/Microsoft.ML.OnnxRuntime.Tests.NetCoreApp.csproj index 9886f050fbd6b..a10f93f8eacda 100644 --- a/csharp/test/Microsoft.ML.OnnxRuntime.Tests.NetCoreApp/Microsoft.ML.OnnxRuntime.Tests.NetCoreApp.csproj +++ b/csharp/test/Microsoft.ML.OnnxRuntime.Tests.NetCoreApp/Microsoft.ML.OnnxRuntime.Tests.NetCoreApp.csproj @@ -53,9 +53,9 @@ - - - + + + --- .../python/onnxruntime_collect_build_info.py | 56 ------------------- 1 file changed, 56 deletions(-) diff --git a/onnxruntime/python/onnxruntime_collect_build_info.py b/onnxruntime/python/onnxruntime_collect_build_info.py index 07ac21a11eb04..1c624fa65619c 100644 --- a/onnxruntime/python/onnxruntime_collect_build_info.py +++ b/onnxruntime/python/onnxruntime_collect_build_info.py @@ -45,59 +45,3 @@ def get_cudart_version(find_cudart_version=None): # convert to list and remove None return [ver for ver in cudart_found_versions if ver] - - -def find_cudnn_supported_cuda_versions(build_env=False): - # comments in get_cudart_version apply here - if not sys.platform.startswith("linux"): - warnings.warn("find_cudnn_versions only works on Linux") - - cudnn_possible_versions = {None} - if not build_env: - # if not in a build environment, there may be more than one installed cudnn. - # https://developer.nvidia.com/rdp/cudnn-archive to include all that may support Cuda 10+. - cudnn_possible_versions.update( - { - "8.2", - "8.1.1", - "8.1.0", - "8.0.5", - "8.0.4", - "8.0.3", - "8.0.2", - "8.0.1", - "7.6.5", - "7.6.4", - "7.6.3", - "7.6.2", - "7.6.1", - "7.6.0", - "7.5.1", - "7.5.0", - "7.4.2", - "7.4.1", - "7.3.1", - "7.3.0", - } - ) - - def get_cudnn_supported_cuda_version(find_cudnn_version=None): - cudnn_lib_filename = "libcudnn.so" - if find_cudnn_version: - cudnn_lib_filename = cudnn_lib_filename + "." + find_cudnn_version - - # in cudnn.h cudnn version are calculated as: - # #define CUDNN_VERSION (CUDNN_MAJOR * 1000 + CUDNN_MINOR * 100 + CUDNN_PATCHLEVEL) - try: - cudnn = ctypes.CDLL(cudnn_lib_filename) - # cudnn_ver = cudnn.cudnnGetVersion() - cuda_ver = cudnn.cudnnGetCudartVersion() - return cuda_ver - except Exception: - return None - - # use set to avoid duplications - cuda_found_versions = {get_cudnn_supported_cuda_version(cudnn_version) for cudnn_version in cudnn_possible_versions} - - # convert to list and remove None - return [ver for ver in cuda_found_versions if ver] From decb3852a02ed5bfcd46572e41609df9c2634613 Mon Sep 17 00:00:00 2001 From: Yulong Wang <7679871+fs-eire@users.noreply.github.com> Date: Tue, 3 Sep 2024 18:21:36 -0700 Subject: [PATCH 044/119] refactor: extract shared util function ComputeBroadcastOutputShape (#21940) ### Description This is used in multiple places. --- .../cuda/collective/distributed_expand.cc | 3 +- onnxruntime/core/providers/cann/cann_utils.cc | 29 ---------------- onnxruntime/core/providers/cann/cann_utils.h | 2 -- .../cann/math/binary_elementwise_ops.cc | 4 ++- onnxruntime/core/providers/common.h | 34 +++++++++++++++++++ .../cuda/math/binary_elementwise_ops.cc | 32 ++--------------- .../cuda/math/binary_elementwise_ops.h | 6 ---- .../cuda/math/variadic_elementwise_ops.cc | 3 +- .../core/providers/cuda/tensor/expand.cc | 4 +-- .../core/providers/cuda/tensor/expand.h | 6 ---- 10 files changed, 46 insertions(+), 77 deletions(-) diff --git a/onnxruntime/contrib_ops/cuda/collective/distributed_expand.cc b/onnxruntime/contrib_ops/cuda/collective/distributed_expand.cc index 3cfa3ab959343..170ded752bf20 100644 --- a/onnxruntime/contrib_ops/cuda/collective/distributed_expand.cc +++ b/onnxruntime/contrib_ops/cuda/collective/distributed_expand.cc @@ -10,6 +10,7 @@ // ORT system. #include "core/providers/cuda/tensor/expand.h" +#include "core/providers/common.h" // std C++. #include @@ -51,7 +52,7 @@ Status DistributedExpand::ComputeInternal(OpKernelContext* context) const { TensorShapeVector original_output_dims{p_shape, p_shape + shape_tensor->Shape().Size()}; TensorShape original_output_shape(original_output_dims); ORT_ENFORCE( - onnxruntime::cuda::ComputeOutputShape( + onnxruntime::ComputeBroadcastOutputShape( Node().Name(), original_input_shape, original_output_dims, original_output_shape) diff --git a/onnxruntime/core/providers/cann/cann_utils.cc b/onnxruntime/core/providers/cann/cann_utils.cc index b0e61848bac97..95d7a462ca9d9 100644 --- a/onnxruntime/core/providers/cann/cann_utils.cc +++ b/onnxruntime/core/providers/cann/cann_utils.cc @@ -224,34 +224,5 @@ void GenerateHashValue(const std::string string, HashValue& hash_value) { hash_value = hash[0] | (uint64_t(hash[1]) << 32); } -Status ComputeOutputShape(const std::string& node_name, const TensorShape& lhs_shape, - const TensorShape& rhs_shape, TensorShape& out_shape) { - size_t lhs_rank = lhs_shape.NumDimensions(); - size_t rhs_rank = rhs_shape.NumDimensions(); - size_t out_rank = std::max(lhs_rank, rhs_rank); - - std::vector output_dims(out_rank, 0); - for (size_t i = 0; i < out_rank; ++i) { - int64_t lhs_dim = 1; - if (i < lhs_rank) - lhs_dim = lhs_shape[lhs_rank - 1 - i]; - int64_t rhs_dim = 1; - if (i < rhs_rank) - rhs_dim = rhs_shape[rhs_rank - 1 - i]; - int64_t max = std::max(lhs_dim, rhs_dim); - int64_t min = std::min(lhs_dim, rhs_dim); - int64_t out_dim = (min == 0 ? min : max); // special case a dim value of 0. - if (lhs_dim != out_dim && lhs_dim != 1) - return ORT_MAKE_STATUS(ONNXRUNTIME, FAIL, node_name, ": left operand cannot broadcast on dim ", lhs_rank - 1 - i, - " LeftShape: ", lhs_shape.ToString(), ", RightShape: ", rhs_shape.ToString()); - if (rhs_dim != out_dim && rhs_dim != 1) - return ORT_MAKE_STATUS(ONNXRUNTIME, FAIL, node_name, ": right operand cannot broadcast on dim ", rhs_rank - 1 - i, - " LeftShape: ", lhs_shape.ToString(), ", RightShape: ", rhs_shape.ToString()); - output_dims[out_rank - 1 - i] = out_dim; - } - out_shape = TensorShape(output_dims); - return Status::OK(); -} - } // namespace cann } // namespace onnxruntime diff --git a/onnxruntime/core/providers/cann/cann_utils.h b/onnxruntime/core/providers/cann/cann_utils.h index 5eb1873ae32dd..3739924758ea4 100644 --- a/onnxruntime/core/providers/cann/cann_utils.h +++ b/onnxruntime/core/providers/cann/cann_utils.h @@ -124,8 +124,6 @@ Status aclrtblasGemmEx(aclTransType transA, bool FileExist(const std::string& file_name); void GenerateHashValue(const std::string string, HashValue& hash_value); -Status ComputeOutputShape(const std::string& node_name, const TensorShape& lhs_shape, - const TensorShape& rhs_shape, TensorShape& out_shape); std::unique_ptr CreateModel(const GraphViewer& graph_viewer, const logging::Logger& logger); diff --git a/onnxruntime/core/providers/cann/math/binary_elementwise_ops.cc b/onnxruntime/core/providers/cann/math/binary_elementwise_ops.cc index d8911a4caa8c8..a0115243446cc 100644 --- a/onnxruntime/core/providers/cann/math/binary_elementwise_ops.cc +++ b/onnxruntime/core/providers/cann/math/binary_elementwise_ops.cc @@ -2,6 +2,8 @@ // Copyright (c) Huawei. All rights reserved. // Licensed under the MIT License. +#include "core/providers/shared_library/provider_api.h" +#include "core/providers/common.h" #include "core/providers/cann/math/binary_elementwise_ops.h" #include #include @@ -20,7 +22,7 @@ Status BinaryElementwise::Prepare(OpKernelContext* ctx, CannPreparation& prepare const Tensor* B = ctx->Input(1); TensorShape output_shape; - ORT_RETURN_IF_ERROR(ComputeOutputShape(Node().Name(), A->Shape(), B->Shape(), output_shape)); + ORT_RETURN_IF_ERROR(ComputeBroadcastOutputShape(Node().Name(), A->Shape(), B->Shape(), output_shape)); Tensor* C = ctx->Output(0, output_shape); void* A_data = const_cast(A->DataRaw()); diff --git a/onnxruntime/core/providers/common.h b/onnxruntime/core/providers/common.h index 7576dfba5c85e..aa20b88ef40cc 100644 --- a/onnxruntime/core/providers/common.h +++ b/onnxruntime/core/providers/common.h @@ -180,4 +180,38 @@ T Product(const Container& c) { return accumulate(c.cbegin(), c.cend(), static_cast(1), std::multiplies()); } +/// +/// Compute the output shape for broadcasting the given input shapes of lhs and rhs. +/// +inline Status ComputeBroadcastOutputShape(const std::string& node_name, + const TensorShape& lhs_shape, + const TensorShape& rhs_shape, + TensorShape& out_shape) { + size_t lhs_rank = lhs_shape.NumDimensions(); + size_t rhs_rank = rhs_shape.NumDimensions(); + size_t out_rank = std::max(lhs_rank, rhs_rank); + + std::vector output_dims(out_rank, 0); + for (size_t i = 0; i < out_rank; ++i) { + int64_t lhs_dim = 1; + if (i < lhs_rank) + lhs_dim = lhs_shape[lhs_rank - 1 - i]; + int64_t rhs_dim = 1; + if (i < rhs_rank) + rhs_dim = rhs_shape[rhs_rank - 1 - i]; + int64_t max = std::max(lhs_dim, rhs_dim); + int64_t min = std::min(lhs_dim, rhs_dim); + int64_t out_dim = (min == 0 ? min : max); // special case a dim value of 0. + if (lhs_dim != out_dim && lhs_dim != 1) + return ORT_MAKE_STATUS(ONNXRUNTIME, FAIL, node_name, ": left operand cannot broadcast on dim ", lhs_rank - 1 - i, + " LeftShape: ", lhs_shape.ToString(), ", RightShape: ", rhs_shape.ToString()); + if (rhs_dim != out_dim && rhs_dim != 1) + return ORT_MAKE_STATUS(ONNXRUNTIME, FAIL, node_name, ": right operand cannot broadcast on dim ", rhs_rank - 1 - i, + " LeftShape: ", lhs_shape.ToString(), ", RightShape: ", rhs_shape.ToString()); + output_dims[out_rank - 1 - i] = out_dim; + } + out_shape = TensorShape(output_dims); + return Status::OK(); +} + } // namespace onnxruntime diff --git a/onnxruntime/core/providers/cuda/math/binary_elementwise_ops.cc b/onnxruntime/core/providers/cuda/math/binary_elementwise_ops.cc index 2c38ce2d3ca9a..8aca8635a24fe 100644 --- a/onnxruntime/core/providers/cuda/math/binary_elementwise_ops.cc +++ b/onnxruntime/core/providers/cuda/math/binary_elementwise_ops.cc @@ -1,6 +1,8 @@ // Copyright (c) Microsoft Corporation. All rights reserved. // Licensed under the MIT License. +#include "core/providers/shared_library/provider_api.h" +#include "core/providers/common.h" #include "core/providers/cuda/math/binary_elementwise_ops.h" #include "core/providers/cuda/math/binary_elementwise_ops_impl.h" #include "core/providers/cuda/math/unary_elementwise_ops_impl.h" @@ -21,34 +23,6 @@ Status BinaryElementwise::Prepare(OpKernelContext* context, return Status::OK(); } -Status ComputeOutputShape(const std::string& node_name, const TensorShape& lhs_shape, const TensorShape& rhs_shape, TensorShape& out_shape) { - size_t lhs_rank = lhs_shape.NumDimensions(); - size_t rhs_rank = rhs_shape.NumDimensions(); - size_t out_rank = std::max(lhs_rank, rhs_rank); - - std::vector output_dims(out_rank, 0); - for (size_t i = 0; i < out_rank; ++i) { - int64_t lhs_dim = 1; - if (i < lhs_rank) - lhs_dim = lhs_shape[lhs_rank - 1 - i]; - int64_t rhs_dim = 1; - if (i < rhs_rank) - rhs_dim = rhs_shape[rhs_rank - 1 - i]; - int64_t max = std::max(lhs_dim, rhs_dim); - int64_t min = std::min(lhs_dim, rhs_dim); - int64_t out_dim = (min == 0 ? min : max); // special case a dim value of 0. - if (lhs_dim != out_dim && lhs_dim != 1) - return ORT_MAKE_STATUS(ONNXRUNTIME, FAIL, node_name, ": left operand cannot broadcast on dim ", lhs_rank - 1 - i, - " LeftShape: ", lhs_shape.ToString(), ", RightShape: ", rhs_shape.ToString()); - if (rhs_dim != out_dim && rhs_dim != 1) - return ORT_MAKE_STATUS(ONNXRUNTIME, FAIL, node_name, ": right operand cannot broadcast on dim ", rhs_rank - 1 - i, - " LeftShape: ", lhs_shape.ToString(), ", RightShape: ", rhs_shape.ToString()); - output_dims[out_rank - 1 - i] = out_dim; - } - out_shape = TensorShape(output_dims); - return Status::OK(); -} - Status BinaryElementwiseBroadcastPrepare( const Tensor* lhs_tensor, const Tensor* rhs_tensor, @@ -77,7 +51,7 @@ Status BinaryElementwise::Prepare(OpKernelContext* context, Bin const auto& rhs_shape = rhs_tensor->Shape(); TensorShape output_shape; - ORT_RETURN_IF_ERROR(ComputeOutputShape(Node().Name(), lhs_shape, rhs_shape, output_shape)); + ORT_RETURN_IF_ERROR(ComputeBroadcastOutputShape(Node().Name(), lhs_shape, rhs_shape, output_shape)); auto output_tensor = context->Output(0, output_shape); ORT_RETURN_IF_ERROR(BinaryElementwiseBroadcastPrepare(lhs_tensor, rhs_tensor, output_tensor, p)); diff --git a/onnxruntime/core/providers/cuda/math/binary_elementwise_ops.h b/onnxruntime/core/providers/cuda/math/binary_elementwise_ops.h index 048887c326de1..d519658aa3ca5 100644 --- a/onnxruntime/core/providers/cuda/math/binary_elementwise_ops.h +++ b/onnxruntime/core/providers/cuda/math/binary_elementwise_ops.h @@ -108,12 +108,6 @@ struct BinaryElementwisePreparation { } }; -Status ComputeOutputShape( - const std::string& node_name, - const TensorShape& lhs_shape, - const TensorShape& rhs_shape, - TensorShape& out_shape); - Status BinaryElementwiseBroadcastPrepare( const Tensor* lhs_tensor, const Tensor* rhs_tensor, diff --git a/onnxruntime/core/providers/cuda/math/variadic_elementwise_ops.cc b/onnxruntime/core/providers/cuda/math/variadic_elementwise_ops.cc index 69904edb8130b..f543ba9c975e1 100644 --- a/onnxruntime/core/providers/cuda/math/variadic_elementwise_ops.cc +++ b/onnxruntime/core/providers/cuda/math/variadic_elementwise_ops.cc @@ -2,6 +2,7 @@ // Licensed under the MIT License. #include "core/providers/shared_library/provider_api.h" +#include "core/providers/common.h" #include "core/providers/cuda/math/variadic_elementwise_ops.h" #include @@ -209,7 +210,7 @@ Status VariadicElementwiseOp TensorShape output_shape; TensorShape previous_output_shape = first_input_tensor.Shape(); for (int index = 1; index < input_count; index++) { - ORT_RETURN_IF_ERROR(ComputeOutputShape( + ORT_RETURN_IF_ERROR(ComputeBroadcastOutputShape( node_name, previous_output_shape, input_tensors[index].get().Shape(), output_shape)); previous_output_shape = output_shape; } diff --git a/onnxruntime/core/providers/cuda/tensor/expand.cc b/onnxruntime/core/providers/cuda/tensor/expand.cc index 806ecfa1aab17..60e219e6d03e6 100644 --- a/onnxruntime/core/providers/cuda/tensor/expand.cc +++ b/onnxruntime/core/providers/cuda/tensor/expand.cc @@ -95,7 +95,7 @@ Status Expand::ComputeInternal(OpKernelContext* ctx) const { TensorShapeVector output_dims{p_shape, p_shape + input_shape_tensor.Shape().Size()}; TensorShape output_shape(output_dims); - ORT_RETURN_IF_ERROR(ComputeOutputShape(Node().Name(), input_data_tensor.Shape(), output_dims, output_shape)); + ORT_RETURN_IF_ERROR(ComputeBroadcastOutputShape(Node().Name(), input_data_tensor.Shape(), output_dims, output_shape)); auto& output_tensor = *ctx->Output(0, output_shape); if (0 == output_shape.Size()) { return Status::OK(); @@ -202,7 +202,7 @@ std::unique_ptr FuncExpand( TensorShape output_shape(output_dims); ORT_ENFORCE( - ComputeOutputShape( + ComputeBroadcastOutputShape( cuda_kernel->Node().Name(), input_data_tensor->Shape(), output_dims, output_shape) diff --git a/onnxruntime/core/providers/cuda/tensor/expand.h b/onnxruntime/core/providers/cuda/tensor/expand.h index a0b12790017f6..133d17fc78ac0 100644 --- a/onnxruntime/core/providers/cuda/tensor/expand.h +++ b/onnxruntime/core/providers/cuda/tensor/expand.h @@ -14,12 +14,6 @@ class Expand final : public CudaKernel { Status ComputeInternal(OpKernelContext* context) const override; }; -Status ComputeOutputShape( - const std::string& node_name, - const TensorShape& lhs_shape, - const TensorShape& rhs_shape, - TensorShape& out_shape); - Status FuncExpand( const CudaKernel* cuda_kernel, OpKernelContext* ctx, From dd2425932d692f06587904055234f5c68bbd9c48 Mon Sep 17 00:00:00 2001 From: Yueqing Zhang Date: Wed, 4 Sep 2024 00:42:01 -0500 Subject: [PATCH 045/119] [VitisAI] Fix model path (#21911) ### Description Change the .data path so it is on the same path as the model path. ### Motivation and Context This would fix the issue if a model has .data file, the executable can't read the data if the model is in another directory. --- onnxruntime/core/providers/vitisai/imp/tensor_proto.cc | 6 ++++-- onnxruntime/core/providers/vitisai/imp/tensor_proto.h | 2 +- .../core/providers/vitisai/include/vaip/vaip_ort_api.h | 3 ++- 3 files changed, 7 insertions(+), 4 deletions(-) diff --git a/onnxruntime/core/providers/vitisai/imp/tensor_proto.cc b/onnxruntime/core/providers/vitisai/imp/tensor_proto.cc index 930d23791b243..4b2b7610cf7ea 100644 --- a/onnxruntime/core/providers/vitisai/imp/tensor_proto.cc +++ b/onnxruntime/core/providers/vitisai/imp/tensor_proto.cc @@ -8,11 +8,13 @@ #include "./vai_assert.h" #include "core/providers/shared_library/provider_api.h" namespace vaip { -gsl::span tensor_proto_as_raw(const ONNX_NAMESPACE::TensorProto& tensor) { +using namespace onnxruntime; +gsl::span tensor_proto_as_raw(const onnxruntime::Graph& graph, const ONNX_NAMESPACE::TensorProto& tensor) { auto& mut_tensor = const_cast(tensor); if (!tensor.has_raw_data()) { std::vector unpacked_tensor; - auto s = onnxruntime::utils::UnpackInitializerData(tensor, std::filesystem::path(), unpacked_tensor); + auto path = graph.ModelPath(); + auto s = onnxruntime::utils::UnpackInitializerData(tensor, path, unpacked_tensor); vai_assert(s.IsOK(), s.ErrorMessage()); mut_tensor.mutable_raw_data()->resize(unpacked_tensor.size()); mut_tensor.clear_float_data(); diff --git a/onnxruntime/core/providers/vitisai/imp/tensor_proto.h b/onnxruntime/core/providers/vitisai/imp/tensor_proto.h index 417f9d2f4bf31..618d9c4728e2f 100644 --- a/onnxruntime/core/providers/vitisai/imp/tensor_proto.h +++ b/onnxruntime/core/providers/vitisai/imp/tensor_proto.h @@ -6,7 +6,7 @@ #include "vaip/dll_safe.h" namespace vaip { -gsl::span tensor_proto_as_raw(const ONNX_NAMESPACE::TensorProto& tensor); +gsl::span tensor_proto_as_raw(const onnxruntime::Graph& graph, const ONNX_NAMESPACE::TensorProto& tensor); vaip_core::DllSafe> tensor_proto_get_shape(const ONNX_NAMESPACE::TensorProto& tensor); const std::string& tensor_proto_get_name(const ONNX_NAMESPACE::TensorProto& tensor); ONNX_NAMESPACE::TensorProto* tensor_proto_new_i8(const std::string& name, const std::vector& shape, diff --git a/onnxruntime/core/providers/vitisai/include/vaip/vaip_ort_api.h b/onnxruntime/core/providers/vitisai/include/vaip/vaip_ort_api.h index db70ef0cc17d5..a75c5553c7b3b 100644 --- a/onnxruntime/core/providers/vitisai/include/vaip/vaip_ort_api.h +++ b/onnxruntime/core/providers/vitisai/include/vaip/vaip_ort_api.h @@ -13,7 +13,7 @@ struct OrtApi; namespace vaip_core { -#define VAIP_ORT_API_MAJOR (8u) +#define VAIP_ORT_API_MAJOR (9u) #define VAIP_ORT_API_MINOR (0u) #define VAIP_ORT_API_PATCH (0u) struct OrtApiForVaip { @@ -193,6 +193,7 @@ struct OrtApiForVaip { const TensorProto& tensor_proto); // [77] size_t (*tensor_proto_raw_data_size)(const TensorProto& tensor); // [78] gsl::span (*tensor_proto_as_raw)( + const Graph& graph, const TensorProto& tensor); // [79] DllSafe (*get_lib_id)(); // [80] From d4290f6e7fdca7f4fe7e71ef005b94d91c72082a Mon Sep 17 00:00:00 2001 From: Chen Feiyue <69809761+chenfeiyue-cfy@users.noreply.github.com> Date: Wed, 4 Sep 2024 13:54:43 +0800 Subject: [PATCH 046/119] Update vsinpu ep cross-compiling patch (#21963) - Block the bf16 && ummla gemm functions because we cannot support these features yet --- .../vsinpu/patches/mlas_crosscompiling.patch | 218 +++++++++++++++++- 1 file changed, 216 insertions(+), 2 deletions(-) diff --git a/onnxruntime/core/providers/vsinpu/patches/mlas_crosscompiling.patch b/onnxruntime/core/providers/vsinpu/patches/mlas_crosscompiling.patch index b089818f82966..45de47f3e5128 100644 --- a/onnxruntime/core/providers/vsinpu/patches/mlas_crosscompiling.patch +++ b/onnxruntime/core/providers/vsinpu/patches/mlas_crosscompiling.patch @@ -1,5 +1,5 @@ diff --git a/cmake/onnxruntime_mlas.cmake b/cmake/onnxruntime_mlas.cmake -index 66f4aea606..481109e560 100644 +index c02ac2096d..2bc51298f0 100644 --- a/cmake/onnxruntime_mlas.cmake +++ b/cmake/onnxruntime_mlas.cmake @@ -361,7 +361,7 @@ else() @@ -12,7 +12,7 @@ index 66f4aea606..481109e560 100644 ${mlas_platform_srcs} ${MLAS_SRC_DIR}/aarch64/HalfGemmKernelNeon.S diff --git a/onnxruntime/core/mlas/inc/mlas.h b/onnxruntime/core/mlas/inc/mlas.h -index 675f7c7a13..eb7ed77911 100644 +index e46105324a..414c46a1ce 100644 --- a/onnxruntime/core/mlas/inc/mlas.h +++ b/onnxruntime/core/mlas/inc/mlas.h @@ -82,6 +82,9 @@ Abstract: @@ -33,3 +33,217 @@ index 675f7c7a13..eb7ed77911 100644 #endif // #endif // ARM64 #endif // Visual Studio 16 or earlier does not support fp16 intrinsic +@@ -1635,6 +1639,7 @@ MlasHalfGemmConvertPackB( + ); + + #if defined(__aarch64__) && defined(__linux__) ++#if !defined(USE_VSINPU) + /** + * @brief Whether current CPU supports Bfloat16(bf16) acceleration. + */ +@@ -1746,6 +1751,7 @@ MlasSBGemmPackBSize(size_t N, size_t K); + void MLASCALL + MlasSBGemmConvertPackB(size_t N, size_t K, const float* B, size_t ldb, void* PackedB); + #endif ++#endif + + /** + * @brief Indirect Depthwise convolution for fp16 +diff --git a/onnxruntime/core/mlas/lib/mlasi.h b/onnxruntime/core/mlas/lib/mlasi.h +index 4239e2ecae..3df7e5573d 100644 +--- a/onnxruntime/core/mlas/lib/mlasi.h ++++ b/onnxruntime/core/mlas/lib/mlasi.h +@@ -361,6 +361,7 @@ size_t + #else + + #if defined(__aarch64__) && defined(__linux__) ++#if !defined(USE_VSINPU) + typedef size_t(MLASCALL MLAS_SBGEMM_FLOAT_KERNEL)( + const float* A, + const bfloat16_t* B, +@@ -373,6 +374,7 @@ typedef size_t(MLASCALL MLAS_SBGEMM_FLOAT_KERNEL)( + const float* Bias + ); + #endif ++#endif + + typedef + size_t +@@ -763,8 +765,10 @@ extern "C" { + MLAS_GEMM_FLOAT_KERNEL MlasSgemmKernelZero; + MLAS_GEMM_FLOAT_KERNEL MlasSgemmKernelAdd; + #if defined(__aarch64__) && defined(__linux__) ++#if !defined(USE_VSINPU) + MLAS_SBGEMM_FLOAT_KERNEL MlasSbgemmKernelZero; + MLAS_SBGEMM_FLOAT_KERNEL MlasSbgemmKernelAdd; ++#endif + #endif + MLAS_GEMM_DOUBLE_KERNEL MlasDgemmKernelZero; + MLAS_GEMM_DOUBLE_KERNEL MlasDgemmKernelAdd; +@@ -899,8 +903,10 @@ extern "C" { + #define MLAS_QGEMM_THREAD_COMPLEXITY 65536 + + #if defined(__aarch64__) && defined(__linux__) ++#if !defined(USE_VSINPU) + #define MLAS_SBGEMM_THREAD_COMPLEXITY (size_t(64) * size_t(1024)) + #endif ++#endif + + // + // Single-threaded single precision matrix/matrix multiply operation. +@@ -2570,4 +2576,3 @@ MlasPackInt4Elements(uint8_t* Output, UnpackedType ValueLow, UnpackedType ValueH + static_assert(std::is_same_v || std::is_same_v); + *Output = static_cast(((ValueHigh & 0xF) << 4) | (ValueLow & 0xF)); + } +- +diff --git a/onnxruntime/core/mlas/lib/platform.cpp b/onnxruntime/core/mlas/lib/platform.cpp +index ed437f20f7..8c9d0a75fd 100644 +--- a/onnxruntime/core/mlas/lib/platform.cpp ++++ b/onnxruntime/core/mlas/lib/platform.cpp +@@ -20,7 +20,7 @@ Abstract: + #include + #include + +-#if defined(MLAS_TARGET_POWER) ++#if defined(MLAS_TARGET_POWER) + #if defined(__linux__) + #include + #elif defined(_AIX) +@@ -536,7 +536,7 @@ Return Value: + this->SQNBitGemmDispatch = &MlasSQNBitGemmDispatchNeon; + } + +-#if defined(__linux__) ++#if defined(__linux__) && !defined(USE_VSINPU) + // + // Check if the processor supports ASIMD I8MM instructions. + // +diff --git a/onnxruntime/core/mlas/lib/sbgemm.h b/onnxruntime/core/mlas/lib/sbgemm.h +index de7fd72fad..4f75dbd6fa 100644 +--- a/onnxruntime/core/mlas/lib/sbgemm.h ++++ b/onnxruntime/core/mlas/lib/sbgemm.h +@@ -31,6 +31,7 @@ Abstract: + --*/ + + #if defined(__aarch64__) && defined(__linux__) ++#if !defined(USE_VSINPU) + + #pragma once + +@@ -396,4 +397,5 @@ MlasSBGemmBatch(const size_t M, const size_t N, const size_t K, const size_t Bat + } + ); + } ++#endif + #endif // defined(__aarch64__) && defined(__linux__) +diff --git a/onnxruntime/core/providers/cpu/math/matmul.cc b/onnxruntime/core/providers/cpu/math/matmul.cc +index 6a71283f9d..d8bd348854 100644 +--- a/onnxruntime/core/providers/cpu/math/matmul.cc ++++ b/onnxruntime/core/providers/cpu/math/matmul.cc +@@ -132,7 +132,7 @@ Status MatMul::Compute(OpKernelContext* ctx) const { + + return Status::OK(); + } +-#if defined(__aarch64__) && defined(__linux__) ++#if defined(__aarch64__) && defined(__linux__) && !defined(USE_VSINPU) + bool GemmPackBBfloat16(AllocatorPtr& alloc, + const Tensor& tensor_b, + bool trans_b, +@@ -180,6 +180,7 @@ Status MatMul::PrePack(const Tensor& tensor, int input_idx, /*out*/ Alloc + if (input_idx == 1) { + size_t packed_b_size; + #if defined(__aarch64__) && defined(__linux__) ++#if !defined(USE_VSINPU) + size_t dim1 = 0; + size_t dim2 = 0; + TensorShape b_shape = tensor.Shape(); +@@ -192,6 +193,7 @@ Status MatMul::PrePack(const Tensor& tensor, int input_idx, /*out*/ Alloc + if (use_fastmath_mode_ && (trans_b_attr_ == 0) && ((dim1 * dim2) >= kFastMathModeKernelsizeThreshold)) { + is_packed = GemmPackBBfloat16(alloc, tensor, trans_b_attr_ != 0, packed_b_, packed_b_size, b_shape_); + } else ++#endif + #endif + { + is_packed = GemmPackBFp32(alloc, tensor, trans_b_attr_ != 0, packed_b_, packed_b_size, b_shape_); +@@ -257,6 +259,7 @@ Status MatMul::Compute(OpKernelContext* ctx) const { + const size_t lda = helper.Lda(trans_a); + const size_t ldb = helper.Ldb(trans_b); + #if defined(__aarch64__) && defined(__linux__) ++#if !defined(USE_VSINPU) + if (use_fastmath_mode_ && !trans_b && ((N * K) >= kFastMathModeKernelsizeThreshold)) { + std::vector data(max_len); + for (size_t i = 0; i < max_len; i++) { +@@ -273,6 +276,7 @@ Status MatMul::Compute(OpKernelContext* ctx) const { + } + MlasSBGemmBatch(M, N, K, max_len, data.data(), thread_pool); + } else ++#endif + #endif + { + std::vector data(max_len); +diff --git a/onnxruntime/core/providers/cpu/math/matmul.h b/onnxruntime/core/providers/cpu/math/matmul.h +index b9bbe36583..2f570502d2 100644 +--- a/onnxruntime/core/providers/cpu/math/matmul.h ++++ b/onnxruntime/core/providers/cpu/math/matmul.h +@@ -31,8 +31,10 @@ class MatMul final : public OpKernel { + trans_batch_b_ = trans_batch_b_attr != 0; + + #if defined(__aarch64__) && defined(__linux__) ++#if !defined(USE_VSINPU) + auto config_ops = info.GetConfigOptions().GetConfigEntry(kOrtSessionOptionsMlasGemmFastMathArm64Bfloat16); + use_fastmath_mode_ = (config_ops == "1") && MlasBf16AccelerationSupported(); ++#endif + #endif + } + +@@ -57,12 +59,14 @@ class MatMul final : public OpKernel { + bool trans_batch_b_; + + #if defined(__aarch64__) && defined(__linux__) ++#if !defined(USE_VSINPU) + // fastmath mode state + bool use_fastmath_mode_; + // sbgemm kernel is implemented as 8x8 blocks with weights pre-packed to 4 blocks of 4x2 + // so a minimum of 32 elements is defined to outweigh the additional prepacking overhead + const size_t kFastMathModeKernelsizeThreshold = 32; + #endif ++#endif + }; + + } // namespace onnxruntime +diff --git a/onnxruntime/test/mlas/unittest/test_sbgemm.cpp b/onnxruntime/test/mlas/unittest/test_sbgemm.cpp +index f85fe97776..6039b7fa9e 100644 +--- a/onnxruntime/test/mlas/unittest/test_sbgemm.cpp ++++ b/onnxruntime/test/mlas/unittest/test_sbgemm.cpp +@@ -16,6 +16,7 @@ Abstract: + --*/ + + #if defined(__aarch64__) && defined(__linux__) ++#if !defined(USE_VSINPU) + + #include "test_sbgemm.h" + +@@ -138,4 +139,5 @@ static UNUSED_VARIABLE bool added_to_main = AddTestRegister([](bool is_short_exe + } + return SBGemmRegistLongExecute() > 0; + }); ++#endif + #endif // defined(__aarch64__) && defined(__linux__) +diff --git a/onnxruntime/test/mlas/unittest/test_sbgemm.h b/onnxruntime/test/mlas/unittest/test_sbgemm.h +index 13701e2e3d..7e432f53c2 100644 +--- a/onnxruntime/test/mlas/unittest/test_sbgemm.h ++++ b/onnxruntime/test/mlas/unittest/test_sbgemm.h +@@ -16,6 +16,7 @@ Abstract: + --*/ + + #if defined(__aarch64__) && defined(__linux__) ++#if !defined(USE_VSINPU) + + #pragma once + +@@ -278,4 +279,5 @@ class MlasSBGemmTest : public MlasTestBase { + } + }; + ++#endif + #endif // defined(__aarch64__) && defined(__linux__) From cbf3c50d75e4d8a6b446e129e9590733ef8c5888 Mon Sep 17 00:00:00 2001 From: Edward Chen <18449977+edgchen1@users.noreply.github.com> Date: Wed, 4 Sep 2024 08:41:07 -0700 Subject: [PATCH 047/119] Improve stability of Android ReactNative E2E test (#21969) - Remove redundant `OnnxruntimeModuleExampleE2ETest CheckOutputComponentExists` test - Attempt to close any Application Not Responding (ANR) dialog prior to running Android test - Add `--take-screenshots failing` option to detox test commands to save screenshots on failure --- .../reactnativeonnxruntimemodule/DetoxTest.java | 8 +++++++- .../e2e/test/OnnxruntimeModuleExample.test.js | 8 -------- .../azure-pipelines/templates/react-native-ci.yml | 10 ++++++++-- 3 files changed, 15 insertions(+), 11 deletions(-) diff --git a/js/react_native/e2e/android/app/src/androidTest/java/com/example/reactnativeonnxruntimemodule/DetoxTest.java b/js/react_native/e2e/android/app/src/androidTest/java/com/example/reactnativeonnxruntimemodule/DetoxTest.java index 2a2bc7e33ff61..9425e1365fedf 100644 --- a/js/react_native/e2e/android/app/src/androidTest/java/com/example/reactnativeonnxruntimemodule/DetoxTest.java +++ b/js/react_native/e2e/android/app/src/androidTest/java/com/example/reactnativeonnxruntimemodule/DetoxTest.java @@ -4,6 +4,8 @@ package com.example.reactnativeonnxruntimemodule; +import android.content.Intent; + import com.wix.detox.Detox; import com.wix.detox.config.DetoxConfig; @@ -11,6 +13,7 @@ import org.junit.Test; import org.junit.runner.RunWith; +import androidx.test.core.app.ApplicationProvider; import androidx.test.ext.junit.runners.AndroidJUnit4; import androidx.test.filters.LargeTest; import androidx.test.rule.ActivityTestRule; @@ -23,6 +26,9 @@ public class DetoxTest { @Test public void runDetoxTests() { + // try to close any existing ANR dialog which will interfere with the UI tests + ApplicationProvider.getApplicationContext().sendBroadcast(new Intent(Intent.ACTION_CLOSE_SYSTEM_DIALOGS)); + DetoxConfig detoxConfig = new DetoxConfig(); detoxConfig.idlePolicyConfig.masterTimeoutSec = 90; detoxConfig.idlePolicyConfig.idleResourceTimeoutSec = 60; @@ -30,4 +36,4 @@ public void runDetoxTests() { Detox.runTests(mActivityRule, detoxConfig); } -} \ No newline at end of file +} diff --git a/js/react_native/e2e/test/OnnxruntimeModuleExample.test.js b/js/react_native/e2e/test/OnnxruntimeModuleExample.test.js index 2e8a7446b6330..0141659e95c9c 100644 --- a/js/react_native/e2e/test/OnnxruntimeModuleExample.test.js +++ b/js/react_native/e2e/test/OnnxruntimeModuleExample.test.js @@ -8,14 +8,6 @@ describe('OnnxruntimeModuleExample', () => { await device.launchApp(); }); - beforeEach(async () => { - await device.launchApp({ newInstance: true }); - }); - - it('OnnxruntimeModuleExampleE2ETest CheckOutputComponentExists', async () => { - await element(by.label('output')); - }); - it('OnnxruntimeModuleExampleE2ETest CheckInferenceResultValueIsCorrect', async () => { if (device.getPlatform() === 'ios') { await expect(element(by.label('output')).atIndex(1)).toHaveText('Result: 3'); diff --git a/tools/ci_build/github/azure-pipelines/templates/react-native-ci.yml b/tools/ci_build/github/azure-pipelines/templates/react-native-ci.yml index 3a3868f223599..caf45fc51053e 100644 --- a/tools/ci_build/github/azure-pipelines/templates/react-native-ci.yml +++ b/tools/ci_build/github/azure-pipelines/templates/react-native-ci.yml @@ -267,7 +267,10 @@ stages: - script: | JEST_JUNIT_OUTPUT_FILE=$(Build.SourcesDirectory)/js/react_native/e2e/android-test-results.xml \ - detox test --record-logs all --configuration android.emu.release --loglevel trace + detox test --record-logs all \ + --configuration android.emu.release \ + --loglevel trace \ + --take-screenshots failing workingDirectory: '$(Build.SourcesDirectory)/js/react_native/e2e' displayName: Run React Native Detox Android e2e Tests @@ -318,7 +321,10 @@ stages: - script: | JEST_JUNIT_OUTPUT_FILE=$(Build.SourcesDirectory)/js/react_native/e2e/ios-test-results.xml \ - detox test --record-logs all --configuration ios.sim.release --loglevel trace + detox test --record-logs all \ + --configuration ios.sim.release \ + --loglevel trace \ + --take-screenshots failing workingDirectory: '$(Build.SourcesDirectory)/js/react_native/e2e' displayName: Run React Native Detox iOS e2e Tests From bf8a8e7e36dd9b26e9830764dc045666570849e3 Mon Sep 17 00:00:00 2001 From: zz002 Date: Thu, 5 Sep 2024 01:29:17 +0800 Subject: [PATCH 048/119] [VitisAI] Bug fixes in model_clone (#21950) ### Description VitisAI bug fixes in model clone ### Motivation and Context Co-authored-by: Zhenze Wang --- .../core/providers/shared_library/provider_interfaces.h | 1 + .../core/providers/shared_library/provider_wrappedtypes.h | 1 + onnxruntime/core/providers/vitisai/imp/graph.cc | 6 +++++- onnxruntime/core/session/provider_bridge_ort.cc | 1 + 4 files changed, 8 insertions(+), 1 deletion(-) diff --git a/onnxruntime/core/providers/shared_library/provider_interfaces.h b/onnxruntime/core/providers/shared_library/provider_interfaces.h index 95b5fe849a591..4f062efb09e7f 100644 --- a/onnxruntime/core/providers/shared_library/provider_interfaces.h +++ b/onnxruntime/core/providers/shared_library/provider_interfaces.h @@ -953,6 +953,7 @@ struct ProviderHost { virtual const Node* Graph__GetNode(const Graph* p, NodeIndex node_index) const = 0; virtual const NodeArg* Graph__GetNodeArg(const Graph* p, const std::string& name) const = 0; virtual IOnnxRuntimeOpSchemaCollectionPtr Graph__GetSchemaRegistry(const Graph* p) const = 0; + virtual bool Graph__SetOpSchemaFromRegistryForNode(Graph* p, Node& node) = 0; // GraphViewer virtual void GraphViewer__operator_delete(GraphViewer* p) = 0; diff --git a/onnxruntime/core/providers/shared_library/provider_wrappedtypes.h b/onnxruntime/core/providers/shared_library/provider_wrappedtypes.h index 5b052bdc243b2..63ef36b0a7942 100644 --- a/onnxruntime/core/providers/shared_library/provider_wrappedtypes.h +++ b/onnxruntime/core/providers/shared_library/provider_wrappedtypes.h @@ -1013,6 +1013,7 @@ struct Graph final { Node* GetNode(NodeIndex node_index) noexcept { return g_host->Graph__GetNode(this, node_index); } const NodeArg* GetNodeArg(const std::string& name) const { return g_host->Graph__GetNodeArg(this, name); } IOnnxRuntimeOpSchemaCollectionPtr GetSchemaRegistry() const { return g_host->Graph__GetSchemaRegistry(this); } + bool SetOpSchemaFromRegistryForNode(Node& node) { return g_host->Graph__SetOpSchemaFromRegistryForNode(this, node); } PROVIDER_DISALLOW_ALL(Graph) }; diff --git a/onnxruntime/core/providers/vitisai/imp/graph.cc b/onnxruntime/core/providers/vitisai/imp/graph.cc index 683a7c6e2aed7..191d26f3ab269 100644 --- a/onnxruntime/core/providers/vitisai/imp/graph.cc +++ b/onnxruntime/core/providers/vitisai/imp/graph.cc @@ -221,7 +221,11 @@ Model* model_clone(const Model& original_model, int64_t external_data_threshold) } } auto ret = Model::Create(std::move(*model_proto), file_path, &local_registries, logger); - auto status = ret->MainGraph().Resolve(); + auto& graph = ret->MainGraph(); + for (auto node : graph.Nodes()) { + graph.SetOpSchemaFromRegistryForNode(*graph.GetNode(node->Index())); + } + auto status = graph.Resolve(); vai_assert(status.IsOK(), status.ErrorMessage()); return ret.release(); } diff --git a/onnxruntime/core/session/provider_bridge_ort.cc b/onnxruntime/core/session/provider_bridge_ort.cc index 1cb39f0521141..8e807c375143e 100644 --- a/onnxruntime/core/session/provider_bridge_ort.cc +++ b/onnxruntime/core/session/provider_bridge_ort.cc @@ -1143,6 +1143,7 @@ struct ProviderHostImpl : ProviderHost { const Node* Graph__GetNode(const Graph* p, NodeIndex node_index) const override { return p->GetNode(node_index); } const NodeArg* Graph__GetNodeArg(const Graph* p, const std::string& name) const override { return p->GetNodeArg(name); } IOnnxRuntimeOpSchemaCollectionPtr Graph__GetSchemaRegistry(const Graph* p) const override { return p->GetSchemaRegistry(); } + bool Graph__SetOpSchemaFromRegistryForNode(Graph* p, Node& node) override { return p->SetOpSchemaFromRegistryForNode(node); } // GraphViewer (wrapped) void GraphViewer__operator_delete(GraphViewer* p) override { delete p; } From 9031112c8e0834db6cabea820b8b81c594f4c4fe Mon Sep 17 00:00:00 2001 From: Yueqing Zhang Date: Wed, 4 Sep 2024 13:13:35 -0500 Subject: [PATCH 049/119] [VitisAI] add registered custom op for perf test (#21336) ### Description Register for custom op when testing the performance ### Motivation and Context This is needed for providers to test their implementation --- onnxruntime/test/perftest/command_args_parser.cc | 6 +++++- onnxruntime/test/perftest/ort_test_session.cc | 4 ++++ onnxruntime/test/perftest/test_configuration.h | 1 + 3 files changed, 10 insertions(+), 1 deletion(-) diff --git a/onnxruntime/test/perftest/command_args_parser.cc b/onnxruntime/test/perftest/command_args_parser.cc index 84c3bc16346f3..7d06bbadbd645 100644 --- a/onnxruntime/test/perftest/command_args_parser.cc +++ b/onnxruntime/test/perftest/command_args_parser.cc @@ -144,6 +144,7 @@ namespace perftest { "\t-Z [Force thread to stop spinning between runs]: disallow thread from spinning during runs to reduce cpu usage.\n" "\t-n [Exit after session creation]: allow user to measure session creation time to measure impact of enabling any initialization optimizations.\n" "\t-l Provide file as binary in memory by using fopen before session creation.\n" + "\t-R [Register custom op]: allow user to register custom op by .so or .dll file.\n" "\t-h: help\n"); } #ifdef _WIN32 @@ -206,7 +207,7 @@ static bool ParseSessionConfigs(const std::string& configs_string, /*static*/ bool CommandLineParser::ParseArguments(PerformanceTestConfig& test_config, int argc, ORTCHAR_T* argv[]) { int ch; - while ((ch = getopt(argc, argv, ORT_TSTR("m:e:r:t:p:x:y:c:d:o:u:i:f:F:S:T:C:AMPIDZvhsqznl"))) != -1) { + while ((ch = getopt(argc, argv, ORT_TSTR("m:e:r:t:p:x:y:c:d:o:u:i:f:F:S:T:C:AMPIDZvhsqznlR:"))) != -1) { switch (ch) { case 'f': { std::basic_string dim_name; @@ -393,6 +394,9 @@ static bool ParseSessionConfigs(const std::string& configs_string, case 'l': test_config.model_info.load_via_path = true; break; + case 'R': + test_config.run_config.register_custom_op_path = optarg; + break; case '?': case 'h': default: diff --git a/onnxruntime/test/perftest/ort_test_session.cc b/onnxruntime/test/perftest/ort_test_session.cc index fc1bdb10d7453..6fb999b3efc07 100644 --- a/onnxruntime/test/perftest/ort_test_session.cc +++ b/onnxruntime/test/perftest/ort_test_session.cc @@ -636,6 +636,10 @@ select from 'TF8', 'TF16', 'UINT8', 'FLOAT', 'ITENSOR'. \n)"); session_options.AddConfigEntry(kOrtSessionOptionsConfigForceSpinningStop, "1"); } + if (!performance_test_config.run_config.register_custom_op_path.empty()) { + session_options.RegisterCustomOpsLibrary(performance_test_config.run_config.register_custom_op_path.c_str()); + } + if (performance_test_config.run_config.execution_mode == ExecutionMode::ORT_PARALLEL && performance_test_config.run_config.inter_op_num_threads > 0) { fprintf(stdout, "Setting inter_op_num_threads to %d\n", performance_test_config.run_config.inter_op_num_threads); session_options.SetInterOpNumThreads(performance_test_config.run_config.inter_op_num_threads); diff --git a/onnxruntime/test/perftest/test_configuration.h b/onnxruntime/test/perftest/test_configuration.h index 209fb55fe93d4..90759a4d2f65a 100644 --- a/onnxruntime/test/perftest/test_configuration.h +++ b/onnxruntime/test/perftest/test_configuration.h @@ -65,6 +65,7 @@ struct RunConfig { bool disable_spinning = false; bool disable_spinning_between_run = false; bool exit_after_session_creation = false; + std::basic_string register_custom_op_path; }; struct PerformanceTestConfig { From 190588bb64c1b68866ab8c58e3d8f43cf7f8c2e7 Mon Sep 17 00:00:00 2001 From: Hector Li Date: Wed, 4 Sep 2024 11:20:33 -0700 Subject: [PATCH 050/119] Enable QNN weight sharing (#21077) ### Description Enable QNN weight sharing across graphs in single context Create tool to generate QNN context cache model with weight sharing enabled. --- cmake/onnxruntime_unittests.cmake | 31 ++ .../core/session/onnxruntime_c_api.h | 3 + .../onnxruntime_session_options_config_keys.h | 3 + .../qnn/builder/onnx_ctx_model_helper.cc | 33 +- .../qnn/builder/onnx_ctx_model_helper.h | 11 +- .../qnn/builder/qnn_backend_manager.cc | 35 +- .../qnn/builder/qnn_backend_manager.h | 8 +- .../core/providers/qnn/builder/qnn_model.cc | 2 +- .../core/providers/qnn/builder/qnn_model.h | 2 +- .../providers/qnn/qnn_execution_provider.cc | 129 ++++++- .../providers/qnn/qnn_execution_provider.h | 57 ++++ onnxruntime/test/perftest/ort_test_session.cc | 2 +- .../test/providers/qnn/qnn_ep_context_test.cc | 319 ++++++++++++++++++ onnxruntime/test/qnn_ctx_gen/README.md | 31 ++ .../test/qnn_ctx_gen/command_args_parser.cc | 187 ++++++++++ .../test/qnn_ctx_gen/command_args_parser.h | 19 ++ onnxruntime/test/qnn_ctx_gen/main.cc | 227 +++++++++++++ .../test/qnn_ctx_gen/test_configuration.h | 29 ++ 18 files changed, 1078 insertions(+), 50 deletions(-) create mode 100644 onnxruntime/test/qnn_ctx_gen/README.md create mode 100644 onnxruntime/test/qnn_ctx_gen/command_args_parser.cc create mode 100644 onnxruntime/test/qnn_ctx_gen/command_args_parser.h create mode 100644 onnxruntime/test/qnn_ctx_gen/main.cc create mode 100644 onnxruntime/test/qnn_ctx_gen/test_configuration.h diff --git a/cmake/onnxruntime_unittests.cmake b/cmake/onnxruntime_unittests.cmake index b9d4e1968b8c6..58dd08f15f4e2 100644 --- a/cmake/onnxruntime_unittests.cmake +++ b/cmake/onnxruntime_unittests.cmake @@ -1262,6 +1262,37 @@ if (NOT onnxruntime_ENABLE_TRAINING_TORCH_INTEROP) endif() endif() endif() + + + if(onnxruntime_USE_QNN) + #qnn ctx generator + set(onnxruntime_qnn_ctx_gen_src_dir ${TEST_SRC_DIR}/qnn_ctx_gen) + set(onnxruntime_qnn_ctx_gen_src_patterns + "${onnxruntime_qnn_ctx_gen_src_dir}/*.cc" + "${onnxruntime_qnn_ctx_gen_src_dir}/*.h") + + file(GLOB onnxruntime_qnn_ctx_gen_src CONFIGURE_DEPENDS + ${onnxruntime_qnn_ctx_gen_src_patterns} + ) + onnxruntime_add_executable(onnxruntime_qnn_ctx_gen ${onnxruntime_qnn_ctx_gen_src}) + target_include_directories(onnxruntime_qnn_ctx_gen PRIVATE ${onnx_test_runner_src_dir} ${ONNXRUNTIME_ROOT} + ${eigen_INCLUDE_DIRS} ${onnxruntime_graph_header} ${onnxruntime_exec_src_dir} + ${CMAKE_CURRENT_BINARY_DIR}) + if (WIN32) + target_compile_options(onnxruntime_qnn_ctx_gen PRIVATE ${disabled_warnings}) + if (NOT DEFINED SYS_PATH_LIB) + set(SYS_PATH_LIB shlwapi) + endif() + endif() + + if(WIN32) + target_link_libraries(onnxruntime_qnn_ctx_gen PRIVATE debug dbghelp advapi32) + endif() + target_link_libraries(onnxruntime_qnn_ctx_gen PRIVATE onnx_test_runner_common onnxruntime_test_utils onnxruntime_common onnxruntime_graph onnxruntime_session onnxruntime_providers onnxruntime_framework onnxruntime_util onnxruntime_mlas onnxruntime_optimizer onnxruntime_flatbuffers onnx_test_data_proto ${onnxruntime_test_providers_libs} ${onnxruntime_EXTERNAL_LIBRARIES} ${GETOPT_LIB_WIDE} ${SYS_PATH_LIB} ${CMAKE_DL_LIBS}) + + set_target_properties(onnxruntime_qnn_ctx_gen PROPERTIES FOLDER "ONNXRuntimeTest") + endif() + # shared lib if (onnxruntime_BUILD_SHARED_LIB) onnxruntime_add_static_library(onnxruntime_mocked_allocator ${TEST_SRC_DIR}/util/test_allocator.cc) diff --git a/include/onnxruntime/core/session/onnxruntime_c_api.h b/include/onnxruntime/core/session/onnxruntime_c_api.h index 4674db42fb1c9..a4ec66761c4ba 100644 --- a/include/onnxruntime/core/session/onnxruntime_c_api.h +++ b/include/onnxruntime/core/session/onnxruntime_c_api.h @@ -3654,6 +3654,9 @@ struct OrtApi { Enable the float32 model to be inferenced with fp16 precision. Otherwise, it will be fp32 precision. - "0": Default. With fp32 precision. - "1": With fp16 precision. + "enable_htp_weight_sharing": Enable QNN weight sharing feature while compiling multiple graphs into one QNN context. + - "0": Default. Disabled. + - "1": Enabled. * * SNPE supported keys: * "runtime": SNPE runtime engine, options: "CPU", "CPU_FLOAT32", "GPU", "GPU_FLOAT32_16_HYBRID", "GPU_FLOAT16", diff --git a/include/onnxruntime/core/session/onnxruntime_session_options_config_keys.h b/include/onnxruntime/core/session/onnxruntime_session_options_config_keys.h index 02dd622f42e88..b0539b78a69d1 100644 --- a/include/onnxruntime/core/session/onnxruntime_session_options_config_keys.h +++ b/include/onnxruntime/core/session/onnxruntime_session_options_config_keys.h @@ -269,6 +269,9 @@ static const char* const kOrtSessionOptionEpContextEmbedMode = "ep.context_embed // in case user need to merge/connect multiple EPContext nodes in one model static const char* const kOrtSessionOptionEpContextNodeNamePrefix = "ep.context_node_name_prefix"; +// Share EP related resources across EPs +static const char* const kOrtSessionOptionShareEpContexts = "ep.share_ep_contexts"; + // Gemm fastmath mode provides fp32 gemm acceleration with bfloat16 based matmul. // Option values: // - "0": Gemm FastMath mode is not enabled. [DEFAULT] diff --git a/onnxruntime/core/providers/qnn/builder/onnx_ctx_model_helper.cc b/onnxruntime/core/providers/qnn/builder/onnx_ctx_model_helper.cc index 4ed8d7d2d977f..8ba2c6170b96c 100644 --- a/onnxruntime/core/providers/qnn/builder/onnx_ctx_model_helper.cc +++ b/onnxruntime/core/providers/qnn/builder/onnx_ctx_model_helper.cc @@ -13,7 +13,8 @@ namespace onnxruntime { namespace qnn { bool GraphHasEpContextNode(const onnxruntime::GraphViewer& graph_viewer) { - // It's an Onnx model with Qnn context cache binary if it has a node with EPContext type and the source is QNN or QNNExecutionProvider. + // It's an Onnx model with Qnn context cache binary if it has a node with EPContext type + // and the source is QNN or QNNExecutionProvider. for (const auto& node : graph_viewer.Nodes()) { if (EPCONTEXT_OP == node.OpType()) { NodeAttrHelper node_helper(node); @@ -44,10 +45,7 @@ bool IsFusedGraphHasCtxNode(const std::vector& fused_nodes_and_graphs, - QnnBackendManager* qnn_backend_manager, - const logging::Logger& logger, - std::vector& main_context_pos, - std::unordered_map>& qnn_models) { + std::vector& main_context_pos) { for (size_t i = 0; i < fused_nodes_and_graphs.size(); ++i) { // Only EPContext nodes are filtered in // There is only one EPContext node in one filtered graph -- this is guaranteed by GetCapability @@ -55,8 +53,6 @@ Status GetMainContextNode(const std::vectorOpType(), "Should only filter in the EPContext node."); - qnn_models.emplace(ep_context_node->Name(), - std::make_unique(logger, qnn_backend_manager)); NodeAttrHelper node_helper(*ep_context_node); int64_t is_main_context = node_helper.Get(MAIN_CONTEXT, static_cast(0)); if (1 == is_main_context) { @@ -91,7 +87,8 @@ Status CreateNodeArgs(const std::vector& names, Status GetEpContextFromMainNode(const onnxruntime::Node& main_context_node, const onnxruntime::PathString& ctx_onnx_model_path, QnnBackendManager* qnn_backend_manager, - std::unordered_map>& qnn_models) { + const logging::Logger& logger, + QnnModelLookupTable& qnn_models) { ORT_RETURN_IF_NOT(EPCONTEXT_OP == main_context_node.OpType(), "Should only filter in the EPContext node."); NodeAttrHelper node_helper(main_context_node); bool is_embed_mode = node_helper.Get(EMBED_MODE, true); @@ -100,6 +97,7 @@ Status GetEpContextFromMainNode(const onnxruntime::Node& main_context_node, return qnn_backend_manager->LoadCachedQnnContextFromBuffer(const_cast(context_binary.c_str()), static_cast(context_binary.length()), main_context_node.Name(), + logger, qnn_models); } @@ -149,22 +147,23 @@ Status GetEpContextFromMainNode(const onnxruntime::Node& main_context_node, return qnn_backend_manager->LoadCachedQnnContextFromBuffer(buffer.get(), static_cast(buffer_size), main_context_node.Name(), + logger, qnn_models); } Status LoadQnnCtxFromOnnxGraph(const onnxruntime::GraphViewer& graph_viewer, const onnxruntime::PathString& ctx_onnx_model_path, QnnBackendManager* qnn_backend_manager, - std::unordered_map>& qnn_models, + QnnModelLookupTable& qnn_models, const logging::Logger& logger) { - for (const auto& ep_context_node : graph_viewer.Nodes()) { - Status status = GetEpContextFromMainNode(ep_context_node, ctx_onnx_model_path, qnn_backend_manager, qnn_models); + ORT_RETURN_IF(graph_viewer.NumberOfNodes() != 1, "One filtered graph should has only one EPContext node!"); + Status status = GetEpContextFromMainNode(*graph_viewer.Nodes().begin(), ctx_onnx_model_path, qnn_backend_manager, + logger, qnn_models); - // This is the protocol with customer that status with INVALID_GRAPH will be generated if failed to load context model - if (!status.IsOK()) { - LOGS(logger, ERROR) << "Failed to load from EpContext model. " << status.ErrorMessage(); - return ORT_MAKE_STATUS(ONNXRUNTIME, INVALID_GRAPH, "Failed to load from EpContext model. ", status.ErrorMessage()); - } + // This is the protocol with customer that status with INVALID_GRAPH will be generated if failed to load context model + if (!status.IsOK()) { + LOGS(logger, ERROR) << "Failed to load from EpContext model. " << status.ErrorMessage(); + return ORT_MAKE_STATUS(ONNXRUNTIME, INVALID_GRAPH, "Failed to load from EpContext model. ", status.ErrorMessage()); } return Status::OK(); @@ -197,7 +196,7 @@ Status CreateEPContextNodes(Model* model, uint64_t buffer_size, const std::string& sdk_build_version, const std::vector& fused_nodes_and_graphs, - const std::unordered_map>& qnn_models, + const QnnModelLookupTable& qnn_models, const onnxruntime::PathString& context_cache_path, bool qnn_context_embed_mode, const logging::Logger& logger) { diff --git a/onnxruntime/core/providers/qnn/builder/onnx_ctx_model_helper.h b/onnxruntime/core/providers/qnn/builder/onnx_ctx_model_helper.h index 304d49c4c8fa2..4ff7618b486e2 100644 --- a/onnxruntime/core/providers/qnn/builder/onnx_ctx_model_helper.h +++ b/onnxruntime/core/providers/qnn/builder/onnx_ctx_model_helper.h @@ -19,6 +19,7 @@ namespace qnn { class QnnModel; class QnnBackendManager; +using QnnModelLookupTable = std::unordered_map>; static const std::string EPCONTEXT_OP = "EPContext"; static const std::string MAIN_CONTEXT = "main_context"; @@ -33,10 +34,7 @@ bool GraphHasEpContextNode(const onnxruntime::GraphViewer& graph_viewer); bool IsFusedGraphHasCtxNode(const std::vector& fused_nodes_and_graphs); Status GetMainContextNode(const std::vector& fused_nodes_and_graphs, - QnnBackendManager* qnn_backend_manager, - const logging::Logger& logger, - std::vector& main_context_pos, - std::unordered_map>& qnn_models); + std::vector& main_context_pos); Status CreateNodeArgs(const std::vector& names, const std::unordered_map& tensor_info_table, @@ -51,12 +49,13 @@ bool ValidateContextCacheFilePath(bool is_qnn_ctx_model, Status GetEpContextFromMainNode(const onnxruntime::Node& main_context_node, const onnxruntime::PathString& ctx_onnx_model_path, QnnBackendManager* qnn_backend_manager, - std::unordered_map>& qnn_models); + const logging::Logger& logger, + QnnModelLookupTable& qnn_models); Status LoadQnnCtxFromOnnxGraph(const onnxruntime::GraphViewer& graph_viewer, const onnxruntime::PathString& ctx_onnx_model_path, QnnBackendManager* qnn_backend_manager, - std::unordered_map>& qnn_models, + QnnModelLookupTable& qnn_models, const logging::Logger& logger); Status CreateEPContextNodes(Model* model, diff --git a/onnxruntime/core/providers/qnn/builder/qnn_backend_manager.cc b/onnxruntime/core/providers/qnn/builder/qnn_backend_manager.cc index 0005869f13f66..dde70fdcbdaa6 100644 --- a/onnxruntime/core/providers/qnn/builder/qnn_backend_manager.cc +++ b/onnxruntime/core/providers/qnn/builder/qnn_backend_manager.cc @@ -13,6 +13,7 @@ // #include "GPU/QnnGpuCommon.h" #include "DSP/QnnDspCommon.h" #include "HTP/QnnHtpCommon.h" +#include "HTP/QnnHtpContext.h" #include #include "core/framework/endian_utils.h" #include "core/common/logging/capture.h" @@ -208,6 +209,7 @@ Status QnnBackendManager::LoadQnnSystemLib() { #else std::string system_lib_file = "libQnnSystem.so"; #endif // #ifdef _WIN32 + LOGS_DEFAULT(INFO) << "Loading QnnSystem lib"; std::filesystem::path lib_file_path(backend_path_.c_str()); std::string sys_file_path(lib_file_path.remove_filename().string() + system_lib_file); QnnSystemInterface_t* system_interface_provider{nullptr}; @@ -520,9 +522,18 @@ Status QnnBackendManager::CreateContext() { return Status::OK(); } - QnnContext_Config_t qnn_context_config = QNN_CONTEXT_CONFIG_INIT; - ORT_RETURN_IF_ERROR(SetQnnContextConfig(context_priority_, qnn_context_config)); - const QnnContext_Config_t* context_configs[] = {&qnn_context_config, nullptr}; + QnnContext_Config_t context_config_weight_sharing = QNN_CONTEXT_CONFIG_INIT; + QnnHtpContext_CustomConfig_t customConfig; + customConfig.option = QNN_HTP_CONTEXT_CONFIG_OPTION_WEIGHT_SHARING_ENABLED; + customConfig.weightSharingEnabled = enable_htp_weight_sharing_; + context_config_weight_sharing.option = QNN_CONTEXT_CONFIG_OPTION_CUSTOM; + context_config_weight_sharing.customConfig = &customConfig; + + QnnContext_Config_t context_priority_config = QNN_CONTEXT_CONFIG_INIT; + ORT_RETURN_IF_ERROR(SetQnnContextConfig(context_priority_, context_priority_config)); + const QnnContext_Config_t* context_configs[] = {&context_priority_config, + &context_config_weight_sharing, + nullptr}; Qnn_ContextHandle_t context = nullptr; Qnn_ErrorHandle_t result = qnn_interface_.contextCreate(backend_handle_, @@ -597,7 +608,8 @@ std::unique_ptr QnnBackendManager::GetContextBinaryBuffer(uint6 Status QnnBackendManager::LoadCachedQnnContextFromBuffer(char* buffer, uint64_t buffer_length, std::string node_name, - std::unordered_map>& qnn_models) { + const logging::Logger& logger, + QnnModelLookupTable& qnn_models) { bool result = nullptr == qnn_sys_interface_.systemContextCreate || nullptr == qnn_sys_interface_.systemContextGetBinaryInfo || nullptr == qnn_sys_interface_.systemContextFree; @@ -631,7 +643,7 @@ Status QnnBackendManager::LoadCachedQnnContextFromBuffer(char* buffer, uint64_t } ORT_RETURN_IF(graph_count < 1 || graphs_info == nullptr, "Failed to get graph info from Qnn cached context."); - LOGS(*logger_, VERBOSE) << "Graph count from QNN context: " << graph_count << ", EPContext node count: " << qnn_models.size(); + LOGS(*logger_, VERBOSE) << "Graph count from QNN context: " << graph_count; ORT_RETURN_IF(nullptr == qnn_interface_.contextCreateFromBinary, "Invalid function pointer for contextCreateFromBinary."); @@ -653,15 +665,14 @@ Status QnnBackendManager::LoadCachedQnnContextFromBuffer(char* buffer, uint64_t if (1 == graph_count) { // in case the EPContext node is generated from script // the graph name from the context binary may not match the EPContext node name - auto qnn_model_pos = qnn_models.find(node_name); - ORT_RETURN_IF(qnn_model_pos == qnn_models.end(), node_name, " does not match any EPContext node names."); - ORT_RETURN_IF_ERROR(qnn_model_pos->second->DeserializeGraphInfoFromBinaryInfo(graphs_info[0], context)); + auto qnn_model = std::make_unique(logger, this); + ORT_RETURN_IF_ERROR(qnn_model->DeserializeGraphInfoFromBinaryInfo(graphs_info[0], context)); + qnn_models.emplace(node_name, std::move(qnn_model)); } else { for (uint32_t i = 0; i < graph_count; ++i) { - std::string graph_name(graphs_info[i].graphInfoV1.graphName); - auto qnn_model_pos = qnn_models.find(graph_name); - ORT_RETURN_IF(qnn_model_pos == qnn_models.end(), graph_name + " does not match any EPContext node names."); - ORT_RETURN_IF_ERROR(qnn_model_pos->second->DeserializeGraphInfoFromBinaryInfo(graphs_info[i], context)); + auto qnn_model = std::make_unique(logger, this); + ORT_RETURN_IF_ERROR(qnn_model->DeserializeGraphInfoFromBinaryInfo(graphs_info[i], context)); + qnn_models.emplace(graphs_info[i].graphInfoV1.graphName, std::move(qnn_model)); } } diff --git a/onnxruntime/core/providers/qnn/builder/qnn_backend_manager.h b/onnxruntime/core/providers/qnn/builder/qnn_backend_manager.h index a4811b2cb6db3..d1a3b46a8fc55 100644 --- a/onnxruntime/core/providers/qnn/builder/qnn_backend_manager.h +++ b/onnxruntime/core/providers/qnn/builder/qnn_backend_manager.h @@ -39,7 +39,8 @@ class QnnBackendManager { std::string&& qnn_saver_path, uint32_t device_id, QnnHtpDevice_Arch_t htp_arch, - uint32_t soc_model) + uint32_t soc_model, + bool enable_htp_weight_sharing) : backend_path_(backend_path), profiling_level_etw_(profiling_level_etw), profiling_level_(profiling_level), @@ -48,7 +49,8 @@ class QnnBackendManager { qnn_saver_path_(qnn_saver_path), device_id_(device_id), htp_arch_(htp_arch), - soc_model_(soc_model) { + soc_model_(soc_model), + enable_htp_weight_sharing_(enable_htp_weight_sharing) { } ORT_DISALLOW_COPY_ASSIGNMENT_AND_MOVE(QnnBackendManager); @@ -89,6 +91,7 @@ class QnnBackendManager { Status LoadCachedQnnContextFromBuffer(char* buffer, uint64_t buffer_length, std::string node_name, + const logging::Logger& logger, std::unordered_map>& qnn_models); Status SetupBackend(const logging::Logger& logger, bool load_from_cached_context); @@ -262,6 +265,7 @@ class QnnBackendManager { uint32_t device_id_ = 0; QnnHtpDevice_Arch_t htp_arch_ = QNN_HTP_DEVICE_ARCH_NONE; uint32_t soc_model_ = QNN_SOC_MODEL_UNKNOWN; + bool enable_htp_weight_sharing_ = false; }; } // namespace qnn diff --git a/onnxruntime/core/providers/qnn/builder/qnn_model.cc b/onnxruntime/core/providers/qnn/builder/qnn_model.cc index 83f9184d33611..a09b1daa81726 100644 --- a/onnxruntime/core/providers/qnn/builder/qnn_model.cc +++ b/onnxruntime/core/providers/qnn/builder/qnn_model.cc @@ -149,7 +149,7 @@ Status QnnModel::FinalizeGraphs() { qnn_backend_manager_->GetQnnProfileHandle(), nullptr); if (QNN_GRAPH_NO_ERROR != status) { - LOGS(logger_, ERROR) << "Failed to finalize QNN graph."; + LOGS(logger_, ERROR) << "Failed to finalize QNN graph. Error code: " << status; return ORT_MAKE_STATUS(ONNXRUNTIME, FAIL, "Failed to finalize QNN graph."); } diff --git a/onnxruntime/core/providers/qnn/builder/qnn_model.h b/onnxruntime/core/providers/qnn/builder/qnn_model.h index 2b11fde9f70a1..1416d9ba92671 100644 --- a/onnxruntime/core/providers/qnn/builder/qnn_model.h +++ b/onnxruntime/core/providers/qnn/builder/qnn_model.h @@ -102,7 +102,7 @@ class QnnModel { return outputs_info_; } - const std::string& Name() { return graph_info_->Name(); } + const std::string& Name() const { return graph_info_->Name(); } private: const NodeUnit& GetNodeUnit(const Node* node, diff --git a/onnxruntime/core/providers/qnn/qnn_execution_provider.cc b/onnxruntime/core/providers/qnn/qnn_execution_provider.cc index b7408940ff48a..a1eb64344b312 100644 --- a/onnxruntime/core/providers/qnn/qnn_execution_provider.cc +++ b/onnxruntime/core/providers/qnn/qnn_execution_provider.cc @@ -206,6 +206,10 @@ QNNExecutionProvider::QNNExecutionProvider(const ProviderOptions& provider_optio // User can set this context_node_name_prefix for each split pieces to avoid that happens. context_node_name_prefix_ = session_options->config_options.GetConfigOrDefault(kOrtSessionOptionEpContextNodeNamePrefix, ""); LOGS_DEFAULT(VERBOSE) << "User specified QNN context node name prefix: " << context_node_name_prefix_; + + share_ep_contexts_ = + session_options->config_options.GetConfigOrDefault(kOrtSessionOptionShareEpContexts, "0") == "1"; + LOGS_DEFAULT(VERBOSE) << "User specified option - share EP contexts across sessions: " << share_ep_contexts_; } static const std::string BACKEND_PATH = "backend_path"; @@ -385,6 +389,20 @@ QNNExecutionProvider::QNNExecutionProvider(const ProviderOptions& provider_optio LOGS_DEFAULT(VERBOSE) << "User specified enable_htp_fp16_precision: " << enable_HTP_FP16_precision_; } + static const std::string QNN_HTP_WEIGHT_SHARING_ENABLED = "enable_htp_weight_sharing"; + auto htp_weight_sharing_enabled_pos = provider_options_map.find(QNN_HTP_WEIGHT_SHARING_ENABLED); + if (htp_weight_sharing_enabled_pos != provider_options_map.end()) { + if ("1" == htp_weight_sharing_enabled_pos->second) { + enable_htp_weight_sharing_ = true; + } else if ("0" == htp_weight_sharing_enabled_pos->second) { + enable_htp_weight_sharing_ = false; + } else { + LOGS_DEFAULT(VERBOSE) << "Invalid enable_htp_weight_sharing: " << enable_htp_weight_sharing_ + << " only 0 or 1 allowed. Set to 0."; + } + LOGS_DEFAULT(VERBOSE) << "User specified enable_htp_weight_sharing: " << enable_htp_weight_sharing_; + } + qnn_backend_manager_ = std::make_unique( std::move(backend_path), profiling_level_etw, @@ -394,7 +412,8 @@ QNNExecutionProvider::QNNExecutionProvider(const ProviderOptions& provider_optio std::move(qnn_saver_path), device_id_, htp_arch, - soc_model); + soc_model, + enable_htp_weight_sharing_); } QNNExecutionProvider::~QNNExecutionProvider() { @@ -514,6 +533,49 @@ QNNExecutionProvider::GetSupportedNodes(const GraphViewer& graph_viewer, return supported_nodes; } +static bool EpSharedContextsHasAllGraphs(const onnxruntime::GraphViewer& graph_viewer, + const logging::Logger& logger) { + for (const auto& node : graph_viewer.Nodes()) { + NodeAttrHelper node_helper(node); + std::string cache_source = node_helper.Get(qnn::SOURCE, ""); + + std::transform(cache_source.begin(), + cache_source.end(), + cache_source.begin(), + [](unsigned char c) { return static_cast(std::tolower(c)); }); + + if (qnn::EPCONTEXT_OP == node.OpType() && (cache_source == "qnnexecutionprovider" || cache_source == "qnn")) { + const std::string& graph_name = node.Name(); + auto shared_qnn_model = SharedContext::GetInstance().GetSharedQnnModel(graph_name); + if (nullptr == shared_qnn_model) { + LOGS(logger, VERBOSE) << "Graph: " << graph_name << " from EpContext node not found from shared EP contexts."; + return false; + } + } + } + + return true; +} + +static bool EpSharedContextsHasAllGraphs(const std::vector& fused_nodes_and_graphs, + const logging::Logger& logger) { + for (auto fused_node_and_graph : fused_nodes_and_graphs) { + const onnxruntime::GraphViewer& graph_viewer(fused_node_and_graph.filtered_graph); + const auto& ep_context_node = graph_viewer.Nodes().begin(); + NodeAttrHelper node_helper(*ep_context_node); + std::string cache_source = node_helper.Get(qnn::SOURCE, ""); + + const std::string& graph_name = ep_context_node->Name(); + auto shared_qnn_model = SharedContext::GetInstance().GetSharedQnnModel(graph_name); + if (nullptr == shared_qnn_model) { + LOGS(logger, VERBOSE) << "Graph: " << graph_name << " from EpContext node not found from shared EP contexts."; + return false; + } + } + + return true; +} + // For model with EPContext, filter in EPContext nodes only, and make sure each partition only has one single EPContext node static void PartitionCtxModel(const onnxruntime::GraphViewer& graph_viewer, const size_t num_nodes_in_graph, @@ -576,6 +638,23 @@ QNNExecutionProvider::GetCapability(const onnxruntime::GraphViewer& graph_viewer const auto& logger = *GetLogger(); bool is_qnn_ctx_model = qnn::GraphHasEpContextNode(graph_viewer); + const auto gen_metadef_name = [&]() { + uint64_t model_hash; + int metadef_id = metadef_id_generator_.GenerateId(graph_viewer, model_hash); + return MakeString(QNN, context_node_name_prefix_, "_", model_hash, "_", metadef_id); + }; + + // share ep contexts is enabled + // check the ep_shared_contexts to see if it contains all the graphs in the context model + // directly use the resource from ep_shared_contexts if it has all the graphs needed by the current session + // no need to setup QNN backend + if (is_qnn_ctx_model && share_ep_contexts_ && SharedContext::GetInstance().HasSharedQnnModels()) { + if (EpSharedContextsHasAllGraphs(graph_viewer, logger)) { + PartitionCtxModel(graph_viewer, num_nodes_in_graph, result, gen_metadef_name, logger); + return result; + } + } + // It will load the QnnSystem lib if is_qnn_ctx_model=true, and // delay the Qnn context creation to Compile() using the cached context binary auto rt = qnn_backend_manager_->SetupBackend(logger, is_qnn_ctx_model); @@ -595,12 +674,6 @@ QNNExecutionProvider::GetCapability(const onnxruntime::GraphViewer& graph_viewer return result; } - const auto gen_metadef_name = [&]() { - uint64_t model_hash; - int metadef_id = metadef_id_generator_.GenerateId(graph_viewer, model_hash); - return MakeString(QNN, context_node_name_prefix_, "_", model_hash, "_", metadef_id); - }; - // For model with EPContext, make sure each partition only has one single EPContext node if (is_qnn_ctx_model) { PartitionCtxModel(graph_viewer, num_nodes_in_graph, result, gen_metadef_name, logger); @@ -703,6 +776,10 @@ Status QNNExecutionProvider::CreateComputeFunc(std::vector& nod NodeComputeInfo compute_info; compute_info.create_state_func = [&](ComputeContext* context, FunctionState* state) { LOGS(logger, VERBOSE) << "compute_info.create_state_func context->node_name: " << context->node_name; + if (use_shared_model_) { + *state = qnn_models_shared_[context->node_name].get(); + return 0; + } *state = qnn_models_[context->node_name].get(); return 0; }; @@ -806,13 +883,33 @@ Status QNNExecutionProvider::Compile(const std::vector& fused "Please remove the EP context model manually if you want to re-generate it."); if (is_qnn_ctx_model) { + // Get QnnModel from EP shared contexts + if (share_ep_contexts_ && SharedContext::GetInstance().HasSharedQnnModels()) { + if (EpSharedContextsHasAllGraphs(fused_nodes_and_graphs, logger)) { + for (auto fused_node_and_graph : fused_nodes_and_graphs) { + const onnxruntime::GraphViewer& graph_viewer(fused_node_and_graph.filtered_graph); + const auto& ep_context_node = graph_viewer.Nodes().begin(); + const Node& fused_node = fused_node_and_graph.fused_node; + const std::string& graph_meta_id = fused_node.Name(); + std::string key = ep_context_node->Name(); + auto qnn_model_shared = SharedContext::GetInstance().GetSharedQnnModel(key); + ORT_RETURN_IF(nullptr == qnn_model_shared, "Graph: " + key + " not found from shared EP contexts."); + ORT_RETURN_IF_ERROR(qnn_model_shared->SetGraphInputOutputInfo(graph_viewer, fused_node)); + ORT_RETURN_IF_ERROR(qnn_model_shared->SetupQnnInputOutput()); + qnn_models_shared_.emplace(graph_meta_id, qnn_model_shared); + use_shared_model_ = true; + ORT_RETURN_IF_ERROR(CreateComputeFunc(node_compute_funcs, logger)); + } + return Status::OK(); + } + } + // Table, the node name is the graph_meta_id (old) created from user model which used to generate the EP context model // for this session (created from an EP context model), the graph_meta_id is new - std::unordered_map> qnn_models; + qnn::QnnModelLookupTable qnn_models; std::vector main_context_pos_list; - ORT_RETURN_IF_ERROR(qnn::GetMainContextNode(fused_nodes_and_graphs, qnn_backend_manager_.get(), - logger, main_context_pos_list, qnn_models)); + ORT_RETURN_IF_ERROR(qnn::GetMainContextNode(fused_nodes_and_graphs, main_context_pos_list)); for (auto main_context_pos : main_context_pos_list) { const onnxruntime::GraphViewer& main_ctx_graph_viewer(fused_nodes_and_graphs[main_context_pos].filtered_graph); @@ -838,10 +935,22 @@ Status QNNExecutionProvider::Compile(const std::vector& fused // fused node name is QNNExecutionProvider_QNN_[hash_id]_[id] // the name here must be same with context->node_name in compute_info qnn_models_.emplace(graph_meta_id, std::move(qnn_model)); + qnn_models.erase(key); ORT_RETURN_IF_ERROR(CreateComputeFunc(node_compute_funcs, logger)); } + if (share_ep_contexts_ && qnn_models.size() > 0) { + std::vector> shared_qnn_models; + for (auto& [key, value] : qnn_models) { + shared_qnn_models.push_back(std::move(qnn_models[key])); + } + std::string duplicate_graph_names; + bool has_duplicate_graph = SharedContext::GetInstance().SetSharedQnnModel(shared_qnn_models, + duplicate_graph_names); + ORT_RETURN_IF(has_duplicate_graph, "Duplicate graph names detect across sessions: " + duplicate_graph_names); + } + return Status::OK(); } diff --git a/onnxruntime/core/providers/qnn/qnn_execution_provider.h b/onnxruntime/core/providers/qnn/qnn_execution_provider.h index 4c48370492ef7..9cd73edbff0e0 100644 --- a/onnxruntime/core/providers/qnn/qnn_execution_provider.h +++ b/onnxruntime/core/providers/qnn/qnn_execution_provider.h @@ -23,6 +23,59 @@ namespace onnxruntime { void RunOnUnload(std::function function); +class SharedContext { + public: + static SharedContext& GetInstance() { + static SharedContext instance_; + return instance_; + } + + bool HasSharedQnnModels() { + const std::lock_guard lock(mtx_); + return !shared_qnn_models_.empty(); + } + + std::shared_ptr GetSharedQnnModel(const std::string& model_name) { + const std::lock_guard lock(mtx_); + auto it = find_if(shared_qnn_models_.begin(), shared_qnn_models_.end(), + [&model_name](const std::shared_ptr& qnn_model) { return qnn_model->Name() == model_name; }); + if (it == shared_qnn_models_.end()) { + return nullptr; + } + return *it; + } + + bool SetSharedQnnModel(std::vector>& shared_qnn_models, + std::string& duplicate_graph_names) { + const std::lock_guard lock(mtx_); + bool graph_exist = false; + for (auto& shared_qnn_model : shared_qnn_models) { + auto& model_name = shared_qnn_model->Name(); + auto it = find_if(shared_qnn_models_.begin(), shared_qnn_models_.end(), + [&model_name](const std::shared_ptr& qnn_model) { return qnn_model->Name() == model_name; }); + if (it == shared_qnn_models_.end()) { + shared_qnn_models_.push_back(shared_qnn_model); + } else { + duplicate_graph_names.append(model_name + " "); + graph_exist = true; + } + } + + return graph_exist; + } + + private: + SharedContext() = default; + ~SharedContext() = default; + SharedContext(const SharedContext&) = delete; + SharedContext& operator=(const SharedContext&) = delete; + + std::vector> shared_qnn_models_; + // Producer sessions can be in parallel + // Consumer sessions have to be after producer sessions initialized + OrtMutex mtx_; +}; + // Logical device representation. class QNNExecutionProvider : public IExecutionProvider { public: @@ -75,11 +128,14 @@ class QNNExecutionProvider : public IExecutionProvider { qnn::HtpGraphFinalizationOptimizationMode htp_graph_finalization_opt_mode_ = qnn::HtpGraphFinalizationOptimizationMode::kDefault; std::unique_ptr qnn_backend_manager_; std::unordered_map> qnn_models_; + std::unordered_map> qnn_models_shared_; + bool use_shared_model_ = false; bool context_cache_enabled_ = false; std::string context_cache_path_cfg_ = ""; std::string context_node_name_prefix_ = ""; bool disable_cpu_ep_fallback_ = false; // True if CPU EP fallback has been disabled for this session. bool qnn_context_embed_mode_ = true; + bool enable_htp_weight_sharing_ = false; int32_t vtcm_size_in_mb_ = 0; std::unique_ptr qnn_ep_context_model_; ModelMetadefIdGenerator metadef_id_generator_; @@ -87,6 +143,7 @@ class QNNExecutionProvider : public IExecutionProvider { qnn::HtpPerformanceMode default_htp_performance_mode_ = qnn::HtpPerformanceMode::kHtpDefault; uint32_t default_rpc_control_latency_ = 0; bool enable_HTP_FP16_precision_ = false; + bool share_ep_contexts_ = false; #ifdef _WIN32 onnxruntime::logging::EtwRegistrationManager::EtwInternalCallback callback_ETWSink_provider_; #endif diff --git a/onnxruntime/test/perftest/ort_test_session.cc b/onnxruntime/test/perftest/ort_test_session.cc index 6fb999b3efc07..837aeb3c37acd 100644 --- a/onnxruntime/test/perftest/ort_test_session.cc +++ b/onnxruntime/test/perftest/ort_test_session.cc @@ -301,7 +301,7 @@ OnnxRuntimeTestSession::OnnxRuntimeTestSession(Ort::Env& env, std::random_device std::copy(supported_options.begin(), supported_options.end(), std::ostream_iterator(str_stream, ",")); std::string str = str_stream.str(); - ORT_THROW("Wrong value for enable_htp_fp16_precision. select from: " + str); + ORT_THROW("Wrong value for " + key + ". select from: " + str); } } else { ORT_THROW(R"(Wrong key type entered. Choose from options: ['backend_path', diff --git a/onnxruntime/test/providers/qnn/qnn_ep_context_test.cc b/onnxruntime/test/providers/qnn/qnn_ep_context_test.cc index be3bd2cc5dcd7..d293a0d9c96c1 100644 --- a/onnxruntime/test/providers/qnn/qnn_ep_context_test.cc +++ b/onnxruntime/test/providers/qnn/qnn_ep_context_test.cc @@ -7,6 +7,7 @@ #include "core/session/onnxruntime_cxx_api.h" #include "core/session/onnxruntime_session_options_config_keys.h" #include "core/session/inference_session.h" +#include "core/providers/shared/utils/utils.h" #include "test/providers/qnn/qnn_test_utils.h" @@ -192,6 +193,30 @@ static GetTestModelFn BuildCastAddTestCase() { }; } +// Create a model with Add (quantized) +// input1 -> Q -> DQ \ +// Add -> Q -> DQ -> output +// input2 -> Q -> DQ / +static GetTestModelFn BuildAddTestCase() { + return [](ModelTestBuilder& builder) { + std::vector data = {0.0f, 0.0f, 1.0f, 0.0f, 1.0f, 0.0f}; + gsl::span data_range = gsl::make_span(data); + QuantParams q_parameter = GetDataQuantParams(data_range); + NodeArg* add_input1 = MakeTestInput(builder, TestInputDef({2, 3}, false, data)); + auto* add_input1_qdq = AddQDQNodePair(builder, add_input1, q_parameter.scale, q_parameter.zero_point); + + NodeArg* add_input2 = MakeTestInput(builder, TestInputDef({2, 3}, true, data)); + auto* add_input2_qdq = AddQDQNodePair(builder, add_input2, q_parameter.scale, q_parameter.zero_point); + + auto* add_output = builder.MakeIntermediate(); + + builder.AddNode("Add", {add_input1_qdq, add_input2_qdq}, {add_output}); + + // add_output -> Q -> DQ -> output + AddQDQNodePairWithOutputAsGraphOutput(builder, add_output, q_parameter.scale, q_parameter.zero_point); + }; +} + // Test that models with 2 inputs which has different data type can still generate the context binary TEST_F(QnnHTPBackendTests, QnnContextBinaryGeneration2InputTypes) { ProviderOptions provider_options; @@ -801,6 +826,300 @@ TEST_F(QnnHTPBackendTests, QnnMultiContextExternal) { Ort::Session session(*ort_env, ORT_TSTR("testdata/qnn_ctx/qnn_multi_ctx_external.onnx"), so); } +static void CreateQdqModel(const std::string& model_file_name, const Logger& logger) { + const std::unordered_map domain_to_version = {{"", 13}, {kMSDomain, 1}}; + onnxruntime::Model model(model_file_name, false, ModelMetaData(), PathString(), + IOnnxRuntimeOpSchemaRegistryList(), domain_to_version, {}, + logger); + Graph& graph = model.MainGraph(); + ModelTestBuilder helper(graph); + BuildAddTestCase()(helper); + helper.SetGraphOutputs(); + ASSERT_STATUS_OK(model.MainGraph().Resolve()); + ASSERT_STATUS_OK(onnxruntime::Model::Save(model, ToPathString(model_file_name))); +} + +static void DumpModelWithSharedCtx(const ProviderOptions& provider_options, + const std::string& onnx_model_path1, + const std::string& onnx_model_path2) { + SessionOptions so; + so.session_logid = "qnn_ctx_model_logger"; + ASSERT_STATUS_OK(so.config_options.AddConfigEntry(kOrtSessionOptionEpContextEnable, "1")); + ASSERT_STATUS_OK(so.config_options.AddConfigEntry(kOrtSessionOptionEpContextEmbedMode, "0")); + RunOptions run_options; + run_options.run_tag = so.session_logid; + + auto qnn_ep = QnnExecutionProviderWithOptions(provider_options, &so); + std::shared_ptr qnn_ep_shared(std::move(qnn_ep)); + + InferenceSessionWrapper session_object1{so, GetEnvironment()}; + ASSERT_STATUS_OK(session_object1.RegisterExecutionProvider(qnn_ep_shared)); + ASSERT_STATUS_OK(session_object1.Load(ToPathString(onnx_model_path1))); + ASSERT_STATUS_OK(session_object1.Initialize()); + + InferenceSessionWrapper session_object2{so, GetEnvironment()}; + ASSERT_STATUS_OK(session_object2.RegisterExecutionProvider(qnn_ep_shared)); + ASSERT_STATUS_OK(session_object2.Load(ToPathString(onnx_model_path2))); + ASSERT_STATUS_OK(session_object2.Initialize()); +} + +// from the last context ache Onnx model, find the EPContext node with main_context=1, +// and get the QNN context binary file name, thie context binary contains all graphs from all Onnx models +static void GetLastContextBinaryFileName(const std::string last_onnx_ctx_file, + std::string& last_ctx_bin_file, + const Logger& logger) { + std::shared_ptr ctx_model; + ASSERT_STATUS_OK(Model::Load(ToPathString(last_onnx_ctx_file), ctx_model, nullptr, logger)); + auto& ctx_graph = ctx_model->MainGraph(); + for (auto& node : ctx_graph.Nodes()) { + if (node.OpType() == "EPContext") { + NodeAttrHelper node_helper(node); + int64_t is_main_context = node_helper.Get("main_context", static_cast(0)); + if (1 == is_main_context) { + last_ctx_bin_file = node_helper.Get("ep_cache_context", ""); + return; + } + } + } +} + +// Update generated context cache Onnx model to make the main EPContext node point to +// the last QNN context binary file +// Remove not used QNN context binary file, only keep the last one which contains all graphs +static void UpdateEpContextModel(const std::vector& ep_ctx_files, + const std::string& last_qnn_ctx_binary_file_name, + const Logger& logger) { + for (auto ep_ctx_file : ep_ctx_files) { + std::shared_ptr ctx_model; + auto path_str = ToPathString(ep_ctx_file); + ASSERT_STATUS_OK(Model::Load(path_str, ctx_model, nullptr, logger)); + auto& ctx_graph = ctx_model->MainGraph(); + GraphViewer graph_viewer(ctx_graph); + auto path = std::filesystem::path(path_str); + + for (auto& node : ctx_graph.Nodes()) { + if (node.OpType() == "EPContext") { + NodeAttrHelper node_helper(node); + int64_t is_main_context = node_helper.Get("main_context", static_cast(0)); + if (1 == is_main_context) { + std::string old_qnn_ctx_binary_file_name = node_helper.Get("ep_cache_context", ""); + auto file_path = path.replace_filename(old_qnn_ctx_binary_file_name); + std::remove(file_path.string().c_str()); + node.ClearAttribute("ep_cache_context"); + node.AddAttribute("ep_cache_context", last_qnn_ctx_binary_file_name); + } + } + } + std::remove(ep_ctx_file.c_str()); + ASSERT_STATUS_OK(Model::Save(*ctx_model.get(), ToPathString(ep_ctx_file))); + } +} + +static void GetModelInputNames(const std::string& model_path, + std::vector& input_names, + std::vector& output_names, + const Logger& logger) { + std::shared_ptr ctx_model; + auto path_str = ToPathString(model_path); + ASSERT_STATUS_OK(Model::Load(path_str, ctx_model, nullptr, logger)); + auto& ctx_graph = ctx_model->MainGraph(); + + auto& inputs = ctx_graph.GetInputs(); + for (auto input : inputs) { + input_names.push_back(input->Name()); + } + + auto& outputs = ctx_graph.GetOutputs(); + for (auto output : outputs) { + output_names.push_back(output->Name()); + } +} + +// 1. Create 2 QDQ models +// 2. Initialize 2 Ort sessions which share the same QNN EP from these 2 QDQ models +// with EpContextEnable = 1, to dump the context binary +// so, the 2nd context binary contains the graph from the 1st model +// 3. Change the 1st context model to point to the 2nd context binary file +// 4. Start 2 ort session from the dumped context model, +// The 2nd session uses graph from 1st session +// 5. Run the 2nd session +TEST_F(QnnHTPBackendTests, QnnContextShareAcrossSessions1) { + ProviderOptions provider_options; +#if defined(_WIN32) + provider_options["backend_path"] = "QnnHtp.dll"; +#else + provider_options["backend_path"] = "libQnnHtp.so"; +#endif + + // Create QDQ models + std::vector onnx_model_paths{"./weight_share1.onnx", "./weight_share2.onnx"}; + std::vector ctx_model_paths; + for (auto model_path : onnx_model_paths) { + CreateQdqModel(model_path, DefaultLoggingManager().DefaultLogger()); + EXPECT_TRUE(std::filesystem::exists(model_path.c_str())); + ctx_model_paths.push_back(model_path + "_ctx.onnx"); + } + + DumpModelWithSharedCtx(provider_options, onnx_model_paths[0], onnx_model_paths[1]); + + // Get the last context binary file name + std::string last_qnn_ctx_binary_file_name; + GetLastContextBinaryFileName(ctx_model_paths.back(), last_qnn_ctx_binary_file_name, + DefaultLoggingManager().DefaultLogger()); + EXPECT_TRUE(!last_qnn_ctx_binary_file_name.empty()); + + // Update generated context cache Onnx model to make the main EPContext node point to + // the last QNN context binary file + // Remove not used QNN context binary file, only keep the last one which contains all graphs + std::vector ctx_model_paths_to_update(ctx_model_paths); + ctx_model_paths_to_update.pop_back(); + UpdateEpContextModel(ctx_model_paths_to_update, last_qnn_ctx_binary_file_name, + DefaultLoggingManager().DefaultLogger()); + + Ort::SessionOptions so; + so.AddConfigEntry(kOrtSessionOptionShareEpContexts, "1"); + so.AppendExecutionProvider("QNN", provider_options); + + EXPECT_TRUE(2 == ctx_model_paths.size()); +#ifdef _WIN32 + std::wstring ctx_model_file1(ctx_model_paths[0].begin(), ctx_model_paths[0].end()); + std::wstring ctx_model_file2(ctx_model_paths[1].begin(), ctx_model_paths[1].end()); +#else + std::string ctx_model_file1(ctx_model_paths[0].begin(), ctx_model_paths[0].end()); + std::string ctx_model_file2(ctx_model_paths[1].begin(), ctx_model_paths[1].end()); +#endif + Ort::Session session1(*ort_env, ctx_model_file1.c_str(), so); + Ort::Session session2(*ort_env, ctx_model_file2.c_str(), so); + + std::vector input_names; + std::vector output_names; + GetModelInputNames(ctx_model_paths[1], input_names, output_names, + DefaultLoggingManager().DefaultLogger()); + + // Run sessions + // prepare input + std::vector input_dim{2, 3}; + std::vector input_value(2 * 3, 0.0f); + Ort::MemoryInfo info("Cpu", OrtDeviceAllocator, 0, OrtMemTypeDefault); + std::vector ort_inputs; + std::vector input_names_c; + for (size_t i = 0; i < input_names.size(); ++i) { + auto input_tensor = Ort::Value::CreateTensor(info, input_value.data(), input_value.size(), + input_dim.data(), input_dim.size()); + ort_inputs.push_back(std::move(input_tensor)); + input_names_c.push_back(input_names[i].c_str()); + } + std::vector output_names_c; + for (size_t i = 0; i < output_names.size(); ++i) { + output_names_c.push_back(output_names[i].c_str()); + } + + auto ort_outputs1 = session1.Run(Ort::RunOptions{}, input_names_c.data(), ort_inputs.data(), ort_inputs.size(), + output_names_c.data(), 1); + + for (auto model_path : onnx_model_paths) { + std::remove(model_path.c_str()); + } + for (auto ctx_model_path : ctx_model_paths) { + std::remove(ctx_model_path.c_str()); + } + std::remove(last_qnn_ctx_binary_file_name.c_str()); +} + +// 1. Create 2 QDQ models +// 2. Initialize 2 Ort sessions which share the same QNN EP from these 2 QDQ models +// with EpContextEnable = 1, to dump the context binary +// so, the 2nd context binary contains the graph from the 1st model +// 3. Change the 1st context model to point to a context binary file which is not exist +// 4. Start 2 ort session from the dumped context model, +// The 1st session uses the 2nd model, the 2nd session uses the 1st model +// so the 2nd session uses graph from the 1st session +// 6. Run the 2nd session +TEST_F(QnnHTPBackendTests, QnnContextShareAcrossSessions2) { + ProviderOptions provider_options; +#if defined(_WIN32) + provider_options["backend_path"] = "QnnHtp.dll"; +#else + provider_options["backend_path"] = "libQnnHtp.so"; +#endif + + // Create QDQ models + std::vector onnx_model_paths{"./weight_share21.onnx", "./weight_share22.onnx"}; + std::vector ctx_model_paths; + for (auto model_path : onnx_model_paths) { + CreateQdqModel(model_path, DefaultLoggingManager().DefaultLogger()); + EXPECT_TRUE(std::filesystem::exists(model_path.c_str())); + ctx_model_paths.push_back(model_path + "_ctx.onnx"); + } + + DumpModelWithSharedCtx(provider_options, onnx_model_paths[0], onnx_model_paths[1]); + + // Get the last context binary file name + std::string last_qnn_ctx_binary_file_name; + GetLastContextBinaryFileName(ctx_model_paths.back(), last_qnn_ctx_binary_file_name, + DefaultLoggingManager().DefaultLogger()); + EXPECT_TRUE(!last_qnn_ctx_binary_file_name.empty()); + + // Update generated context cache Onnx model to make the main EPContext node point to + // the last QNN context binary file + // Remove not used QNN context binary file, only keep the last one which contains all graphs + std::vector ctx_model_paths_to_update(ctx_model_paths); + ctx_model_paths_to_update.pop_back(); + // The 2nd model still point to the context binary which includes all graphs + // The 1st model point to file not exists + UpdateEpContextModel(ctx_model_paths_to_update, "file_not_exist.bin", + DefaultLoggingManager().DefaultLogger()); + + Ort::SessionOptions so; + so.AddConfigEntry(kOrtSessionOptionShareEpContexts, "1"); + so.AppendExecutionProvider("QNN", provider_options); + + EXPECT_TRUE(2 == ctx_model_paths.size()); +#ifdef _WIN32 + std::wstring ctx_model_file1(ctx_model_paths[0].begin(), ctx_model_paths[0].end()); + std::wstring ctx_model_file2(ctx_model_paths[1].begin(), ctx_model_paths[1].end()); +#else + std::string ctx_model_file1(ctx_model_paths[0].begin(), ctx_model_paths[0].end()); + std::string ctx_model_file2(ctx_model_paths[1].begin(), ctx_model_paths[1].end()); +#endif + // Create session from the 2nd model first + Ort::Session session1(*ort_env, ctx_model_file2.c_str(), so); + Ort::Session session2(*ort_env, ctx_model_file1.c_str(), so); + + std::vector input_names; + std::vector output_names; + GetModelInputNames(ctx_model_paths[1], input_names, output_names, + DefaultLoggingManager().DefaultLogger()); + + // Run sessions + // prepare input + std::vector input_dim{2, 3}; + std::vector input_value(2 * 3, 0.0f); + Ort::MemoryInfo info("Cpu", OrtDeviceAllocator, 0, OrtMemTypeDefault); + std::vector ort_inputs; + std::vector input_names_c; + for (size_t i = 0; i < input_names.size(); ++i) { + auto input_tensor = Ort::Value::CreateTensor(info, input_value.data(), input_value.size(), + input_dim.data(), input_dim.size()); + ort_inputs.push_back(std::move(input_tensor)); + input_names_c.push_back(input_names[i].c_str()); + } + std::vector output_names_c; + for (size_t i = 0; i < output_names.size(); ++i) { + output_names_c.push_back(output_names[i].c_str()); + } + + auto ort_outputs1 = session1.Run(Ort::RunOptions{}, input_names_c.data(), ort_inputs.data(), ort_inputs.size(), + output_names_c.data(), 1); + + for (auto model_path : onnx_model_paths) { + std::remove(model_path.c_str()); + } + for (auto ctx_model_path : ctx_model_paths) { + std::remove(ctx_model_path.c_str()); + } + std::remove(last_qnn_ctx_binary_file_name.c_str()); +} #endif // defined(__aarch64__) || defined(_M_ARM64) || defined(__linux__) } // namespace test diff --git a/onnxruntime/test/qnn_ctx_gen/README.md b/onnxruntime/test/qnn_ctx_gen/README.md new file mode 100644 index 0000000000000..97ab89d79cbd2 --- /dev/null +++ b/onnxruntime/test/qnn_ctx_gen/README.md @@ -0,0 +1,31 @@ +# ONNXRuntime Qnn Context Generator + +This tool provides the way to generate Onnx models that wraps QNN context binary warpt with weight sharing enabled. The options to use with the tool are listed below: + +`onnxruntime_qnn_ctx_gen [options...] model_path,model_path` + +./onnxruntime_qnn_ctx_gen -v -i "soc_model|60 htp_graph_finalization_optimization_mode|3" -C "ep.context_enable|1 ep.context_embed_mode|0" /mnt/c/model1.onnx,/mnt/c/model2.onnx + +Options: + + -v: Show verbose information. + + -C: [session_config_entries]: Specify session configuration entries as key-value pairs: -C "| |" + Refer to onnxruntime_session_options_config_keys.h for valid keys and values. + [Example] -C "ep.context_enable|1 ep.context_embed_mode|0" + + -i: [provider_options]: Specify QNN EP specific runtime options as key value pairs. Different runtime options available are: + [Usage]: -i '| |' + + [backend_path]: QNN backend path. e.g '/folderpath/libQnnHtp.so', '/winfolderpath/QnnHtp.dll'. Default to HTP backend lib in current folder. + [vtcm_mb]: QNN VTCM size in MB. default to 0(not set). + [htp_graph_finalization_optimization_mode]: QNN graph finalization optimization mode, options: '0', '1', '2', '3', default is '0'. + [soc_model]: The SoC Model number. Refer to QNN SDK documentation for specific values. Defaults to '0' (unknown). + [htp_arch]: The minimum HTP architecture. The driver will use ops compatible with this architecture. eg: '0', '68', '69', '73', '75'. Defaults to '0' (none). + [enable_htp_fp16_precision]: Enable the HTP_FP16 precision so that the float32 model will be inferenced with fp16 precision. + Otherwise, it will be fp32 precision. Only works for float32 model. Defaults to '0' (with FP32 precision.). + [enable_htp_weight_sharing]: Allows common weights across graphs to be shared and stored in a single context binary. Defaults to '1' (enabled). + [Example] -i "vtcm_mb|8 htp_arch|73" + + -h: help. + diff --git a/onnxruntime/test/qnn_ctx_gen/command_args_parser.cc b/onnxruntime/test/qnn_ctx_gen/command_args_parser.cc new file mode 100644 index 0000000000000..509f56664e572 --- /dev/null +++ b/onnxruntime/test/qnn_ctx_gen/command_args_parser.cc @@ -0,0 +1,187 @@ +// Copyright (c) Microsoft Corporation. All rights reserved. +// Copyright (c) 2023 NVIDIA Corporation. +// Licensed under the MIT License. + +#include "command_args_parser.h" + +#include +#include +#include +#include +#include + +// Windows Specific +#ifdef _WIN32 +#include "getopt.h" +#include "windows.h" +#else +#include +#endif + +#include +#include +#include + +#include "test_configuration.h" + +namespace onnxruntime { +namespace qnnctxgen { + +/*static*/ void CommandLineParser::ShowUsage() { + printf( + "onnxruntime_qnn_ctx_gen [options...] model1_path,model2_path\n" + "Example: ./onnxruntime_qnn_ctx_gen -i \"soc_model|60 htp_graph_finalization_optimization_mode|3\" -C \"ep.context_node_name_prefix|_part1\" ./model1.onnx,./model2.onnx\n" + "Options:\n" + "\t-v: Show verbose information.\n" + "\t-C: Specify session configuration entries as key-value pairs: -C \"| |\" \n" + "\t Refer to onnxruntime_session_options_config_keys.h for valid keys and values. \n" + "\t Force ep.context_enable to 1 and ep.context_embed_mode to 0. Change ep.context_file_path is not allowed." + "\t [Example] -C \"ep.context_node_name_prefix|_part1\" \n" + "\t-i: Specify QNN EP specific runtime options as key value pairs. Different runtime options available are: \n" + "\t [Usage]: -i '| |'\n" + "\n" + "\t [backend_path]: QNN backend path. e.g '/folderpath/libQnnHtp.so', '/winfolderpath/QnnHtp.dll'. default to HTP backend\n" + "\t [vtcm_mb]: QNN VTCM size in MB. default to 0(not set).\n" + "\t [htp_graph_finalization_optimization_mode]: QNN graph finalization optimization mode, options: '0', '1', '2', '3', default is '0'.\n" + "\t [soc_model]: The SoC Model number. Refer to QNN SDK documentation for specific values. Defaults to '0' (unknown). \n" + "\t [htp_arch]: The minimum HTP architecture. The driver will use ops compatible with this architecture. eg: '0', '68', '69', '73', '75'. Defaults to '0' (none). \n" + "\t [enable_htp_fp16_precision]: Enable the HTP_FP16 precision so that the float32 model will be inferenced with fp16 precision. \n" + "\t Otherwise, it will be fp32 precision. Only works for float32 model. Defaults to '0' (with FP32 precision.). \n" + "\t [enable_htp_weight_sharing]: Allows common weights across graphs to be shared and stored in a single context binary. Defaults to '1' (enabled).\n" + "\t [Example] -i \"vtcm_mb|8 htp_arch|73\" \n" + "\n" + "\t-h: help\n"); +} +#ifdef _WIN32 +static const ORTCHAR_T* delimiter = L","; +#else +static const ORTCHAR_T* delimiter = ","; +#endif +static void ParsePaths(const std::basic_string& path, std::vector>& paths) { + std::basic_string path_str(path); + size_t pos = 0; + std::basic_string token; + while (pos = path_str.find(delimiter), pos != std::string::npos) { + token = path_str.substr(0, pos); + paths.push_back(token); + path_str.erase(0, pos + 1); + } + paths.push_back(path_str); + + return; +} + +static bool ParseSessionConfigs(const std::string& configs_string, + std::unordered_map& session_configs) { + std::istringstream ss(configs_string); + std::string token; + + while (ss >> token) { + if (token == "") { + continue; + } + + std::string_view token_sv(token); + + auto pos = token_sv.find("|"); + if (pos == std::string_view::npos || pos == 0 || pos == token_sv.length()) { + // Error: must use a '|' to separate the key and value for session configuration entries. + return false; + } + + std::string key(token_sv.substr(0, pos)); + std::string value(token_sv.substr(pos + 1)); + + auto it = session_configs.find(key); + if (it != session_configs.end()) { + // Error: specified duplicate session configuration entry: {key} + return false; + } + + session_configs.insert(std::make_pair(std::move(key), std::move(value))); + } + + return true; +} + +/*static*/ bool CommandLineParser::ParseArguments(TestConfig& test_config, int argc, ORTCHAR_T* argv[]) { + int ch; + while ((ch = getopt(argc, argv, ORT_TSTR("o:u:i:C:vh"))) != -1) { + switch (ch) { + case 'v': + test_config.run_config.f_verbose = true; + break; + case 'i': { +#ifdef _MSC_VER + std::string option_string = ToUTF8String(optarg); +#else + std::string option_string = optarg; +#endif + std::istringstream ss(option_string); + std::string token; + + while (ss >> token) { + if (token == "") { + continue; + } + auto pos = token.find("|"); + if (pos == std::string::npos || pos == 0 || pos == token.length()) { + ORT_THROW("Use a '|' to separate the key and value for the run-time option you are trying to use."); + } + + std::string key(token.substr(0, pos)); + std::string value(token.substr(pos + 1)); + + if (key == "backend_path" || key == "vtcm_mb" || key == "soc_model" || key == "htp_arch") { + // no validation + } else if (key == "htp_graph_finalization_optimization_mode") { + std::unordered_set supported_htp_graph_final_opt_modes = {"0", "1", "2", "3"}; + if (supported_htp_graph_final_opt_modes.find(value) == supported_htp_graph_final_opt_modes.end()) { + std::ostringstream str_stream; + std::copy(supported_htp_graph_final_opt_modes.begin(), supported_htp_graph_final_opt_modes.end(), + std::ostream_iterator(str_stream, ",")); + std::string str = str_stream.str(); + ORT_THROW("Wrong value for htp_graph_finalization_optimization_mode. select from: " + str); + } + } else if (key == "enable_htp_fp16_precision" || key == "enable_htp_weight_sharing") { + std::unordered_set supported_options = {"0", "1"}; + if (supported_options.find(value) == supported_options.end()) { + std::ostringstream str_stream; + std::copy(supported_options.begin(), supported_options.end(), + std::ostream_iterator(str_stream, ",")); + std::string str = str_stream.str(); + ORT_THROW("Wrong value for " + key + ". select from: " + str); + } + } else { + ORT_THROW(R"(Wrong key type entered. Choose from options: ['backend_path', 'vtcm_mb', 'htp_performance_mode', + 'htp_graph_finalization_optimization_mode', 'soc_model', 'htp_arch', 'enable_htp_fp16_precision', 'enable_htp_weight_sharing'])"); + } + + test_config.run_config.qnn_options[key] = value; + } + break; + } + case 'C': { + if (!ParseSessionConfigs(ToUTF8String(optarg), test_config.run_config.session_config_entries)) { + return false; + } + break; + } + case '?': + case 'h': + default: + return false; + } + } + + // parse model_path + argc -= optind; + argv += optind; + + ParsePaths(argv[0], test_config.model_file_paths); + + return true; +} + +} // namespace qnnctxgen +} // namespace onnxruntime diff --git a/onnxruntime/test/qnn_ctx_gen/command_args_parser.h b/onnxruntime/test/qnn_ctx_gen/command_args_parser.h new file mode 100644 index 0000000000000..ed8ecf6a566bb --- /dev/null +++ b/onnxruntime/test/qnn_ctx_gen/command_args_parser.h @@ -0,0 +1,19 @@ +// Copyright (c) Microsoft Corporation. All rights reserved. +// Licensed under the MIT License. + +#pragma once +#include + +namespace onnxruntime { +namespace qnnctxgen { + +struct TestConfig; + +class CommandLineParser { + public: + static void ShowUsage(); + static bool ParseArguments(TestConfig& test_config, int argc, ORTCHAR_T* argv[]); +}; + +} // namespace qnnctxgen +} // namespace onnxruntime diff --git a/onnxruntime/test/qnn_ctx_gen/main.cc b/onnxruntime/test/qnn_ctx_gen/main.cc new file mode 100644 index 0000000000000..d568d5e78688a --- /dev/null +++ b/onnxruntime/test/qnn_ctx_gen/main.cc @@ -0,0 +1,227 @@ +// Copyright (c) Microsoft Corporation. All rights reserved. +// Licensed under the MIT License. + +// onnxruntime dependencies +#include "test_configuration.h" +#include +#include +#include +#include "command_args_parser.h" +#include + +#include "core/session/onnxruntime_session_options_config_keys.h" +#include "core/session/inference_session.h" +#include "core/session/ort_env.h" +#include "core/providers/provider_factory_creators.h" +#include "core/common/logging/sinks/clog_sink.h" + +#include "core/graph/model.h" +#include "core/providers/shared/utils/utils.h" +#include "core/session/environment.h" +#include "core/common/logging/logging.h" + +using namespace onnxruntime; +const OrtApi* g_ort = NULL; +std::unique_ptr ort_env; + +static void CheckStatus(const Status& status) { + if (status.Code() != common::StatusCode::OK) { + std::string msg = status.ErrorMessage(); + throw Ort::Exception(std::move(msg), OrtErrorCode::ORT_FAIL); + } +} + +// from the last context cache Onnx model, find the EPContext node with main_context=1, +// and get the QNN context binary file name, this context binary contains all graphs from all Onnx models +static void GetLastContextBinaryFileName(const std::basic_string last_onnx_ctx_file, + std::string& last_ctx_bin_file) { + std::shared_ptr ctx_model; + CheckStatus(Model::Load(ToPathString(last_onnx_ctx_file), ctx_model, nullptr, + (*((OrtEnv*)*ort_env.get())->GetEnvironment().GetLoggingManager()).DefaultLogger())); + auto& ctx_graph = ctx_model->MainGraph(); + for (auto& node : ctx_graph.Nodes()) { + if (node.OpType() == "EPContext") { + NodeAttrHelper node_helper(node); + int64_t is_main_context = node_helper.Get("main_context", static_cast(0)); + if (1 == is_main_context) { + last_ctx_bin_file = node_helper.Get("ep_cache_context", ""); + return; + } + } + } +} + +// Update generated context cache Onnx model to make the main EPContext node point to +// the last QNN context binary file +// Remove not used QNN context binary file, only keep the last one which contains all graphs +static void UpdateEpContextModel(const std::vector>& ep_ctx_files, + const std::string& last_qnn_ctx_binary_file_name) { + for (auto ep_ctx_file : ep_ctx_files) { + std::shared_ptr ctx_model; + auto path_str = ToPathString(ep_ctx_file); + CheckStatus(Model::Load(path_str, ctx_model, nullptr, + (*((OrtEnv*)*ort_env.get())->GetEnvironment().GetLoggingManager()).DefaultLogger())); + auto& ctx_graph = ctx_model->MainGraph(); + GraphViewer graph_viewer(ctx_graph); + auto path = std::filesystem::path(path_str); + + for (auto& node : ctx_graph.Nodes()) { + if (node.OpType() == "EPContext") { + NodeAttrHelper node_helper(node); + int64_t is_main_context = node_helper.Get("main_context", static_cast(0)); + if (1 == is_main_context) { + std::string old_qnn_ctx_binary_file_name = node_helper.Get("ep_cache_context", ""); + auto file_path = path.replace_filename(old_qnn_ctx_binary_file_name); + std::remove(file_path.string().c_str()); + node.ClearAttribute("ep_cache_context"); + node.AddAttribute("ep_cache_context", last_qnn_ctx_binary_file_name); + } + } + } + std::remove(ToUTF8String(ep_ctx_file).c_str()); + CheckStatus(Model::Save(*ctx_model.get(), ToPathString(ep_ctx_file))); + } +} + +#ifdef _WIN32 +int real_main(int argc, wchar_t* argv[]) { +#else +int real_main(int argc, char* argv[]) { +#endif + g_ort = OrtGetApiBase()->GetApi(ORT_API_VERSION); + qnnctxgen::TestConfig test_config; + if (!qnnctxgen::CommandLineParser::ParseArguments(test_config, argc, argv)) { + qnnctxgen::CommandLineParser::ShowUsage(); + return -1; + } + + { + bool failed = false; + ORT_TRY { + OrtLoggingLevel logging_level = test_config.run_config.f_verbose + ? ORT_LOGGING_LEVEL_VERBOSE + : ORT_LOGGING_LEVEL_WARNING; + + ort_env = std::make_unique(logging_level, "Default"); + } + ORT_CATCH(const Ort::Exception& e) { + ORT_HANDLE_EXCEPTION([&]() { + fprintf(stderr, "Error creating environment. Error-> %s \n", e.what()); + failed = true; + }); + } + + if (failed) + return -1; + } + + ORT_TRY { + SessionOptions so; + so.session_logid = "qnn_ctx_gen_session_logger"; + // Set default session option to dump QNN context model with non-embed mode + CheckStatus(so.config_options.AddConfigEntry(kOrtSessionOptionEpContextEnable, "1")); + CheckStatus(so.config_options.AddConfigEntry(kOrtSessionOptionEpContextEmbedMode, "0")); + RunOptions run_options; + run_options.run_tag = so.session_logid; + + ProviderOptions provider_options; +#if defined(_WIN32) + provider_options["backend_path"] = "QnnHtp.dll"; +#else + provider_options["backend_path"] = "libQnnHtp.so"; +#endif + // set default QNN EP option to enable weight sharing + provider_options["enable_htp_weight_sharing"] = "1"; + + for (auto it : test_config.run_config.qnn_options) { + provider_options[it.first] = it.second; + } + + for (auto it : test_config.run_config.session_config_entries) { + if (it.first == kOrtSessionOptionEpContextEnable && it.second != "1") { + std::cerr << "Need to enable ep context cache." << std::endl; + continue; + } + if (it.first == kOrtSessionOptionEpContextEmbedMode && it.second != "0") { + std::cerr << "Only support non-embed model for weight sharing." << std::endl; + continue; + } + if (it.first == kOrtSessionOptionEpContextFilePath) { + std::cout << "Not support to specify the generated Onnx context cache file name." << std::endl; + continue; + } + CheckStatus(so.config_options.AddConfigEntry(it.first.c_str(), it.second.c_str())); + } + + for (auto model_path : test_config.model_file_paths) { + std::cout << "Model file path: " << ToUTF8String(model_path) << std::endl; + } + + // Generate context cache model files with QNN context binary files + // The context binary file generated later includes all graphs from previous models + { + auto ep = QNNProviderFactoryCreator::Create(provider_options, &so)->CreateProvider(); + std::shared_ptr qnn_ep(std::move(ep)); + + for (auto model_path : test_config.model_file_paths) { + std::cout << "Generate context cache model for: " << ToUTF8String(model_path) << std::endl; + InferenceSession session_object{so, ((OrtEnv*)*ort_env.get())->GetEnvironment()}; + CheckStatus(session_object.RegisterExecutionProvider(qnn_ep)); + CheckStatus(session_object.Load(ToPathString(model_path))); + CheckStatus(session_object.Initialize()); + } + } + + std::cout << "Start to update the generated Onnx model." << std::endl; + std::vector> ep_ctx_files; + ep_ctx_files.reserve(test_config.model_file_paths.size()); + for (auto model_path : test_config.model_file_paths) { + ep_ctx_files.push_back(model_path + ORT_TSTR("_ctx.onnx")); + } + + // Get the last context binary file name + std::string last_qnn_ctx_binary_file_name; + GetLastContextBinaryFileName(ep_ctx_files.back(), last_qnn_ctx_binary_file_name); + std::cout << "The last context binary file: " << last_qnn_ctx_binary_file_name << std::endl; + if (last_qnn_ctx_binary_file_name.empty()) { + throw Ort::Exception("Can't find QNN context binary file from the Onnx model.", OrtErrorCode::ORT_FAIL); + } + ep_ctx_files.pop_back(); + + // Update generated context cache Onnx model to make the main EPContext node point to + // the last QNN context binary file + // Remove not used QNN context binary file, only keep the last one which contains all graphs + UpdateEpContextModel(ep_ctx_files, last_qnn_ctx_binary_file_name); + } + ORT_CATCH(const Ort::Exception& e) { + fprintf(stderr, "Failed to generate context cache file: %s \n", e.what()); + + ort_env.reset(); + return -1; + } + + ort_env.reset(); + + return 0; +} + +#ifdef _WIN32 +int wmain(int argc, wchar_t* argv[]) { +#else +int main(int argc, char* argv[]) { +#endif + int retval = -1; + ORT_TRY { + retval = real_main(argc, argv); + } + ORT_CATCH(const std::exception& ex) { + ORT_HANDLE_EXCEPTION([&]() { + fprintf(stderr, "%s\n", ex.what()); + retval = -1; + }); + } + + ::google::protobuf::ShutdownProtobufLibrary(); + + return retval; +} diff --git a/onnxruntime/test/qnn_ctx_gen/test_configuration.h b/onnxruntime/test/qnn_ctx_gen/test_configuration.h new file mode 100644 index 0000000000000..bf4c7061a3484 --- /dev/null +++ b/onnxruntime/test/qnn_ctx_gen/test_configuration.h @@ -0,0 +1,29 @@ +// Copyright (c) Microsoft Corporation. All rights reserved. +// Licensed under the MIT License. + +#pragma once + +#include +#include +#include +#include + +#include "core/graph/constants.h" +#include "core/framework/session_options.h" + +namespace onnxruntime { +namespace qnnctxgen { + +struct RunConfig { + bool f_verbose{false}; + std::unordered_map session_config_entries; + std::unordered_map qnn_options; +}; + +struct TestConfig { + std::vector> model_file_paths; + RunConfig run_config; +}; + +} // namespace qnnctxgen +} // namespace onnxruntime From a80bfed5b428756df59397851e351a2b9c2efb6f Mon Sep 17 00:00:00 2001 From: Jiajia Qin Date: Thu, 5 Sep 2024 03:04:04 +0800 Subject: [PATCH 051/119] [js/webgpu] Optimize transpose (#21964) ### Description Fix bugs in previous implementation and add more situations to go the optimized path. Below situations will go to the optimized path. 1. 2d inputs or squeezed 2d inputs 2. channels last or channels first transpose. For example, channel last transpose: [1, 256, 512, 512] -> [1, 512, 512, 256] For this case, the transpose becomes [256, 512x512] -> [512x512, 256] ### Motivation and Context For SD Turbo demo, the total transpose time becomes 39.98ms from 122.09ms. And the correspnding percents becomes 3.89% from 11.05% in this demo. This PR will also help #21618, the total transpose time in that demo becomes 17.32 ms from 70.25 ms on my iGPUs. --- js/web/lib/wasm/jsep/webgpu/ops/common.ts | 11 +-- js/web/lib/wasm/jsep/webgpu/ops/transpose.ts | 71 +++++++++++++------ js/web/test/data/ops/transpose.jsonc | 72 ++++++++++++++++++++ 3 files changed, 129 insertions(+), 25 deletions(-) diff --git a/js/web/lib/wasm/jsep/webgpu/ops/common.ts b/js/web/lib/wasm/jsep/webgpu/ops/common.ts index 65e54414e957e..c40229cde9e2b 100644 --- a/js/web/lib/wasm/jsep/webgpu/ops/common.ts +++ b/js/web/lib/wasm/jsep/webgpu/ops/common.ts @@ -875,11 +875,12 @@ class ShaderHelperImpl implements ShaderHelper { @builtin(workgroup_id) workgroup_id : vec3, @builtin(num_workgroups) num_workgroups : vec3`; const globalIdxDefinition = is1DimensionDispatch - ? 'let global_idx = global_id.x; let local_idx = local_id.x;' - : `let global_idx = (workgroup_id.z * num_workgroups[0] * num_workgroups[1] + - workgroup_id.y * num_workgroups[0] + workgroup_id.x) * ${ - workgroupSizeX * workgroupSizeY * workgroupSizeZ - }u + local_idx;`; + ? `let global_idx = global_id.x; + let local_idx = local_id.x; + let workgroup_index = workgroup_id.x;` + : `let workgroup_index = workgroup_id.z * num_workgroups[0] * num_workgroups[1] + + workgroup_id.y * num_workgroups[0] + workgroup_id.x; + let global_idx = workgroup_index * ${workgroupSizeX * workgroupSizeY * workgroupSizeZ}u + local_idx;`; return `@compute @workgroup_size(${workgroupSizeX}, ${workgroupSizeY}, ${workgroupSizeZ}) fn main(${paramList}) { diff --git a/js/web/lib/wasm/jsep/webgpu/ops/transpose.ts b/js/web/lib/wasm/jsep/webgpu/ops/transpose.ts index 3c08580128e04..ee877f8f0c3f2 100644 --- a/js/web/lib/wasm/jsep/webgpu/ops/transpose.ts +++ b/js/web/lib/wasm/jsep/webgpu/ops/transpose.ts @@ -36,33 +36,62 @@ const permFunctionBody = (perm: number[], rank: number, input: IndicesHelper, ou return reverseFunc.join('\n'); }; +const squeezeShape = (shape: readonly number[], adjustedPerm: number[]): { newShape: number[]; newPerm: number[] } => { + const newShape: number[] = []; + const newPerm: number[] = []; + for (let i = 0; i < shape.length; ++i) { + if (shape[i] !== 1) { + newShape.push(shape[i]); + } + if (shape[adjustedPerm[i]] !== 1) { + newPerm.push(adjustedPerm[i]); + } + } + return { newShape, newPerm }; +}; + export const createTransposeProgramInfo = (inputTensor: TensorView, permAttr: number[]): ProgramInfo => { const inputDataType = inputTensor.dataType; const inputRank = inputTensor.dims.length; const perm = getAdjustedPerm(inputRank, permAttr); const outputShape = getOutputShape(inputTensor.dims, perm); - const output = outputVariable('output', inputDataType, outputShape.length); - const input = inputVariable('a', inputDataType, inputRank); + const { newShape, newPerm } = squeezeShape(inputTensor.dims, perm); + const channelsLast = ShapeUtil.areEqual(newPerm, [2, 3, 1]); + const channelsFirst = ShapeUtil.areEqual(newPerm, [3, 1, 2]); + const useShared = (newShape.length === 2 && newPerm[0] > newPerm[1]) || channelsLast || channelsFirst; + let newInputShape = useShared ? newShape : inputTensor.dims; + let newOutputShape = outputShape; + if (useShared) { + newInputShape = channelsLast + ? [newShape[0], newShape[1] * newShape[2]] + : channelsFirst + ? [newShape[0] * newShape[1], newShape[2]] + : newShape; + newOutputShape = [newInputShape[1], newInputShape[0]]; + } + const input = inputVariable('a', inputDataType, newInputShape.length); + const output = outputVariable('output', inputDataType, newOutputShape.length); + const tileSize = 16; let getShaderSource; - if (perm.length === 2 && perm[0] === 1 && perm[1] === 0) { - const wgslType = output.type.value; - const workgroupSize: [number, number, number] = [16, 16, 1]; + if (useShared) { getShaderSource = (shaderHelper: ShaderHelper) => ` ${shaderHelper.registerUniform('output_size', 'u32').declareVariables(input, output)} - var tile : array, ${workgroupSize[0]}>; - ${shaderHelper.mainStart(workgroupSize)} - var x = workgroup_id.x * ${workgroupSize[0]}u + local_id.x; - var y = workgroup_id.y * ${workgroupSize[0]}u + local_id.y; - let width = uniforms.output_shape[0]; - let height = uniforms.output_shape[1]; - if (x < width && y < height) { - tile[local_id.y][local_id.x] = ${input.getByOffset('y * width + x')}; + var tile : array, ${tileSize}>; + ${shaderHelper.mainStart([tileSize, tileSize, 1])} + let stride = (uniforms.output_shape[1] - 1) / ${tileSize} + 1; + let workgroup_id_x = workgroup_index % stride; + let workgroup_id_y = workgroup_index / stride; + let input_col = workgroup_id_y * ${tileSize}u + local_id.x; + let input_row = workgroup_id_x * ${tileSize}u + local_id.y; + if (input_row < uniforms.a_shape[0] && input_col < uniforms.a_shape[1]) { + tile[local_id.y][local_id.x] = ${input.getByIndices(`${input.type.indices}(input_row, input_col)`)}; } workgroupBarrier(); - x = workgroup_id.y * ${workgroupSize[0]}u + local_id.x; - y = workgroup_id.x * ${workgroupSize[0]}u + local_id.y; - if (x < height && y < width) { - ${output.setByOffset('y * height + x', 'tile[local_id.x][local_id.y]')} + + let output_col = workgroup_id_x * ${tileSize}u + local_id.x; + let output_row = workgroup_id_y * ${tileSize}u + local_id.y; + if (output_row < uniforms.output_shape[0] && output_col < uniforms.output_shape[1]) { + ${output.setByIndices(`${output.type.indices}(output_row, output_col)`, 'tile[local_id.x][local_id.y]')} } }`; } else { @@ -81,16 +110,18 @@ export const createTransposeProgramInfo = (inputTensor: TensorView, permAttr: nu }`; } return { - name: 'Transpose', + name: useShared ? 'TransposeShared' : 'Transpose', shaderCache: { hint: `${permAttr}`, inputDependencies: ['rank'] }, getRunData: () => { const outputSize = ShapeUtil.size(outputShape); return { outputs: [{ dims: outputShape, dataType: inputTensor.dataType }], - dispatchGroup: { x: Math.ceil(outputSize / 64 /* workgroup size */) }, + dispatchGroup: useShared + ? { x: Math.ceil(newOutputShape[1] / tileSize), y: Math.ceil(newOutputShape[0] / tileSize) } + : { x: Math.ceil(outputSize / 64 /* workgroup size */) }, programUniforms: [ { type: DataType.uint32, data: outputSize }, - ...createTensorShapeVariables(inputTensor.dims, outputShape), + ...createTensorShapeVariables(newInputShape, newOutputShape), ], }; }, diff --git a/js/web/test/data/ops/transpose.jsonc b/js/web/test/data/ops/transpose.jsonc index 2b01475522ac0..a7265d6444118 100644 --- a/js/web/test/data/ops/transpose.jsonc +++ b/js/web/test/data/ops/transpose.jsonc @@ -167,6 +167,78 @@ } ] }, + { + "name": "Transpose squeezed 2d - perms:[0, 2, 1, 3]", + "operator": "Transpose", + "attributes": [{ "name": "perm", "data": [0, 2, 1, 3], "type": "ints" }], + "cases": [ + { + "name": "T[1, 3 , 4, 1]", + "inputs": [ + { + "data": [1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12], + "dims": [1, 3, 4, 1], + "type": "float32" + } + ], + "outputs": [ + { + "data": [1, 5, 9, 2, 6, 10, 3, 7, 11, 4, 8, 12], + "dims": [1, 4, 3, 1], + "type": "float32" + } + ] + } + ] + }, + { + "name": "Transpose 4D channelsFirst - perms:[0, 3, 1, 2]", + "operator": "Transpose", + "attributes": [{ "name": "perm", "data": [0, 3, 1, 2], "type": "ints" }], + "cases": [ + { + "name": "T[1, 2, 3, 4]", + "inputs": [ + { + "data": [1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 16, 17, 18, 19, 20, 21, 22, 23, 24], + "dims": [1, 2, 3, 4], + "type": "float32" + } + ], + "outputs": [ + { + "data": [1, 5, 9, 13, 17, 21, 2, 6, 10, 14, 18, 22, 3, 7, 11, 15, 19, 23, 4, 8, 12, 16, 20, 24], + "dims": [1, 4, 2, 3], + "type": "float32" + } + ] + } + ] + }, + { + "name": "Transpose 4D channelsLast - perms:[0, 2, 3, 1]", + "operator": "Transpose", + "attributes": [{ "name": "perm", "data": [0, 2, 3, 1], "type": "ints" }], + "cases": [ + { + "name": "T[1, 2, 3, 4]", + "inputs": [ + { + "data": [1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 16, 17, 18, 19, 20, 21, 22, 23, 24], + "dims": [1, 2, 3, 4], + "type": "float32" + } + ], + "outputs": [ + { + "data": [1, 13, 2, 14, 3, 15, 4, 16, 5, 17, 6, 18, 7, 19, 8, 20, 9, 21, 10, 22, 11, 23, 12, 24], + "dims": [1, 3, 4, 2], + "type": "float32" + } + ] + } + ] + }, { "name": "Transpose 5D - perms:[4, 3, 1, 0, 2]", "operator": "Transpose", From 09d786fc144e67e19c6613dfa8dbb85614429d12 Mon Sep 17 00:00:00 2001 From: Jian Chen Date: Wed, 4 Sep 2024 13:18:05 -0700 Subject: [PATCH 052/119] Rename ios_packaging.requirements.txt to ios_packaging/requirements.txt (#21936) ### Description Rename ios_packaging.requirements.txt to ios_packaging/requirements.txt ### Motivation and Context By doing this, the package within os_packaging/requirements.txt can be scanned by CG task --- .../requirements.txt} | 0 tools/ci_build/github/azure-pipelines/post-merge-jobs.yml | 4 ++-- .../github/azure-pipelines/templates/react-native-ci.yml | 2 +- .../templates/stages/mac-ios-packaging-build-stage.yml | 2 +- 4 files changed, 4 insertions(+), 4 deletions(-) rename tools/ci_build/github/apple/{ios_packaging.requirements.txt => ios_packaging/requirements.txt} (100%) diff --git a/tools/ci_build/github/apple/ios_packaging.requirements.txt b/tools/ci_build/github/apple/ios_packaging/requirements.txt similarity index 100% rename from tools/ci_build/github/apple/ios_packaging.requirements.txt rename to tools/ci_build/github/apple/ios_packaging/requirements.txt diff --git a/tools/ci_build/github/azure-pipelines/post-merge-jobs.yml b/tools/ci_build/github/azure-pipelines/post-merge-jobs.yml index 303aa709ebf6e..e13f1c20b37ce 100644 --- a/tools/ci_build/github/azure-pipelines/post-merge-jobs.yml +++ b/tools/ci_build/github/azure-pipelines/post-merge-jobs.yml @@ -439,7 +439,7 @@ stages: xcodeVersion: 14.2 - script: | - pip install -r tools/ci_build/github/apple/ios_packaging.requirements.txt + pip install -r tools/ci_build/github/apple/ios_packaging/requirements.txt displayName: "Install Python requirements" - script: | @@ -477,7 +477,7 @@ stages: xcodeVersion: 14.2 - script: | - pip install -r tools/ci_build/github/apple/ios_packaging.requirements.txt + pip install -r tools/ci_build/github/apple/ios_packaging/requirements.txt displayName: "Install Python requirements" - script: | diff --git a/tools/ci_build/github/azure-pipelines/templates/react-native-ci.yml b/tools/ci_build/github/azure-pipelines/templates/react-native-ci.yml index caf45fc51053e..46dc867113a2e 100644 --- a/tools/ci_build/github/azure-pipelines/templates/react-native-ci.yml +++ b/tools/ci_build/github/azure-pipelines/templates/react-native-ci.yml @@ -61,7 +61,7 @@ stages: architecture: "x64" - script: | - pip install -r tools/ci_build/github/apple/ios_packaging.requirements.txt + pip install -r tools/ci_build/github/apple/ios_packaging/requirements.txt displayName: "Install Python requirements" - template: mac-build-step-with-cache.yml diff --git a/tools/ci_build/github/azure-pipelines/templates/stages/mac-ios-packaging-build-stage.yml b/tools/ci_build/github/azure-pipelines/templates/stages/mac-ios-packaging-build-stage.yml index a1ae63e606526..27f9ac895024c 100644 --- a/tools/ci_build/github/azure-pipelines/templates/stages/mac-ios-packaging-build-stage.yml +++ b/tools/ci_build/github/azure-pipelines/templates/stages/mac-ios-packaging-build-stage.yml @@ -68,7 +68,7 @@ stages: - template: ../install-appcenter.yml - script: | - pip install -r tools/ci_build/github/apple/ios_packaging.requirements.txt + pip install -r tools/ci_build/github/apple/ios_packaging/requirements.txt displayName: "Install Python requirements" # create and test mobile pods From 8632e67dc3505c9aa03841c4955ad5a8dfc24045 Mon Sep 17 00:00:00 2001 From: Scott McKay Date: Thu, 5 Sep 2024 07:53:53 +1000 Subject: [PATCH 053/119] Update C# E2E project's test package versions (#21975) ### Description Update C# test package dependencies to match #21913 This csproj isn't included in the main sln and was overlooked. We need the newer xunit version for Assert.Fail which is used in shared unit test source that is included here as well. ### Motivation and Context Fix CI failure --- .../Microsoft.ML.OnnxRuntime.EndToEndTests.csproj | 6 +++--- 1 file changed, 3 insertions(+), 3 deletions(-) diff --git a/csharp/test/Microsoft.ML.OnnxRuntime.EndToEndTests/Microsoft.ML.OnnxRuntime.EndToEndTests.csproj b/csharp/test/Microsoft.ML.OnnxRuntime.EndToEndTests/Microsoft.ML.OnnxRuntime.EndToEndTests.csproj index 5ff924bcf82f3..9654336526ef3 100644 --- a/csharp/test/Microsoft.ML.OnnxRuntime.EndToEndTests/Microsoft.ML.OnnxRuntime.EndToEndTests.csproj +++ b/csharp/test/Microsoft.ML.OnnxRuntime.EndToEndTests/Microsoft.ML.OnnxRuntime.EndToEndTests.csproj @@ -38,11 +38,11 @@ - + - - + + From 44fc7b443c9436a6be0aa48a10688d5dc3002bdb Mon Sep 17 00:00:00 2001 From: Scott McKay Date: Thu, 5 Sep 2024 08:21:23 +1000 Subject: [PATCH 054/119] Update C# test projects (#21631) ### Description Update various test projects to .net8 from EOL frameworks. Replace the Xamarin based Android and iOS test projects with a MAUI based project that uses .net 8. Add new CoreML flags to C# bindings ### Motivation and Context Remove usage of EOL frameworks. --- NuGet.config | 2 + csharp/ApiDocs/ApiDocs.csproj | 2 +- csharp/OnnxRuntime.CSharp.sln | 172 +- ...ML.OnnxRuntime.InferenceSample.Maui.csproj | 12 +- ...xRuntime.InferenceSample.NetCoreApp.csproj | 4 +- ...oft.ML.OnnxRuntime.ResNet50v2Sample.csproj | 3 +- .../Program.cs | 5 + .../readme.md | 3 + .../AssemblyInfo.shared.cs | 3 +- .../FixedBufferOnnxValue.shared.cs | 4 +- .../Microsoft.ML.OnnxRuntime.csproj | 9 +- .../OrtIoBinding.shared.cs | 2 +- .../OrtValue.shared.cs | 6 +- .../OrtValueTensor.shared.cs | 2 +- .../ProviderOptions.shared.cs | 4 +- .../Tensors/ArrayTensorExtensions.shared.cs | 2 +- .../Training/TrainingSession.shared.cs | 4 +- .../EndToEndTests.Mobile.Automation.csproj | 8 +- .../packages.config | 5 - ...ft.ML.OnnxRuntime.EndToEndTests.Mobile.sln | 4 +- .../ReadMe.md | 5 +- ...rosoft.ML.OnnxRuntime.EndToEndTests.csproj | 2 +- ...Microsoft.ML.OnnxRuntime.EndToEndTests.sln | 4 +- .../runtest.bat | 2 +- .../AssemblyInfo.cs | 7 +- .../InferenceTest.cs | 3 + ...crosoft.ML.OnnxRuntime.Tests.Common.csproj | 16 +- .../OrtValueTests.cs | 2 +- .../Assets/AboutAssets.txt | 19 - .../InferenceTest.android.cs | 14 - .../MainActivity.cs | 85 - ...icrosoft.ML.OnnxRuntime.Tests.Droid.csproj | 176 - .../Properties/AndroidManifest.xml | 7 - .../Properties/AssemblyInfo.cs | 26 - .../ReadMe.md | 15 - .../Resources/AboutResources.txt | 44 - .../Resources/Resource.designer.cs | 20632 ---------------- .../Resources/layout/activity_main.xml | 7 - .../mipmap-anydpi-v26/ic_launcher.xml | 5 - .../mipmap-anydpi-v26/ic_launcher_round.xml | 5 - .../Resources/mipmap-hdpi/ic_launcher.png | Bin 1634 -> 0 bytes .../mipmap-hdpi/ic_launcher_foreground.png | Bin 1441 -> 0 bytes .../mipmap-hdpi/ic_launcher_round.png | Bin 3552 -> 0 bytes .../Resources/mipmap-mdpi/ic_launcher.png | Bin 1362 -> 0 bytes .../mipmap-mdpi/ic_launcher_foreground.png | Bin 958 -> 0 bytes .../mipmap-mdpi/ic_launcher_round.png | Bin 2413 -> 0 bytes .../Resources/mipmap-xhdpi/ic_launcher.png | Bin 2307 -> 0 bytes .../mipmap-xhdpi/ic_launcher_foreground.png | Bin 2056 -> 0 bytes .../mipmap-xhdpi/ic_launcher_round.png | Bin 4858 -> 0 bytes .../Resources/mipmap-xxhdpi/ic_launcher.png | Bin 3871 -> 0 bytes .../mipmap-xxhdpi/ic_launcher_foreground.png | Bin 3403 -> 0 bytes .../mipmap-xxhdpi/ic_launcher_round.png | Bin 8001 -> 0 bytes .../Resources/mipmap-xxxhdpi/ic_launcher.png | Bin 5016 -> 0 bytes .../mipmap-xxxhdpi/ic_launcher_foreground.png | Bin 4889 -> 0 bytes .../mipmap-xxxhdpi/ic_launcher_round.png | Bin 10893 -> 0 bytes .../Resources/values/colors.xml | 6 - .../values/ic_launcher_background.xml | 4 - .../Resources/values/strings.xml | 4 - .../Resources/values/styles.xml | 19 - .../App.xaml | 14 + .../App.xaml.cs | 12 + .../AppShell.xaml | 15 + .../AppShell.xaml.cs | 10 + .../MainPage.xaml | 36 + .../MainPage.xaml.cs | 25 + .../MauiProgram.cs | 48 + ...Microsoft.ML.OnnxRuntime.Tests.MAUI.csproj | 298 + .../Platforms/Android/AndroidManifest.xml | 6 + .../Platforms/Android/MainActivity.cs | 11 + .../Platforms/Android/MainApplication.cs | 16 + .../Platforms/Android/PlatformTests.cs | 16 + .../Android/Resources/values/colors.xml | 6 + .../Platforms/MacCatalyst/AppDelegate.cs | 10 + .../Platforms/MacCatalyst/Entitlements.plist | 14 + .../Platforms/MacCatalyst/Info.plist | 38 + .../Platforms/MacCatalyst/PlatformTests.cs | 22 + .../Platforms/MacCatalyst/Program.cs} | 9 +- .../Platforms/Windows/App.xaml | 8 + .../Platforms/Windows/App.xaml.cs | 25 + .../Platforms/Windows/Package.appxmanifest | 46 + .../Platforms/Windows/PlatformTests.cs | 18 + .../Platforms/iOS/AppDelegate.cs | 10 + .../Platforms/iOS}/Info.plist | 18 +- .../Platforms/iOS/PlatformTests.cs | 22 + .../Platforms/iOS/Program.cs | 16 + .../Properties/launchSettings.json | 8 + .../Resources/AppIcon/appicon.svg | 4 + .../Resources/AppIcon/appiconfg.svg | 8 + .../Resources/Fonts/OpenSans-Regular.ttf | Bin 0 -> 107184 bytes .../Resources/Fonts/OpenSans-Semibold.ttf | Bin 0 -> 111168 bytes .../Resources/Images/dotnet_bot.png | Bin 0 -> 69811 bytes .../Resources/Raw/AboutAssets.txt | 15 + .../Resources/Splash/splash.svg | 8 + .../Resources/Styles/Colors.xaml | 45 + .../Resources/Styles/Styles.xaml | 427 + .../Usings.cs | 4 + ...oft.ML.OnnxRuntime.Tests.NetCoreApp.csproj | 3 +- .../AppDelegate.cs | 93 - .../AppIcon.appiconset/Contents.json | 117 - .../AppIcon.appiconset/Icon1024.png | Bin 70429 -> 0 bytes .../AppIcon.appiconset/Icon120.png | Bin 3773 -> 0 bytes .../AppIcon.appiconset/Icon152.png | Bin 4750 -> 0 bytes .../AppIcon.appiconset/Icon167.png | Bin 4692 -> 0 bytes .../AppIcon.appiconset/Icon180.png | Bin 5192 -> 0 bytes .../AppIcon.appiconset/Icon20.png | Bin 1313 -> 0 bytes .../AppIcon.appiconset/Icon29.png | Bin 845 -> 0 bytes .../AppIcon.appiconset/Icon40.png | Bin 1101 -> 0 bytes .../AppIcon.appiconset/Icon58.png | Bin 1761 -> 0 bytes .../AppIcon.appiconset/Icon60.png | Bin 2537 -> 0 bytes .../AppIcon.appiconset/Icon76.png | Bin 2332 -> 0 bytes .../AppIcon.appiconset/Icon80.png | Bin 2454 -> 0 bytes .../AppIcon.appiconset/Icon87.png | Bin 2758 -> 0 bytes .../Entitlements.plist | 6 - .../InferenceTest.ios.cs | 14 - .../LaunchScreen.storyboard | 27 - .../Microsoft.ML.OnnxRuntime.Tests.iOS.csproj | 208 - .../Properties/AssemblyInfo.cs | 36 - .../Resources/LaunchScreen.xib | 43 - .../Microsoft.ML.OnnxRuntime.PerfTool.csproj | 14 +- .../azure-pipelines/linux-ci-pipeline.yml | 2 +- .../nuget/templates/test_win.yml | 8 +- .../templates/jobs/win-ci-vs-2022-job.yml | 9 +- .../linux/docker/scripts/install_dotnet.sh | 4 +- 123 files changed, 1442 insertions(+), 21795 deletions(-) create mode 100644 csharp/sample/Microsoft.ML.OnnxRuntime.ResNet50v2Sample/readme.md delete mode 100644 csharp/test/Microsoft.ML.OnnxRuntime.EndToEndTests.Mobile/EndToEndTests.Mobile.Automation/packages.config delete mode 100644 csharp/test/Microsoft.ML.OnnxRuntime.Tests.Droid/Assets/AboutAssets.txt delete mode 100644 csharp/test/Microsoft.ML.OnnxRuntime.Tests.Droid/InferenceTest.android.cs delete mode 100644 csharp/test/Microsoft.ML.OnnxRuntime.Tests.Droid/MainActivity.cs delete mode 100644 csharp/test/Microsoft.ML.OnnxRuntime.Tests.Droid/Microsoft.ML.OnnxRuntime.Tests.Droid.csproj delete mode 100644 csharp/test/Microsoft.ML.OnnxRuntime.Tests.Droid/Properties/AndroidManifest.xml delete mode 100644 csharp/test/Microsoft.ML.OnnxRuntime.Tests.Droid/Properties/AssemblyInfo.cs delete mode 100644 csharp/test/Microsoft.ML.OnnxRuntime.Tests.Droid/ReadMe.md delete mode 100644 csharp/test/Microsoft.ML.OnnxRuntime.Tests.Droid/Resources/AboutResources.txt delete mode 100644 csharp/test/Microsoft.ML.OnnxRuntime.Tests.Droid/Resources/Resource.designer.cs delete mode 100644 csharp/test/Microsoft.ML.OnnxRuntime.Tests.Droid/Resources/layout/activity_main.xml delete mode 100644 csharp/test/Microsoft.ML.OnnxRuntime.Tests.Droid/Resources/mipmap-anydpi-v26/ic_launcher.xml delete mode 100644 csharp/test/Microsoft.ML.OnnxRuntime.Tests.Droid/Resources/mipmap-anydpi-v26/ic_launcher_round.xml delete mode 100644 csharp/test/Microsoft.ML.OnnxRuntime.Tests.Droid/Resources/mipmap-hdpi/ic_launcher.png delete mode 100644 csharp/test/Microsoft.ML.OnnxRuntime.Tests.Droid/Resources/mipmap-hdpi/ic_launcher_foreground.png delete mode 100644 csharp/test/Microsoft.ML.OnnxRuntime.Tests.Droid/Resources/mipmap-hdpi/ic_launcher_round.png delete mode 100644 csharp/test/Microsoft.ML.OnnxRuntime.Tests.Droid/Resources/mipmap-mdpi/ic_launcher.png delete mode 100644 csharp/test/Microsoft.ML.OnnxRuntime.Tests.Droid/Resources/mipmap-mdpi/ic_launcher_foreground.png delete mode 100644 csharp/test/Microsoft.ML.OnnxRuntime.Tests.Droid/Resources/mipmap-mdpi/ic_launcher_round.png delete mode 100644 csharp/test/Microsoft.ML.OnnxRuntime.Tests.Droid/Resources/mipmap-xhdpi/ic_launcher.png delete mode 100644 csharp/test/Microsoft.ML.OnnxRuntime.Tests.Droid/Resources/mipmap-xhdpi/ic_launcher_foreground.png delete mode 100644 csharp/test/Microsoft.ML.OnnxRuntime.Tests.Droid/Resources/mipmap-xhdpi/ic_launcher_round.png delete mode 100644 csharp/test/Microsoft.ML.OnnxRuntime.Tests.Droid/Resources/mipmap-xxhdpi/ic_launcher.png delete mode 100644 csharp/test/Microsoft.ML.OnnxRuntime.Tests.Droid/Resources/mipmap-xxhdpi/ic_launcher_foreground.png delete mode 100644 csharp/test/Microsoft.ML.OnnxRuntime.Tests.Droid/Resources/mipmap-xxhdpi/ic_launcher_round.png delete mode 100644 csharp/test/Microsoft.ML.OnnxRuntime.Tests.Droid/Resources/mipmap-xxxhdpi/ic_launcher.png delete mode 100644 csharp/test/Microsoft.ML.OnnxRuntime.Tests.Droid/Resources/mipmap-xxxhdpi/ic_launcher_foreground.png delete mode 100644 csharp/test/Microsoft.ML.OnnxRuntime.Tests.Droid/Resources/mipmap-xxxhdpi/ic_launcher_round.png delete mode 100644 csharp/test/Microsoft.ML.OnnxRuntime.Tests.Droid/Resources/values/colors.xml delete mode 100644 csharp/test/Microsoft.ML.OnnxRuntime.Tests.Droid/Resources/values/ic_launcher_background.xml delete mode 100644 csharp/test/Microsoft.ML.OnnxRuntime.Tests.Droid/Resources/values/strings.xml delete mode 100644 csharp/test/Microsoft.ML.OnnxRuntime.Tests.Droid/Resources/values/styles.xml create mode 100644 csharp/test/Microsoft.ML.OnnxRuntime.Tests.MAUI/App.xaml create mode 100644 csharp/test/Microsoft.ML.OnnxRuntime.Tests.MAUI/App.xaml.cs create mode 100644 csharp/test/Microsoft.ML.OnnxRuntime.Tests.MAUI/AppShell.xaml create mode 100644 csharp/test/Microsoft.ML.OnnxRuntime.Tests.MAUI/AppShell.xaml.cs create mode 100644 csharp/test/Microsoft.ML.OnnxRuntime.Tests.MAUI/MainPage.xaml create mode 100644 csharp/test/Microsoft.ML.OnnxRuntime.Tests.MAUI/MainPage.xaml.cs create mode 100644 csharp/test/Microsoft.ML.OnnxRuntime.Tests.MAUI/MauiProgram.cs create mode 100644 csharp/test/Microsoft.ML.OnnxRuntime.Tests.MAUI/Microsoft.ML.OnnxRuntime.Tests.MAUI.csproj create mode 100644 csharp/test/Microsoft.ML.OnnxRuntime.Tests.MAUI/Platforms/Android/AndroidManifest.xml create mode 100644 csharp/test/Microsoft.ML.OnnxRuntime.Tests.MAUI/Platforms/Android/MainActivity.cs create mode 100644 csharp/test/Microsoft.ML.OnnxRuntime.Tests.MAUI/Platforms/Android/MainApplication.cs create mode 100644 csharp/test/Microsoft.ML.OnnxRuntime.Tests.MAUI/Platforms/Android/PlatformTests.cs create mode 100644 csharp/test/Microsoft.ML.OnnxRuntime.Tests.MAUI/Platforms/Android/Resources/values/colors.xml create mode 100644 csharp/test/Microsoft.ML.OnnxRuntime.Tests.MAUI/Platforms/MacCatalyst/AppDelegate.cs create mode 100644 csharp/test/Microsoft.ML.OnnxRuntime.Tests.MAUI/Platforms/MacCatalyst/Entitlements.plist create mode 100644 csharp/test/Microsoft.ML.OnnxRuntime.Tests.MAUI/Platforms/MacCatalyst/Info.plist create mode 100644 csharp/test/Microsoft.ML.OnnxRuntime.Tests.MAUI/Platforms/MacCatalyst/PlatformTests.cs rename csharp/test/{Microsoft.ML.OnnxRuntime.Tests.iOS/Main.cs => Microsoft.ML.OnnxRuntime.Tests.MAUI/Platforms/MacCatalyst/Program.cs} (75%) create mode 100644 csharp/test/Microsoft.ML.OnnxRuntime.Tests.MAUI/Platforms/Windows/App.xaml create mode 100644 csharp/test/Microsoft.ML.OnnxRuntime.Tests.MAUI/Platforms/Windows/App.xaml.cs create mode 100644 csharp/test/Microsoft.ML.OnnxRuntime.Tests.MAUI/Platforms/Windows/Package.appxmanifest create mode 100644 csharp/test/Microsoft.ML.OnnxRuntime.Tests.MAUI/Platforms/Windows/PlatformTests.cs create mode 100644 csharp/test/Microsoft.ML.OnnxRuntime.Tests.MAUI/Platforms/iOS/AppDelegate.cs rename csharp/test/{Microsoft.ML.OnnxRuntime.Tests.iOS => Microsoft.ML.OnnxRuntime.Tests.MAUI/Platforms/iOS}/Info.plist (65%) create mode 100644 csharp/test/Microsoft.ML.OnnxRuntime.Tests.MAUI/Platforms/iOS/PlatformTests.cs create mode 100644 csharp/test/Microsoft.ML.OnnxRuntime.Tests.MAUI/Platforms/iOS/Program.cs create mode 100644 csharp/test/Microsoft.ML.OnnxRuntime.Tests.MAUI/Properties/launchSettings.json create mode 100644 csharp/test/Microsoft.ML.OnnxRuntime.Tests.MAUI/Resources/AppIcon/appicon.svg create mode 100644 csharp/test/Microsoft.ML.OnnxRuntime.Tests.MAUI/Resources/AppIcon/appiconfg.svg create mode 100644 csharp/test/Microsoft.ML.OnnxRuntime.Tests.MAUI/Resources/Fonts/OpenSans-Regular.ttf create mode 100644 csharp/test/Microsoft.ML.OnnxRuntime.Tests.MAUI/Resources/Fonts/OpenSans-Semibold.ttf create mode 100644 csharp/test/Microsoft.ML.OnnxRuntime.Tests.MAUI/Resources/Images/dotnet_bot.png create mode 100644 csharp/test/Microsoft.ML.OnnxRuntime.Tests.MAUI/Resources/Raw/AboutAssets.txt create mode 100644 csharp/test/Microsoft.ML.OnnxRuntime.Tests.MAUI/Resources/Splash/splash.svg create mode 100644 csharp/test/Microsoft.ML.OnnxRuntime.Tests.MAUI/Resources/Styles/Colors.xaml create mode 100644 csharp/test/Microsoft.ML.OnnxRuntime.Tests.MAUI/Resources/Styles/Styles.xaml create mode 100644 csharp/test/Microsoft.ML.OnnxRuntime.Tests.MAUI/Usings.cs delete mode 100644 csharp/test/Microsoft.ML.OnnxRuntime.Tests.iOS/AppDelegate.cs delete mode 100644 csharp/test/Microsoft.ML.OnnxRuntime.Tests.iOS/Assets.xcassets/AppIcon.appiconset/Contents.json delete mode 100644 csharp/test/Microsoft.ML.OnnxRuntime.Tests.iOS/Assets.xcassets/AppIcon.appiconset/Icon1024.png delete mode 100644 csharp/test/Microsoft.ML.OnnxRuntime.Tests.iOS/Assets.xcassets/AppIcon.appiconset/Icon120.png delete mode 100644 csharp/test/Microsoft.ML.OnnxRuntime.Tests.iOS/Assets.xcassets/AppIcon.appiconset/Icon152.png delete mode 100644 csharp/test/Microsoft.ML.OnnxRuntime.Tests.iOS/Assets.xcassets/AppIcon.appiconset/Icon167.png delete mode 100644 csharp/test/Microsoft.ML.OnnxRuntime.Tests.iOS/Assets.xcassets/AppIcon.appiconset/Icon180.png delete mode 100644 csharp/test/Microsoft.ML.OnnxRuntime.Tests.iOS/Assets.xcassets/AppIcon.appiconset/Icon20.png delete mode 100644 csharp/test/Microsoft.ML.OnnxRuntime.Tests.iOS/Assets.xcassets/AppIcon.appiconset/Icon29.png delete mode 100644 csharp/test/Microsoft.ML.OnnxRuntime.Tests.iOS/Assets.xcassets/AppIcon.appiconset/Icon40.png delete mode 100644 csharp/test/Microsoft.ML.OnnxRuntime.Tests.iOS/Assets.xcassets/AppIcon.appiconset/Icon58.png delete mode 100644 csharp/test/Microsoft.ML.OnnxRuntime.Tests.iOS/Assets.xcassets/AppIcon.appiconset/Icon60.png delete mode 100644 csharp/test/Microsoft.ML.OnnxRuntime.Tests.iOS/Assets.xcassets/AppIcon.appiconset/Icon76.png delete mode 100644 csharp/test/Microsoft.ML.OnnxRuntime.Tests.iOS/Assets.xcassets/AppIcon.appiconset/Icon80.png delete mode 100644 csharp/test/Microsoft.ML.OnnxRuntime.Tests.iOS/Assets.xcassets/AppIcon.appiconset/Icon87.png delete mode 100644 csharp/test/Microsoft.ML.OnnxRuntime.Tests.iOS/Entitlements.plist delete mode 100644 csharp/test/Microsoft.ML.OnnxRuntime.Tests.iOS/InferenceTest.ios.cs delete mode 100644 csharp/test/Microsoft.ML.OnnxRuntime.Tests.iOS/LaunchScreen.storyboard delete mode 100644 csharp/test/Microsoft.ML.OnnxRuntime.Tests.iOS/Microsoft.ML.OnnxRuntime.Tests.iOS.csproj delete mode 100644 csharp/test/Microsoft.ML.OnnxRuntime.Tests.iOS/Properties/AssemblyInfo.cs delete mode 100644 csharp/test/Microsoft.ML.OnnxRuntime.Tests.iOS/Resources/LaunchScreen.xib diff --git a/NuGet.config b/NuGet.config index 2f49bb4b39931..e960c31298350 100644 --- a/NuGet.config +++ b/NuGet.config @@ -6,6 +6,8 @@ + + diff --git a/csharp/ApiDocs/ApiDocs.csproj b/csharp/ApiDocs/ApiDocs.csproj index 6081c444ba1af..eba7895a6b83d 100644 --- a/csharp/ApiDocs/ApiDocs.csproj +++ b/csharp/ApiDocs/ApiDocs.csproj @@ -1,7 +1,7 @@  - net6.0 + net8.0 enable true diff --git a/csharp/OnnxRuntime.CSharp.sln b/csharp/OnnxRuntime.CSharp.sln index 4c402208b16ac..4556be2aa2b02 100644 --- a/csharp/OnnxRuntime.CSharp.sln +++ b/csharp/OnnxRuntime.CSharp.sln @@ -24,15 +24,13 @@ Project("{9A19103F-16F7-4668-BE54-9A1E7A4F7556}") = "Microsoft.ML.OnnxRuntime.Te EndProject Project("{9A19103F-16F7-4668-BE54-9A1E7A4F7556}") = "Microsoft.ML.OnnxRuntime.Tests.NetCoreApp", "test\Microsoft.ML.OnnxRuntime.Tests.NetCoreApp\Microsoft.ML.OnnxRuntime.Tests.NetCoreApp.csproj", "{50173D13-DF29-42E7-A30B-8B12D36C77B1}" EndProject -Project("{FAE04EC0-301F-11D3-BF4B-00C04F79EFBC}") = "Microsoft.ML.OnnxRuntime.Tests.iOS", "test\Microsoft.ML.OnnxRuntime.Tests.iOS\Microsoft.ML.OnnxRuntime.Tests.iOS.csproj", "{19446672-EBA3-4BA6-8DFB-AB2A85AC9AA4}" -EndProject -Project("{FAE04EC0-301F-11D3-BF4B-00C04F79EFBC}") = "Microsoft.ML.OnnxRuntime.Tests.Droid", "test\Microsoft.ML.OnnxRuntime.Tests.Droid\Microsoft.ML.OnnxRuntime.Tests.Droid.csproj", "{772E0BB4-6B5A-4453-9F4A-034DCBB61B5C}" -EndProject Project("{9A19103F-16F7-4668-BE54-9A1E7A4F7556}") = "Microsoft.ML.OnnxRuntime.Tests.Devices", "test\Microsoft.ML.OnnxRuntime.Tests.Devices\Microsoft.ML.OnnxRuntime.Tests.Devices.csproj", "{30431891-3929-4394-8049-75055B92315F}" EndProject Project("{2150E333-8FDC-42A3-9474-1A3956D46DE8}") = "Docs", "Docs", "{7C7FC981-8AE7-42C6-962C-4B70D5C20C35}" EndProject -Project("{FAE04EC0-301F-11D3-BF4B-00C04F79EFBC}") = "ApiDocs", "ApiDocs\ApiDocs.csproj", "{7D841874-815D-43C7-9A3F-DD0AD9BA9D42}" +Project("{9A19103F-16F7-4668-BE54-9A1E7A4F7556}") = "ApiDocs", "ApiDocs\ApiDocs.csproj", "{7D841874-815D-43C7-9A3F-DD0AD9BA9D42}" +EndProject +Project("{9A19103F-16F7-4668-BE54-9A1E7A4F7556}") = "Microsoft.ML.OnnxRuntime.Tests.MAUI", "test\Microsoft.ML.OnnxRuntime.Tests.MAUI\Microsoft.ML.OnnxRuntime.Tests.MAUI.csproj", "{85E4F8C9-366A-4769-8DBC-ABCDE37FD460}" EndProject Global GlobalSection(SolutionConfigurationPlatforms) = preSolution @@ -98,6 +96,42 @@ Global {2E295930-42B1-422D-925D-F07947AD8EFF}.RelWithDebInfo|iPhoneSimulator.Build.0 = Release|Any CPU {2E295930-42B1-422D-925D-F07947AD8EFF}.RelWithDebInfo|x86.ActiveCfg = Debug|Any CPU {2E295930-42B1-422D-925D-F07947AD8EFF}.RelWithDebInfo|x86.Build.0 = Debug|Any CPU + {037242E4-7C79-401F-A19C-6824B1BB356F}.Debug|Any CPU.ActiveCfg = Debug|Any CPU + {037242E4-7C79-401F-A19C-6824B1BB356F}.Debug|Any CPU.Build.0 = Debug|Any CPU + {037242E4-7C79-401F-A19C-6824B1BB356F}.Debug|Any CPU.Deploy.0 = Debug|Any CPU + {037242E4-7C79-401F-A19C-6824B1BB356F}.Debug|iPhone.ActiveCfg = Debug|Any CPU + {037242E4-7C79-401F-A19C-6824B1BB356F}.Debug|iPhone.Build.0 = Debug|Any CPU + {037242E4-7C79-401F-A19C-6824B1BB356F}.Debug|iPhone.Deploy.0 = Debug|Any CPU + {037242E4-7C79-401F-A19C-6824B1BB356F}.Debug|iPhoneSimulator.ActiveCfg = Debug|Any CPU + {037242E4-7C79-401F-A19C-6824B1BB356F}.Debug|iPhoneSimulator.Build.0 = Debug|Any CPU + {037242E4-7C79-401F-A19C-6824B1BB356F}.Debug|iPhoneSimulator.Deploy.0 = Debug|Any CPU + {037242E4-7C79-401F-A19C-6824B1BB356F}.Debug|x86.ActiveCfg = Debug|Any CPU + {037242E4-7C79-401F-A19C-6824B1BB356F}.Debug|x86.Build.0 = Debug|Any CPU + {037242E4-7C79-401F-A19C-6824B1BB356F}.Debug|x86.Deploy.0 = Debug|Any CPU + {037242E4-7C79-401F-A19C-6824B1BB356F}.Release|Any CPU.ActiveCfg = Release|Any CPU + {037242E4-7C79-401F-A19C-6824B1BB356F}.Release|Any CPU.Build.0 = Release|Any CPU + {037242E4-7C79-401F-A19C-6824B1BB356F}.Release|Any CPU.Deploy.0 = Release|Any CPU + {037242E4-7C79-401F-A19C-6824B1BB356F}.Release|iPhone.ActiveCfg = Release|Any CPU + {037242E4-7C79-401F-A19C-6824B1BB356F}.Release|iPhone.Build.0 = Release|Any CPU + {037242E4-7C79-401F-A19C-6824B1BB356F}.Release|iPhone.Deploy.0 = Release|Any CPU + {037242E4-7C79-401F-A19C-6824B1BB356F}.Release|iPhoneSimulator.ActiveCfg = Release|Any CPU + {037242E4-7C79-401F-A19C-6824B1BB356F}.Release|iPhoneSimulator.Build.0 = Release|Any CPU + {037242E4-7C79-401F-A19C-6824B1BB356F}.Release|iPhoneSimulator.Deploy.0 = Release|Any CPU + {037242E4-7C79-401F-A19C-6824B1BB356F}.Release|x86.ActiveCfg = Release|Any CPU + {037242E4-7C79-401F-A19C-6824B1BB356F}.Release|x86.Build.0 = Release|Any CPU + {037242E4-7C79-401F-A19C-6824B1BB356F}.Release|x86.Deploy.0 = Release|Any CPU + {037242E4-7C79-401F-A19C-6824B1BB356F}.RelWithDebInfo|Any CPU.ActiveCfg = Release|Any CPU + {037242E4-7C79-401F-A19C-6824B1BB356F}.RelWithDebInfo|Any CPU.Build.0 = Release|Any CPU + {037242E4-7C79-401F-A19C-6824B1BB356F}.RelWithDebInfo|Any CPU.Deploy.0 = Release|Any CPU + {037242E4-7C79-401F-A19C-6824B1BB356F}.RelWithDebInfo|iPhone.ActiveCfg = Release|Any CPU + {037242E4-7C79-401F-A19C-6824B1BB356F}.RelWithDebInfo|iPhone.Build.0 = Release|Any CPU + {037242E4-7C79-401F-A19C-6824B1BB356F}.RelWithDebInfo|iPhone.Deploy.0 = Release|Any CPU + {037242E4-7C79-401F-A19C-6824B1BB356F}.RelWithDebInfo|iPhoneSimulator.ActiveCfg = Release|Any CPU + {037242E4-7C79-401F-A19C-6824B1BB356F}.RelWithDebInfo|iPhoneSimulator.Build.0 = Release|Any CPU + {037242E4-7C79-401F-A19C-6824B1BB356F}.RelWithDebInfo|iPhoneSimulator.Deploy.0 = Release|Any CPU + {037242E4-7C79-401F-A19C-6824B1BB356F}.RelWithDebInfo|x86.ActiveCfg = Release|Any CPU + {037242E4-7C79-401F-A19C-6824B1BB356F}.RelWithDebInfo|x86.Build.0 = Release|Any CPU + {037242E4-7C79-401F-A19C-6824B1BB356F}.RelWithDebInfo|x86.Deploy.0 = Release|Any CPU {1AA14958-9246-4163-9403-F650E65ADCBC}.Debug|Any CPU.ActiveCfg = Debug|Any CPU {1AA14958-9246-4163-9403-F650E65ADCBC}.Debug|Any CPU.Build.0 = Debug|Any CPU {1AA14958-9246-4163-9403-F650E65ADCBC}.Debug|iPhone.ActiveCfg = Debug|Any CPU @@ -194,57 +228,6 @@ Global {50173D13-DF29-42E7-A30B-8B12D36C77B1}.RelWithDebInfo|iPhoneSimulator.Build.0 = RelWithDebInfo|Any CPU {50173D13-DF29-42E7-A30B-8B12D36C77B1}.RelWithDebInfo|x86.ActiveCfg = RelWithDebInfo|x86 {50173D13-DF29-42E7-A30B-8B12D36C77B1}.RelWithDebInfo|x86.Build.0 = RelWithDebInfo|x86 - {19446672-EBA3-4BA6-8DFB-AB2A85AC9AA4}.Debug|Any CPU.ActiveCfg = Debug|iPhoneSimulator - {19446672-EBA3-4BA6-8DFB-AB2A85AC9AA4}.Debug|Any CPU.Build.0 = Debug|iPhoneSimulator - {19446672-EBA3-4BA6-8DFB-AB2A85AC9AA4}.Debug|iPhone.ActiveCfg = Debug|iPhone - {19446672-EBA3-4BA6-8DFB-AB2A85AC9AA4}.Debug|iPhone.Build.0 = Debug|iPhone - {19446672-EBA3-4BA6-8DFB-AB2A85AC9AA4}.Debug|iPhoneSimulator.ActiveCfg = Debug|iPhoneSimulator - {19446672-EBA3-4BA6-8DFB-AB2A85AC9AA4}.Debug|iPhoneSimulator.Build.0 = Debug|iPhoneSimulator - {19446672-EBA3-4BA6-8DFB-AB2A85AC9AA4}.Debug|x86.ActiveCfg = Debug|iPhoneSimulator - {19446672-EBA3-4BA6-8DFB-AB2A85AC9AA4}.Debug|x86.Build.0 = Debug|iPhoneSimulator - {19446672-EBA3-4BA6-8DFB-AB2A85AC9AA4}.Release|Any CPU.ActiveCfg = Release|iPhoneSimulator - {19446672-EBA3-4BA6-8DFB-AB2A85AC9AA4}.Release|Any CPU.Build.0 = Release|iPhoneSimulator - {19446672-EBA3-4BA6-8DFB-AB2A85AC9AA4}.Release|iPhone.ActiveCfg = Release|iPhone - {19446672-EBA3-4BA6-8DFB-AB2A85AC9AA4}.Release|iPhone.Build.0 = Release|iPhone - {19446672-EBA3-4BA6-8DFB-AB2A85AC9AA4}.Release|iPhoneSimulator.ActiveCfg = Release|iPhoneSimulator - {19446672-EBA3-4BA6-8DFB-AB2A85AC9AA4}.Release|iPhoneSimulator.Build.0 = Release|iPhoneSimulator - {19446672-EBA3-4BA6-8DFB-AB2A85AC9AA4}.Release|x86.ActiveCfg = Release|iPhoneSimulator - {19446672-EBA3-4BA6-8DFB-AB2A85AC9AA4}.Release|x86.Build.0 = Release|iPhoneSimulator - {19446672-EBA3-4BA6-8DFB-AB2A85AC9AA4}.RelWithDebInfo|Any CPU.ActiveCfg = Debug|iPhoneSimulator - {19446672-EBA3-4BA6-8DFB-AB2A85AC9AA4}.RelWithDebInfo|Any CPU.Build.0 = Debug|iPhoneSimulator - {19446672-EBA3-4BA6-8DFB-AB2A85AC9AA4}.RelWithDebInfo|iPhone.ActiveCfg = Release|iPhone - {19446672-EBA3-4BA6-8DFB-AB2A85AC9AA4}.RelWithDebInfo|iPhone.Build.0 = Release|iPhone - {19446672-EBA3-4BA6-8DFB-AB2A85AC9AA4}.RelWithDebInfo|iPhoneSimulator.ActiveCfg = Release|iPhoneSimulator - {19446672-EBA3-4BA6-8DFB-AB2A85AC9AA4}.RelWithDebInfo|iPhoneSimulator.Build.0 = Release|iPhoneSimulator - {19446672-EBA3-4BA6-8DFB-AB2A85AC9AA4}.RelWithDebInfo|x86.ActiveCfg = Debug|iPhoneSimulator - {19446672-EBA3-4BA6-8DFB-AB2A85AC9AA4}.RelWithDebInfo|x86.Build.0 = Debug|iPhoneSimulator - {772E0BB4-6B5A-4453-9F4A-034DCBB61B5C}.Debug|Any CPU.ActiveCfg = Debug|Any CPU - {772E0BB4-6B5A-4453-9F4A-034DCBB61B5C}.Debug|Any CPU.Build.0 = Debug|Any CPU - {772E0BB4-6B5A-4453-9F4A-034DCBB61B5C}.Debug|Any CPU.Deploy.0 = Debug|Any CPU - {772E0BB4-6B5A-4453-9F4A-034DCBB61B5C}.Debug|iPhone.ActiveCfg = Debug|Any CPU - {772E0BB4-6B5A-4453-9F4A-034DCBB61B5C}.Debug|iPhone.Build.0 = Debug|Any CPU - {772E0BB4-6B5A-4453-9F4A-034DCBB61B5C}.Debug|iPhoneSimulator.ActiveCfg = Debug|Any CPU - {772E0BB4-6B5A-4453-9F4A-034DCBB61B5C}.Debug|iPhoneSimulator.Build.0 = Debug|Any CPU - {772E0BB4-6B5A-4453-9F4A-034DCBB61B5C}.Debug|x86.ActiveCfg = Debug|Any CPU - {772E0BB4-6B5A-4453-9F4A-034DCBB61B5C}.Debug|x86.Build.0 = Debug|Any CPU - {772E0BB4-6B5A-4453-9F4A-034DCBB61B5C}.Release|Any CPU.ActiveCfg = Release|Any CPU - {772E0BB4-6B5A-4453-9F4A-034DCBB61B5C}.Release|Any CPU.Build.0 = Release|Any CPU - {772E0BB4-6B5A-4453-9F4A-034DCBB61B5C}.Release|iPhone.ActiveCfg = Release|Any CPU - {772E0BB4-6B5A-4453-9F4A-034DCBB61B5C}.Release|iPhone.Build.0 = Release|Any CPU - {772E0BB4-6B5A-4453-9F4A-034DCBB61B5C}.Release|iPhoneSimulator.ActiveCfg = Release|Any CPU - {772E0BB4-6B5A-4453-9F4A-034DCBB61B5C}.Release|iPhoneSimulator.Build.0 = Release|Any CPU - {772E0BB4-6B5A-4453-9F4A-034DCBB61B5C}.Release|x86.ActiveCfg = Release|Any CPU - {772E0BB4-6B5A-4453-9F4A-034DCBB61B5C}.Release|x86.Build.0 = Release|Any CPU - {772E0BB4-6B5A-4453-9F4A-034DCBB61B5C}.RelWithDebInfo|Any CPU.ActiveCfg = Debug|Any CPU - {772E0BB4-6B5A-4453-9F4A-034DCBB61B5C}.RelWithDebInfo|Any CPU.Build.0 = Debug|Any CPU - {772E0BB4-6B5A-4453-9F4A-034DCBB61B5C}.RelWithDebInfo|iPhone.ActiveCfg = Release|Any CPU - {772E0BB4-6B5A-4453-9F4A-034DCBB61B5C}.RelWithDebInfo|iPhone.Build.0 = Release|Any CPU - {772E0BB4-6B5A-4453-9F4A-034DCBB61B5C}.RelWithDebInfo|iPhone.Deploy.0 = Release|Any CPU - {772E0BB4-6B5A-4453-9F4A-034DCBB61B5C}.RelWithDebInfo|iPhoneSimulator.ActiveCfg = Release|Any CPU - {772E0BB4-6B5A-4453-9F4A-034DCBB61B5C}.RelWithDebInfo|iPhoneSimulator.Build.0 = Release|Any CPU - {772E0BB4-6B5A-4453-9F4A-034DCBB61B5C}.RelWithDebInfo|iPhoneSimulator.Deploy.0 = Release|Any CPU - {772E0BB4-6B5A-4453-9F4A-034DCBB61B5C}.RelWithDebInfo|x86.ActiveCfg = Debug|Any CPU - {772E0BB4-6B5A-4453-9F4A-034DCBB61B5C}.RelWithDebInfo|x86.Build.0 = Debug|Any CPU {30431891-3929-4394-8049-75055B92315F}.Debug|Any CPU.ActiveCfg = Debug|Any CPU {30431891-3929-4394-8049-75055B92315F}.Debug|Any CPU.Build.0 = Debug|Any CPU {30431891-3929-4394-8049-75055B92315F}.Debug|iPhone.ActiveCfg = Debug|Any CPU @@ -293,42 +276,42 @@ Global {7D841874-815D-43C7-9A3F-DD0AD9BA9D42}.RelWithDebInfo|iPhoneSimulator.Build.0 = Release|Any CPU {7D841874-815D-43C7-9A3F-DD0AD9BA9D42}.RelWithDebInfo|x86.ActiveCfg = Release|Any CPU {7D841874-815D-43C7-9A3F-DD0AD9BA9D42}.RelWithDebInfo|x86.Build.0 = Release|Any CPU - {037242E4-7C79-401F-A19C-6824B1BB356F}.Debug|Any CPU.ActiveCfg = Debug|Any CPU - {037242E4-7C79-401F-A19C-6824B1BB356F}.Debug|Any CPU.Build.0 = Debug|Any CPU - {037242E4-7C79-401F-A19C-6824B1BB356F}.Debug|Any CPU.Deploy.0 = Debug|Any CPU - {037242E4-7C79-401F-A19C-6824B1BB356F}.Debug|iPhone.ActiveCfg = Debug|Any CPU - {037242E4-7C79-401F-A19C-6824B1BB356F}.Debug|iPhone.Build.0 = Debug|Any CPU - {037242E4-7C79-401F-A19C-6824B1BB356F}.Debug|iPhone.Deploy.0 = Debug|Any CPU - {037242E4-7C79-401F-A19C-6824B1BB356F}.Debug|iPhoneSimulator.ActiveCfg = Debug|Any CPU - {037242E4-7C79-401F-A19C-6824B1BB356F}.Debug|iPhoneSimulator.Build.0 = Debug|Any CPU - {037242E4-7C79-401F-A19C-6824B1BB356F}.Debug|iPhoneSimulator.Deploy.0 = Debug|Any CPU - {037242E4-7C79-401F-A19C-6824B1BB356F}.Debug|x86.ActiveCfg = Debug|Any CPU - {037242E4-7C79-401F-A19C-6824B1BB356F}.Debug|x86.Build.0 = Debug|Any CPU - {037242E4-7C79-401F-A19C-6824B1BB356F}.Debug|x86.Deploy.0 = Debug|Any CPU - {037242E4-7C79-401F-A19C-6824B1BB356F}.Release|Any CPU.ActiveCfg = Release|Any CPU - {037242E4-7C79-401F-A19C-6824B1BB356F}.Release|Any CPU.Build.0 = Release|Any CPU - {037242E4-7C79-401F-A19C-6824B1BB356F}.Release|Any CPU.Deploy.0 = Release|Any CPU - {037242E4-7C79-401F-A19C-6824B1BB356F}.Release|iPhone.ActiveCfg = Release|Any CPU - {037242E4-7C79-401F-A19C-6824B1BB356F}.Release|iPhone.Build.0 = Release|Any CPU - {037242E4-7C79-401F-A19C-6824B1BB356F}.Release|iPhone.Deploy.0 = Release|Any CPU - {037242E4-7C79-401F-A19C-6824B1BB356F}.Release|iPhoneSimulator.ActiveCfg = Release|Any CPU - {037242E4-7C79-401F-A19C-6824B1BB356F}.Release|iPhoneSimulator.Build.0 = Release|Any CPU - {037242E4-7C79-401F-A19C-6824B1BB356F}.Release|iPhoneSimulator.Deploy.0 = Release|Any CPU - {037242E4-7C79-401F-A19C-6824B1BB356F}.Release|x86.ActiveCfg = Release|Any CPU - {037242E4-7C79-401F-A19C-6824B1BB356F}.Release|x86.Build.0 = Release|Any CPU - {037242E4-7C79-401F-A19C-6824B1BB356F}.Release|x86.Deploy.0 = Release|Any CPU - {037242E4-7C79-401F-A19C-6824B1BB356F}.RelWithDebInfo|Any CPU.ActiveCfg = Release|Any CPU - {037242E4-7C79-401F-A19C-6824B1BB356F}.RelWithDebInfo|Any CPU.Build.0 = Release|Any CPU - {037242E4-7C79-401F-A19C-6824B1BB356F}.RelWithDebInfo|Any CPU.Deploy.0 = Release|Any CPU - {037242E4-7C79-401F-A19C-6824B1BB356F}.RelWithDebInfo|iPhone.ActiveCfg = Release|Any CPU - {037242E4-7C79-401F-A19C-6824B1BB356F}.RelWithDebInfo|iPhone.Build.0 = Release|Any CPU - {037242E4-7C79-401F-A19C-6824B1BB356F}.RelWithDebInfo|iPhone.Deploy.0 = Release|Any CPU - {037242E4-7C79-401F-A19C-6824B1BB356F}.RelWithDebInfo|iPhoneSimulator.ActiveCfg = Release|Any CPU - {037242E4-7C79-401F-A19C-6824B1BB356F}.RelWithDebInfo|iPhoneSimulator.Build.0 = Release|Any CPU - {037242E4-7C79-401F-A19C-6824B1BB356F}.RelWithDebInfo|iPhoneSimulator.Deploy.0 = Release|Any CPU - {037242E4-7C79-401F-A19C-6824B1BB356F}.RelWithDebInfo|x86.ActiveCfg = Release|Any CPU - {037242E4-7C79-401F-A19C-6824B1BB356F}.RelWithDebInfo|x86.Build.0 = Release|Any CPU - {037242E4-7C79-401F-A19C-6824B1BB356F}.RelWithDebInfo|x86.Deploy.0 = Release|Any CPU + {85E4F8C9-366A-4769-8DBC-ABCDE37FD460}.Debug|Any CPU.ActiveCfg = Debug|Any CPU + {85E4F8C9-366A-4769-8DBC-ABCDE37FD460}.Debug|Any CPU.Build.0 = Debug|Any CPU + {85E4F8C9-366A-4769-8DBC-ABCDE37FD460}.Debug|Any CPU.Deploy.0 = Debug|Any CPU + {85E4F8C9-366A-4769-8DBC-ABCDE37FD460}.Debug|iPhone.ActiveCfg = Debug|Any CPU + {85E4F8C9-366A-4769-8DBC-ABCDE37FD460}.Debug|iPhone.Build.0 = Debug|Any CPU + {85E4F8C9-366A-4769-8DBC-ABCDE37FD460}.Debug|iPhone.Deploy.0 = Debug|Any CPU + {85E4F8C9-366A-4769-8DBC-ABCDE37FD460}.Debug|iPhoneSimulator.ActiveCfg = Debug|Any CPU + {85E4F8C9-366A-4769-8DBC-ABCDE37FD460}.Debug|iPhoneSimulator.Build.0 = Debug|Any CPU + {85E4F8C9-366A-4769-8DBC-ABCDE37FD460}.Debug|iPhoneSimulator.Deploy.0 = Debug|Any CPU + {85E4F8C9-366A-4769-8DBC-ABCDE37FD460}.Debug|x86.ActiveCfg = Debug|Any CPU + {85E4F8C9-366A-4769-8DBC-ABCDE37FD460}.Debug|x86.Build.0 = Debug|Any CPU + {85E4F8C9-366A-4769-8DBC-ABCDE37FD460}.Debug|x86.Deploy.0 = Debug|Any CPU + {85E4F8C9-366A-4769-8DBC-ABCDE37FD460}.Release|Any CPU.ActiveCfg = Release|Any CPU + {85E4F8C9-366A-4769-8DBC-ABCDE37FD460}.Release|Any CPU.Build.0 = Release|Any CPU + {85E4F8C9-366A-4769-8DBC-ABCDE37FD460}.Release|Any CPU.Deploy.0 = Release|Any CPU + {85E4F8C9-366A-4769-8DBC-ABCDE37FD460}.Release|iPhone.ActiveCfg = Release|Any CPU + {85E4F8C9-366A-4769-8DBC-ABCDE37FD460}.Release|iPhone.Build.0 = Release|Any CPU + {85E4F8C9-366A-4769-8DBC-ABCDE37FD460}.Release|iPhone.Deploy.0 = Release|Any CPU + {85E4F8C9-366A-4769-8DBC-ABCDE37FD460}.Release|iPhoneSimulator.ActiveCfg = Release|Any CPU + {85E4F8C9-366A-4769-8DBC-ABCDE37FD460}.Release|iPhoneSimulator.Build.0 = Release|Any CPU + {85E4F8C9-366A-4769-8DBC-ABCDE37FD460}.Release|iPhoneSimulator.Deploy.0 = Release|Any CPU + {85E4F8C9-366A-4769-8DBC-ABCDE37FD460}.Release|x86.ActiveCfg = Release|Any CPU + {85E4F8C9-366A-4769-8DBC-ABCDE37FD460}.Release|x86.Build.0 = Release|Any CPU + {85E4F8C9-366A-4769-8DBC-ABCDE37FD460}.Release|x86.Deploy.0 = Release|Any CPU + {85E4F8C9-366A-4769-8DBC-ABCDE37FD460}.RelWithDebInfo|Any CPU.ActiveCfg = Release|Any CPU + {85E4F8C9-366A-4769-8DBC-ABCDE37FD460}.RelWithDebInfo|Any CPU.Build.0 = Release|Any CPU + {85E4F8C9-366A-4769-8DBC-ABCDE37FD460}.RelWithDebInfo|Any CPU.Deploy.0 = Release|Any CPU + {85E4F8C9-366A-4769-8DBC-ABCDE37FD460}.RelWithDebInfo|iPhone.ActiveCfg = Release|Any CPU + {85E4F8C9-366A-4769-8DBC-ABCDE37FD460}.RelWithDebInfo|iPhone.Build.0 = Release|Any CPU + {85E4F8C9-366A-4769-8DBC-ABCDE37FD460}.RelWithDebInfo|iPhone.Deploy.0 = Release|Any CPU + {85E4F8C9-366A-4769-8DBC-ABCDE37FD460}.RelWithDebInfo|iPhoneSimulator.ActiveCfg = Release|Any CPU + {85E4F8C9-366A-4769-8DBC-ABCDE37FD460}.RelWithDebInfo|iPhoneSimulator.Build.0 = Release|Any CPU + {85E4F8C9-366A-4769-8DBC-ABCDE37FD460}.RelWithDebInfo|iPhoneSimulator.Deploy.0 = Release|Any CPU + {85E4F8C9-366A-4769-8DBC-ABCDE37FD460}.RelWithDebInfo|x86.ActiveCfg = Release|Any CPU + {85E4F8C9-366A-4769-8DBC-ABCDE37FD460}.RelWithDebInfo|x86.Build.0 = Release|Any CPU + {85E4F8C9-366A-4769-8DBC-ABCDE37FD460}.RelWithDebInfo|x86.Deploy.0 = Release|Any CPU EndGlobalSection GlobalSection(SolutionProperties) = preSolution HideSolutionNode = FALSE @@ -336,15 +319,14 @@ Global GlobalSection(NestedProjects) = preSolution {584B53B3-359D-4DC2-BCD8-530B5D4685AD} = {6EFBFAB8-C606-4BA4-9604-BBAF3788520D} {2E295930-42B1-422D-925D-F07947AD8EFF} = {02AADD56-0FD4-4F03-A56C-30529A36B0C0} + {037242E4-7C79-401F-A19C-6824B1BB356F} = {02AADD56-0FD4-4F03-A56C-30529A36B0C0} {1AA14958-9246-4163-9403-F650E65ADCBC} = {02AADD56-0FD4-4F03-A56C-30529A36B0C0} {310506FD-6E78-4D62-989B-25D69A85E8CF} = {05C85C92-A377-4F69-9EF4-44A94C9B089D} {04FA49F0-AA23-4EE5-B455-6E12FFAD29E6} = {6782763B-8097-457C-AEA3-67678621DBE0} {50173D13-DF29-42E7-A30B-8B12D36C77B1} = {6782763B-8097-457C-AEA3-67678621DBE0} - {19446672-EBA3-4BA6-8DFB-AB2A85AC9AA4} = {6782763B-8097-457C-AEA3-67678621DBE0} - {772E0BB4-6B5A-4453-9F4A-034DCBB61B5C} = {6782763B-8097-457C-AEA3-67678621DBE0} {30431891-3929-4394-8049-75055B92315F} = {6782763B-8097-457C-AEA3-67678621DBE0} {7D841874-815D-43C7-9A3F-DD0AD9BA9D42} = {7C7FC981-8AE7-42C6-962C-4B70D5C20C35} - {037242E4-7C79-401F-A19C-6824B1BB356F} = {02AADD56-0FD4-4F03-A56C-30529A36B0C0} + {85E4F8C9-366A-4769-8DBC-ABCDE37FD460} = {6782763B-8097-457C-AEA3-67678621DBE0} EndGlobalSection GlobalSection(ExtensibilityGlobals) = postSolution SolutionGuid = {C3DBDA2B-F169-4EDE-9353-858904124B75} diff --git a/csharp/sample/InferenceSample/Microsoft.ML.OnnxRuntime.InferenceSample.Maui/Microsoft.ML.OnnxRuntime.InferenceSample.Maui.csproj b/csharp/sample/InferenceSample/Microsoft.ML.OnnxRuntime.InferenceSample.Maui/Microsoft.ML.OnnxRuntime.InferenceSample.Maui.csproj index a4724866acabb..73a535999672c 100644 --- a/csharp/sample/InferenceSample/Microsoft.ML.OnnxRuntime.InferenceSample.Maui/Microsoft.ML.OnnxRuntime.InferenceSample.Maui.csproj +++ b/csharp/sample/InferenceSample/Microsoft.ML.OnnxRuntime.InferenceSample.Maui/Microsoft.ML.OnnxRuntime.InferenceSample.Maui.csproj @@ -1,8 +1,7 @@  - - net8.0-android;net8.0-ios + net8.0-android;net8.0-ios;net8.0-maccatalyst $(TargetFrameworks);net8.0-windows10.0.19041.0 Exe Microsoft.ML.OnnxRuntime.InferenceSample.Maui @@ -13,8 +12,8 @@ InferenceSample_Maui - - com.microsoft.ml.onnxruntime.inferencesample.maui + + ORT.InferenceSample.MAUI 58af3884-1c25-42b7-b78b-30a65fb3cf69 @@ -66,4 +65,9 @@ + + + + + diff --git a/csharp/sample/InferenceSample/Microsoft.ML.OnnxRuntime.InferenceSample.NetCoreApp/Microsoft.ML.OnnxRuntime.InferenceSample.NetCoreApp.csproj b/csharp/sample/InferenceSample/Microsoft.ML.OnnxRuntime.InferenceSample.NetCoreApp/Microsoft.ML.OnnxRuntime.InferenceSample.NetCoreApp.csproj index 877e491b0f018..2f81e52d0464d 100644 --- a/csharp/sample/InferenceSample/Microsoft.ML.OnnxRuntime.InferenceSample.NetCoreApp/Microsoft.ML.OnnxRuntime.InferenceSample.NetCoreApp.csproj +++ b/csharp/sample/InferenceSample/Microsoft.ML.OnnxRuntime.InferenceSample.NetCoreApp/Microsoft.ML.OnnxRuntime.InferenceSample.NetCoreApp.csproj @@ -2,7 +2,7 @@ Exe - net6.0 + net8.0 AnyCPU;x86 $(ProjectDir)..\..\.. Debug;Release;RelWithDebInfo @@ -71,4 +71,4 @@ - \ No newline at end of file + diff --git a/csharp/sample/Microsoft.ML.OnnxRuntime.ResNet50v2Sample/Microsoft.ML.OnnxRuntime.ResNet50v2Sample.csproj b/csharp/sample/Microsoft.ML.OnnxRuntime.ResNet50v2Sample/Microsoft.ML.OnnxRuntime.ResNet50v2Sample.csproj index 29fc9f3bc382f..da8c3d6f28fbe 100644 --- a/csharp/sample/Microsoft.ML.OnnxRuntime.ResNet50v2Sample/Microsoft.ML.OnnxRuntime.ResNet50v2Sample.csproj +++ b/csharp/sample/Microsoft.ML.OnnxRuntime.ResNet50v2Sample/Microsoft.ML.OnnxRuntime.ResNet50v2Sample.csproj @@ -2,8 +2,7 @@ Exe - netcoreapp3.1 - 8.0 + net8.0 diff --git a/csharp/sample/Microsoft.ML.OnnxRuntime.ResNet50v2Sample/Program.cs b/csharp/sample/Microsoft.ML.OnnxRuntime.ResNet50v2Sample/Program.cs index 374b63c697ae1..5da39eba16678 100644 --- a/csharp/sample/Microsoft.ML.OnnxRuntime.ResNet50v2Sample/Program.cs +++ b/csharp/sample/Microsoft.ML.OnnxRuntime.ResNet50v2Sample/Program.cs @@ -12,6 +12,11 @@ class Program { public static void Main(string[] args) { + if (args.Length < 2) { + Console.WriteLine("Usage: prog "); + return; + } + // Read paths string modelFilePath = args[0]; string imageFilePath = args[1]; diff --git a/csharp/sample/Microsoft.ML.OnnxRuntime.ResNet50v2Sample/readme.md b/csharp/sample/Microsoft.ML.OnnxRuntime.ResNet50v2Sample/readme.md new file mode 100644 index 0000000000000..78a05de36a925 --- /dev/null +++ b/csharp/sample/Microsoft.ML.OnnxRuntime.ResNet50v2Sample/readme.md @@ -0,0 +1,3 @@ +See https://onnxruntime.ai/docs/tutorials/csharp/resnet50_csharp.html + +NOTE: net8.0 is now required as .NET Core 3.1 is no longer supported. diff --git a/csharp/src/Microsoft.ML.OnnxRuntime/AssemblyInfo.shared.cs b/csharp/src/Microsoft.ML.OnnxRuntime/AssemblyInfo.shared.cs index 69f8a6af0d6bc..8d2ee5a298745 100644 --- a/csharp/src/Microsoft.ML.OnnxRuntime/AssemblyInfo.shared.cs +++ b/csharp/src/Microsoft.ML.OnnxRuntime/AssemblyInfo.shared.cs @@ -6,6 +6,5 @@ // Making these assembly's internals visible to the internal Test assembly [assembly: System.Runtime.CompilerServices.InternalsVisibleTo("Microsoft.ML.OnnxRuntime.Tests.Common, PublicKey=002400000480000094000000060200000024000052534131000400000100010059013e94e4bc70136ca4c35f33acd6b62974536b698f9c7a21cee18d805c7ad860ad9eebfdc47a96ba2f8d03f4cf1c36b9d30787e276c7b9833b5bf2a6eba7e919e6b90083078a352262aed1d842e5f70a3085cbcf4c56ae851b161137920961c23fcc246598d61d258ccc615c927b2441359eea666a99ce1c3c07dca18fb0e1")] -[assembly: System.Runtime.CompilerServices.InternalsVisibleTo("Microsoft.ML.OnnxRuntime.Tests.Droid, PublicKey=002400000480000094000000060200000024000052534131000400000100010059013e94e4bc70136ca4c35f33acd6b62974536b698f9c7a21cee18d805c7ad860ad9eebfdc47a96ba2f8d03f4cf1c36b9d30787e276c7b9833b5bf2a6eba7e919e6b90083078a352262aed1d842e5f70a3085cbcf4c56ae851b161137920961c23fcc246598d61d258ccc615c927b2441359eea666a99ce1c3c07dca18fb0e1")] -[assembly: System.Runtime.CompilerServices.InternalsVisibleTo("Microsoft.ML.OnnxRuntime.Tests.iOS, PublicKey=002400000480000094000000060200000024000052534131000400000100010059013e94e4bc70136ca4c35f33acd6b62974536b698f9c7a21cee18d805c7ad860ad9eebfdc47a96ba2f8d03f4cf1c36b9d30787e276c7b9833b5bf2a6eba7e919e6b90083078a352262aed1d842e5f70a3085cbcf4c56ae851b161137920961c23fcc246598d61d258ccc615c927b2441359eea666a99ce1c3c07dca18fb0e1")] [assembly: System.Runtime.CompilerServices.InternalsVisibleTo("Microsoft.ML.OnnxRuntime.Tests.NetCoreApp, PublicKey=002400000480000094000000060200000024000052534131000400000100010059013e94e4bc70136ca4c35f33acd6b62974536b698f9c7a21cee18d805c7ad860ad9eebfdc47a96ba2f8d03f4cf1c36b9d30787e276c7b9833b5bf2a6eba7e919e6b90083078a352262aed1d842e5f70a3085cbcf4c56ae851b161137920961c23fcc246598d61d258ccc615c927b2441359eea666a99ce1c3c07dca18fb0e1")] +[assembly: System.Runtime.CompilerServices.InternalsVisibleTo("Microsoft.ML.OnnxRuntime.Tests.MAUI, PublicKey=002400000480000094000000060200000024000052534131000400000100010059013e94e4bc70136ca4c35f33acd6b62974536b698f9c7a21cee18d805c7ad860ad9eebfdc47a96ba2f8d03f4cf1c36b9d30787e276c7b9833b5bf2a6eba7e919e6b90083078a352262aed1d842e5f70a3085cbcf4c56ae851b161137920961c23fcc246598d61d258ccc615c927b2441359eea666a99ce1c3c07dca18fb0e1")] diff --git a/csharp/src/Microsoft.ML.OnnxRuntime/FixedBufferOnnxValue.shared.cs b/csharp/src/Microsoft.ML.OnnxRuntime/FixedBufferOnnxValue.shared.cs index 3a29eea1bdae8..c8b62b145acaf 100644 --- a/csharp/src/Microsoft.ML.OnnxRuntime/FixedBufferOnnxValue.shared.cs +++ b/csharp/src/Microsoft.ML.OnnxRuntime/FixedBufferOnnxValue.shared.cs @@ -76,9 +76,9 @@ public static FixedBufferOnnxValue CreateFromTensor(Tensor value) /// /// var memInfo = OrtMemoryInfo.DefaultInstance; // CPU /// - /// using(var fixedBufferInput = FixedBufferOnnxvalue.CreateFromMemory(memInfo, + /// using(var fixedBufferInput = FixedBufferOnnxvalue.CreateFromMemory{Half}(memInfo, /// input, TensorElementType.Float16, input_shape, input.Length * sizeof(ushort)) - /// using(var fixedBufferOutput = FixedBufferOnnxvalue.CreateFromMemory(memInfo, + /// using(var fixedBufferOutput = FixedBufferOnnxvalue.CreateFromMemory{Half}(memInfo, /// output, TensorElementType.Float16, output_shape, output.Length * sizeof(ushort)) /// { /// FixedBufferOnnxvalue[] inputValues = new FixedBufferOnnxvalue[]{fixedBufferInput}; diff --git a/csharp/src/Microsoft.ML.OnnxRuntime/Microsoft.ML.OnnxRuntime.csproj b/csharp/src/Microsoft.ML.OnnxRuntime/Microsoft.ML.OnnxRuntime.csproj index deb6b4f884bcf..078c7252c897e 100644 --- a/csharp/src/Microsoft.ML.OnnxRuntime/Microsoft.ML.OnnxRuntime.csproj +++ b/csharp/src/Microsoft.ML.OnnxRuntime/Microsoft.ML.OnnxRuntime.csproj @@ -6,7 +6,7 @@ true - netstandard2.0;net6.0 + netstandard2.0;net8.0 @@ -164,8 +164,9 @@ $(OrtConstants);__ENABLE_COREML__ - - + diff --git a/csharp/src/Microsoft.ML.OnnxRuntime/OrtIoBinding.shared.cs b/csharp/src/Microsoft.ML.OnnxRuntime/OrtIoBinding.shared.cs index 557a2c88ef9b2..c23b687314385 100644 --- a/csharp/src/Microsoft.ML.OnnxRuntime/OrtIoBinding.shared.cs +++ b/csharp/src/Microsoft.ML.OnnxRuntime/OrtIoBinding.shared.cs @@ -313,7 +313,7 @@ public string[] GetOutputNames() /// /// This fetches bound outputs after running the model with RunWithBinding() /// - /// IDisposableReadOnlyCollection + /// IDisposableReadOnlyCollection{OrtValue} public IDisposableReadOnlyCollection GetOutputValues() { var ortValues = GetOutputOrtValues(); diff --git a/csharp/src/Microsoft.ML.OnnxRuntime/OrtValue.shared.cs b/csharp/src/Microsoft.ML.OnnxRuntime/OrtValue.shared.cs index 5946e9fb1b165..d38748c2f97cc 100644 --- a/csharp/src/Microsoft.ML.OnnxRuntime/OrtValue.shared.cs +++ b/csharp/src/Microsoft.ML.OnnxRuntime/OrtValue.shared.cs @@ -236,12 +236,12 @@ public Span GetTensorMutableRawData() /// /// Fetch string tensor element buffer pointer at the specified index, - /// convert/copy to UTF-16 char[] and return a ReadOnlyMemory instance. + /// convert/copy to UTF-16 char[] and return a ReadOnlyMemory{char} instance. /// /// Obtain TensorTypeAndShape to get shape and element count. /// /// flat string tensor element index - /// ReadOnlyMemory backed by a managed char[]. Its lifespan is not + /// ReadOnlyMemory{char} backed by a managed char[]. Its lifespan is not /// tied to the native buffer of OrtValue. public ReadOnlyMemory GetStringElementAsMemory(int index) { @@ -845,7 +845,7 @@ public void StringTensorSetElementAt(ReadOnlySpan utf8Bytes, int index) /// Note, this is different from creating an OrtValue from other primitive data types /// where memory is pinned (if necessary) and the OrtValue points to that chunk of memory. /// - /// Tensor + /// Tensor{string} /// A disposable OrtValue instance /// public static OrtValue CreateFromStringTensor(Tensor tensor) diff --git a/csharp/src/Microsoft.ML.OnnxRuntime/OrtValueTensor.shared.cs b/csharp/src/Microsoft.ML.OnnxRuntime/OrtValueTensor.shared.cs index 1a7f24c48b920..5ca18dec3a6be 100644 --- a/csharp/src/Microsoft.ML.OnnxRuntime/OrtValueTensor.shared.cs +++ b/csharp/src/Microsoft.ML.OnnxRuntime/OrtValueTensor.shared.cs @@ -85,7 +85,7 @@ public void Dispose() /// This helper class owns the underlying OrtValue that is assumed to be a Tensor, /// it does not support any other ortValues and caches Tensor properties. /// - /// It is easy to expose as a Tensor as DenseTensor can take Memory Mapping from + /// It is easy to expose as a Tensor{T} as DenseTensor can take Memory Mapping from /// this. /// /// This class is disposable because of the MemoryManager inheritance. Because this class diff --git a/csharp/src/Microsoft.ML.OnnxRuntime/ProviderOptions.shared.cs b/csharp/src/Microsoft.ML.OnnxRuntime/ProviderOptions.shared.cs index 6a7922357aa33..b04f7886b76dd 100644 --- a/csharp/src/Microsoft.ML.OnnxRuntime/ProviderOptions.shared.cs +++ b/csharp/src/Microsoft.ML.OnnxRuntime/ProviderOptions.shared.cs @@ -328,7 +328,9 @@ public enum CoreMLFlags : uint COREML_FLAG_USE_CPU_ONLY = 0x001, COREML_FLAG_ENABLE_ON_SUBGRAPH = 0x002, COREML_FLAG_ONLY_ENABLE_DEVICE_WITH_ANE = 0x004, - COREML_FLAG_LAST = COREML_FLAG_ONLY_ENABLE_DEVICE_WITH_ANE, + COREML_FLAG_ONLY_ALLOW_STATIC_INPUT_SHAPES = 0x008, + COREML_FLAG_CREATE_MLPROGRAM = 0x010, + COREML_FLAG_LAST = COREML_FLAG_CREATE_MLPROGRAM, } /// diff --git a/csharp/src/Microsoft.ML.OnnxRuntime/Tensors/ArrayTensorExtensions.shared.cs b/csharp/src/Microsoft.ML.OnnxRuntime/Tensors/ArrayTensorExtensions.shared.cs index f6f57bd0b97f2..0bfb9f3956859 100644 --- a/csharp/src/Microsoft.ML.OnnxRuntime/Tensors/ArrayTensorExtensions.shared.cs +++ b/csharp/src/Microsoft.ML.OnnxRuntime/Tensors/ArrayTensorExtensions.shared.cs @@ -15,7 +15,7 @@ namespace Microsoft.ML.OnnxRuntime.Tensors { /// - /// A static class that houses static DenseTensor extension methods + /// A static class that houses static DenseTensor{T} extension methods /// public static class ArrayTensorExtensions { diff --git a/csharp/src/Microsoft.ML.OnnxRuntime/Training/TrainingSession.shared.cs b/csharp/src/Microsoft.ML.OnnxRuntime/Training/TrainingSession.shared.cs index fec0d46e96dfb..e7e1eb102ca54 100644 --- a/csharp/src/Microsoft.ML.OnnxRuntime/Training/TrainingSession.shared.cs +++ b/csharp/src/Microsoft.ML.OnnxRuntime/Training/TrainingSession.shared.cs @@ -295,7 +295,7 @@ public IDisposableReadOnlyCollection TrainStep( /// /// using OrtValue x = OrtValue.CreateTensorValueFromMemory(...); /// using OrtValue label = OrtValue.CreateTensorValueFromMemory(...); - /// List inputValues = new List { x, label }; + /// List{OrtValue} inputValues = new List{OrtValue} { x, label }; /// using (var loss = trainingSession.TrainStep(inputValues)) /// { /// // process output values @@ -420,7 +420,7 @@ public void EvalStep( /// /// using OrtValue x = OrtValue.CreateTensorValueFromMemory(...); /// using OrtValue label = OrtValue.CreateTensorValueFromMemory(...); - /// List inputValues = new List { x, label }; + /// List{OrtValue} inputValues = new List{OrtValue} { x, label }; /// using (var loss = trainingSession.EvalSteps(inputValues)) /// { /// // process output values diff --git a/csharp/test/Microsoft.ML.OnnxRuntime.EndToEndTests.Mobile/EndToEndTests.Mobile.Automation/EndToEndTests.Mobile.Automation.csproj b/csharp/test/Microsoft.ML.OnnxRuntime.EndToEndTests.Mobile/EndToEndTests.Mobile.Automation/EndToEndTests.Mobile.Automation.csproj index 7bda34d266295..6775563e3af7f 100644 --- a/csharp/test/Microsoft.ML.OnnxRuntime.EndToEndTests.Mobile/EndToEndTests.Mobile.Automation/EndToEndTests.Mobile.Automation.csproj +++ b/csharp/test/Microsoft.ML.OnnxRuntime.EndToEndTests.Mobile/EndToEndTests.Mobile.Automation/EndToEndTests.Mobile.Automation.csproj @@ -1,13 +1,11 @@ - - net472 + net8.0 - - + + - diff --git a/csharp/test/Microsoft.ML.OnnxRuntime.EndToEndTests.Mobile/EndToEndTests.Mobile.Automation/packages.config b/csharp/test/Microsoft.ML.OnnxRuntime.EndToEndTests.Mobile/EndToEndTests.Mobile.Automation/packages.config deleted file mode 100644 index 760fdbd574fa3..0000000000000 --- a/csharp/test/Microsoft.ML.OnnxRuntime.EndToEndTests.Mobile/EndToEndTests.Mobile.Automation/packages.config +++ /dev/null @@ -1,5 +0,0 @@ - - - - - \ No newline at end of file diff --git a/csharp/test/Microsoft.ML.OnnxRuntime.EndToEndTests.Mobile/Microsoft.ML.OnnxRuntime.EndToEndTests.Mobile.sln b/csharp/test/Microsoft.ML.OnnxRuntime.EndToEndTests.Mobile/Microsoft.ML.OnnxRuntime.EndToEndTests.Mobile.sln index a2099921716b6..76d7201ad8a2a 100644 --- a/csharp/test/Microsoft.ML.OnnxRuntime.EndToEndTests.Mobile/Microsoft.ML.OnnxRuntime.EndToEndTests.Mobile.sln +++ b/csharp/test/Microsoft.ML.OnnxRuntime.EndToEndTests.Mobile/Microsoft.ML.OnnxRuntime.EndToEndTests.Mobile.sln @@ -1,9 +1,9 @@ - + Microsoft Visual Studio Solution File, Format Version 12.00 # Visual Studio Version 16 VisualStudioVersion = 16.0.810.8 MinimumVisualStudioVersion = 10.0.40219.1 -Project("{FAE04EC0-301F-11D3-BF4B-00C04F79EFBC}") = "EndToEndTests.Mobile.Automation", "EndToEndTests.Mobile.Automation\EndToEndTests.Mobile.Automation.csproj", "{1019E2BC-55E8-4318-97EF-771380E2EDF1}" +Project("{9A19103F-16F7-4668-BE54-9A1E7A4F7556}") = "EndToEndTests.Mobile.Automation", "EndToEndTests.Mobile.Automation\EndToEndTests.Mobile.Automation.csproj", "{1019E2BC-55E8-4318-97EF-771380E2EDF1}" EndProject Global GlobalSection(SolutionConfigurationPlatforms) = preSolution diff --git a/csharp/test/Microsoft.ML.OnnxRuntime.EndToEndTests.Mobile/ReadMe.md b/csharp/test/Microsoft.ML.OnnxRuntime.EndToEndTests.Mobile/ReadMe.md index 796148868c644..dfd1b450bbe66 100644 --- a/csharp/test/Microsoft.ML.OnnxRuntime.EndToEndTests.Mobile/ReadMe.md +++ b/csharp/test/Microsoft.ML.OnnxRuntime.EndToEndTests.Mobile/ReadMe.md @@ -1,7 +1,4 @@ NOTE: -These tests no longer work as they are based on App Center's Xamarin.UITest and Xamarin is EOL. -App Center is also deprecated with EOL in 2025. - -The tests need to be updated based on the App Center replacement we choose. +The tests need to be updated based on the App Center replacement we choose as App Center EOL is 2025. If that is BrowserStack, this is most likely applicable: https://learn.microsoft.com/en-us/samples/dotnet/maui-samples/uitest-appium-nunit/ diff --git a/csharp/test/Microsoft.ML.OnnxRuntime.EndToEndTests/Microsoft.ML.OnnxRuntime.EndToEndTests.csproj b/csharp/test/Microsoft.ML.OnnxRuntime.EndToEndTests/Microsoft.ML.OnnxRuntime.EndToEndTests.csproj index 9654336526ef3..de0c8352e93a4 100644 --- a/csharp/test/Microsoft.ML.OnnxRuntime.EndToEndTests/Microsoft.ML.OnnxRuntime.EndToEndTests.csproj +++ b/csharp/test/Microsoft.ML.OnnxRuntime.EndToEndTests/Microsoft.ML.OnnxRuntime.EndToEndTests.csproj @@ -15,7 +15,7 @@ True true ..\..\OnnxRuntime.snk - net6.0 + net8.0 diff --git a/csharp/test/Microsoft.ML.OnnxRuntime.EndToEndTests/Microsoft.ML.OnnxRuntime.EndToEndTests.sln b/csharp/test/Microsoft.ML.OnnxRuntime.EndToEndTests/Microsoft.ML.OnnxRuntime.EndToEndTests.sln index 2ea6118c5224f..e37722db5a571 100644 --- a/csharp/test/Microsoft.ML.OnnxRuntime.EndToEndTests/Microsoft.ML.OnnxRuntime.EndToEndTests.sln +++ b/csharp/test/Microsoft.ML.OnnxRuntime.EndToEndTests/Microsoft.ML.OnnxRuntime.EndToEndTests.sln @@ -1,9 +1,9 @@ - + Microsoft Visual Studio Solution File, Format Version 12.00 # Visual Studio Version 16 VisualStudioVersion = 16.0.810.8 MinimumVisualStudioVersion = 10.0.40219.1 -Project("{FAE04EC0-301F-11D3-BF4B-00C04F79EFBC}") = "Microsoft.ML.OnnxRuntime.EndToEndTests", "Microsoft.ML.OnnxRuntime.EndToEndTests.csproj", "{B6FB2796-4CFB-44FF-B826-E1B8CA9E9447}" +Project("{9A19103F-16F7-4668-BE54-9A1E7A4F7556}") = "Microsoft.ML.OnnxRuntime.EndToEndTests", "Microsoft.ML.OnnxRuntime.EndToEndTests.csproj", "{B6FB2796-4CFB-44FF-B826-E1B8CA9E9447}" EndProject Global GlobalSection(SolutionConfigurationPlatforms) = preSolution diff --git a/csharp/test/Microsoft.ML.OnnxRuntime.EndToEndTests/runtest.bat b/csharp/test/Microsoft.ML.OnnxRuntime.EndToEndTests/runtest.bat index c16f12dc17f79..aa90744de2e17 100755 --- a/csharp/test/Microsoft.ML.OnnxRuntime.EndToEndTests/runtest.bat +++ b/csharp/test/Microsoft.ML.OnnxRuntime.EndToEndTests/runtest.bat @@ -4,7 +4,7 @@ REM Licensed under the MIT License. @ECHO ON SETLOCAL EnableDelayedExpansion -SET TargetFramework=netcoreapp5.0 +SET TargetFramework=net8.0 SET TargetArch=x64 SET dn="C:\Program Files\dotnet\dotnet" SET CurrentOnnxRuntimeVersion="" diff --git a/csharp/test/Microsoft.ML.OnnxRuntime.Tests.Common/AssemblyInfo.cs b/csharp/test/Microsoft.ML.OnnxRuntime.Tests.Common/AssemblyInfo.cs index 2adaa529e7f64..18661592b9668 100644 --- a/csharp/test/Microsoft.ML.OnnxRuntime.Tests.Common/AssemblyInfo.cs +++ b/csharp/test/Microsoft.ML.OnnxRuntime.Tests.Common/AssemblyInfo.cs @@ -1,4 +1,3 @@ -[assembly: System.Runtime.CompilerServices.InternalsVisibleTo("Microsoft.ML.OnnxRuntime.Tests.Droid, PublicKey=002400000480000094000000060200000024000052534131000400000100010059013e94e4bc70136ca4c35f33acd6b62974536b698f9c7a21cee18d805c7ad860ad9eebfdc47a96ba2f8d03f4cf1c36b9d30787e276c7b9833b5bf2a6eba7e919e6b90083078a352262aed1d842e5f70a3085cbcf4c56ae851b161137920961c23fcc246598d61d258ccc615c927b2441359eea666a99ce1c3c07dca18fb0e1")] -[assembly: System.Runtime.CompilerServices.InternalsVisibleTo("Microsoft.ML.OnnxRuntime.Tests.iOS, PublicKey=002400000480000094000000060200000024000052534131000400000100010059013e94e4bc70136ca4c35f33acd6b62974536b698f9c7a21cee18d805c7ad860ad9eebfdc47a96ba2f8d03f4cf1c36b9d30787e276c7b9833b5bf2a6eba7e919e6b90083078a352262aed1d842e5f70a3085cbcf4c56ae851b161137920961c23fcc246598d61d258ccc615c927b2441359eea666a99ce1c3c07dca18fb0e1")] -[assembly: System.Runtime.CompilerServices.InternalsVisibleTo("Microsoft.ML.OnnxRuntime.Tests.NetCoreApp, PublicKey=002400000480000094000000060200000024000052534131000400000100010059013e94e4bc70136ca4c35f33acd6b62974536b698f9c7a21cee18d805c7ad860ad9eebfdc47a96ba2f8d03f4cf1c36b9d30787e276c7b9833b5bf2a6eba7e919e6b90083078a352262aed1d842e5f70a3085cbcf4c56ae851b161137920961c23fcc246598d61d258ccc615c927b2441359eea666a99ce1c3c07dca18fb0e1")] -[assembly: System.Runtime.CompilerServices.InternalsVisibleTo("Microsoft.ML.OnnxRuntime.EndToEndTests, PublicKey=002400000480000094000000060200000024000052534131000400000100010059013e94e4bc70136ca4c35f33acd6b62974536b698f9c7a21cee18d805c7ad860ad9eebfdc47a96ba2f8d03f4cf1c36b9d30787e276c7b9833b5bf2a6eba7e919e6b90083078a352262aed1d842e5f70a3085cbcf4c56ae851b161137920961c23fcc246598d61d258ccc615c927b2441359eea666a99ce1c3c07dca18fb0e1")] \ No newline at end of file +[assembly: System.Runtime.CompilerServices.InternalsVisibleTo("Microsoft.ML.OnnxRuntime.Tests.NetCoreApp, PublicKey=002400000480000094000000060200000024000052534131000400000100010059013e94e4bc70136ca4c35f33acd6b62974536b698f9c7a21cee18d805c7ad860ad9eebfdc47a96ba2f8d03f4cf1c36b9d30787e276c7b9833b5bf2a6eba7e919e6b90083078a352262aed1d842e5f70a3085cbcf4c56ae851b161137920961c23fcc246598d61d258ccc615c927b2441359eea666a99ce1c3c07dca18fb0e1")] +[assembly: System.Runtime.CompilerServices.InternalsVisibleTo("Microsoft.ML.OnnxRuntime.EndToEndTests, PublicKey=002400000480000094000000060200000024000052534131000400000100010059013e94e4bc70136ca4c35f33acd6b62974536b698f9c7a21cee18d805c7ad860ad9eebfdc47a96ba2f8d03f4cf1c36b9d30787e276c7b9833b5bf2a6eba7e919e6b90083078a352262aed1d842e5f70a3085cbcf4c56ae851b161137920961c23fcc246598d61d258ccc615c927b2441359eea666a99ce1c3c07dca18fb0e1")] +[assembly: System.Runtime.CompilerServices.InternalsVisibleTo("Microsoft.ML.OnnxRuntime.Tests.MAUI, PublicKey=002400000480000094000000060200000024000052534131000400000100010059013e94e4bc70136ca4c35f33acd6b62974536b698f9c7a21cee18d805c7ad860ad9eebfdc47a96ba2f8d03f4cf1c36b9d30787e276c7b9833b5bf2a6eba7e919e6b90083078a352262aed1d842e5f70a3085cbcf4c56ae851b161137920961c23fcc246598d61d258ccc615c927b2441359eea666a99ce1c3c07dca18fb0e1")] \ No newline at end of file diff --git a/csharp/test/Microsoft.ML.OnnxRuntime.Tests.Common/InferenceTest.cs b/csharp/test/Microsoft.ML.OnnxRuntime.Tests.Common/InferenceTest.cs index d63e1fc953b7b..ac7a84d69bbea 100644 --- a/csharp/test/Microsoft.ML.OnnxRuntime.Tests.Common/InferenceTest.cs +++ b/csharp/test/Microsoft.ML.OnnxRuntime.Tests.Common/InferenceTest.cs @@ -2039,6 +2039,8 @@ public SkipNonPackageTests() } } + // Test hangs on mobile. +#if !(ANDROID || IOS) [Fact(DisplayName = "TestModelRunAsyncTask")] private async Task TestModelRunAsyncTask() { @@ -2073,6 +2075,7 @@ private async Task TestModelRunAsyncTask() } } } +#endif [Fact(DisplayName = "TestModelRunAsyncTaskFail")] private async Task TestModelRunAsyncTaskFail() diff --git a/csharp/test/Microsoft.ML.OnnxRuntime.Tests.Common/Microsoft.ML.OnnxRuntime.Tests.Common.csproj b/csharp/test/Microsoft.ML.OnnxRuntime.Tests.Common/Microsoft.ML.OnnxRuntime.Tests.Common.csproj index 3ce19ab2f1de4..60d18ad31e811 100644 --- a/csharp/test/Microsoft.ML.OnnxRuntime.Tests.Common/Microsoft.ML.OnnxRuntime.Tests.Common.csproj +++ b/csharp/test/Microsoft.ML.OnnxRuntime.Tests.Common/Microsoft.ML.OnnxRuntime.Tests.Common.csproj @@ -1,8 +1,8 @@  - - netstandard2.0;net6.0 + + netstandard2.0;net8.0 false $(ProjectDir)..\.. AnyCPU @@ -12,6 +12,9 @@ true $(OnnxRuntimeCsharpRoot)\..\cmake\external\onnx + + 8981 + default True @@ -99,8 +102,13 @@ - - + + + PreserveNewest false diff --git a/csharp/test/Microsoft.ML.OnnxRuntime.Tests.Common/OrtValueTests.cs b/csharp/test/Microsoft.ML.OnnxRuntime.Tests.Common/OrtValueTests.cs index e028e88ee30dc..69baa3f58b23a 100644 --- a/csharp/test/Microsoft.ML.OnnxRuntime.Tests.Common/OrtValueTests.cs +++ b/csharp/test/Microsoft.ML.OnnxRuntime.Tests.Common/OrtValueTests.cs @@ -200,7 +200,7 @@ public void CreateTensorOverUnmangedBuffer() long[] shape = { 1, 1, 3 }; var elementsNum = ShapeUtils.GetSizeForShape(shape); - Assert.Equal(elementsNum, Elements); + Assert.Equal(Elements, elementsNum); using (var tensor = OrtValue.CreateTensorValueWithData(OrtMemoryInfo.DefaultInstance, TensorElementType.Int32, shape, dataPtr, bufferLen)) diff --git a/csharp/test/Microsoft.ML.OnnxRuntime.Tests.Droid/Assets/AboutAssets.txt b/csharp/test/Microsoft.ML.OnnxRuntime.Tests.Droid/Assets/AboutAssets.txt deleted file mode 100644 index bac32703c51b9..0000000000000 --- a/csharp/test/Microsoft.ML.OnnxRuntime.Tests.Droid/Assets/AboutAssets.txt +++ /dev/null @@ -1,19 +0,0 @@ -Any raw assets you want to be deployed with your application can be placed in -this directory (and child directories) and given a Build Action of "AndroidAsset". - -These files will be deployed with your package and will be accessible using Android's -AssetManager, like this: - -public class ReadAsset : Activity -{ - protected override void OnCreate (Bundle bundle) - { - base.OnCreate (bundle); - - InputStream input = Assets.Open ("my_asset.txt"); - } -} - -Additionally, some Android functions will automatically load asset files: - -Typeface tf = Typeface.CreateFromAsset (Context.Assets, "fonts/samplefont.ttf"); diff --git a/csharp/test/Microsoft.ML.OnnxRuntime.Tests.Droid/InferenceTest.android.cs b/csharp/test/Microsoft.ML.OnnxRuntime.Tests.Droid/InferenceTest.android.cs deleted file mode 100644 index 0b36653a427e2..0000000000000 --- a/csharp/test/Microsoft.ML.OnnxRuntime.Tests.Droid/InferenceTest.android.cs +++ /dev/null @@ -1,14 +0,0 @@ -using Xunit; - -namespace Microsoft.ML.OnnxRuntime.Tests -{ - public partial class InferenceTest - { - [Fact(DisplayName = "TestPlatformSessionOptions")] - public void TestPlatformSessionOptions() - { - var opt = new SessionOptions(); - opt.AppendExecutionProvider_Nnapi(); - } - } -} \ No newline at end of file diff --git a/csharp/test/Microsoft.ML.OnnxRuntime.Tests.Droid/MainActivity.cs b/csharp/test/Microsoft.ML.OnnxRuntime.Tests.Droid/MainActivity.cs deleted file mode 100644 index 1ba419dbb6bae..0000000000000 --- a/csharp/test/Microsoft.ML.OnnxRuntime.Tests.Droid/MainActivity.cs +++ /dev/null @@ -1,85 +0,0 @@ -using System; -using System.Reflection; -using System.Threading.Tasks; -using Android.App; -using Android.OS; -using Java.Interop; -using Microsoft.ML.OnnxRuntime.Tests.Devices; -using Xunit.Runners; -using Xunit.Runners.UI; -using Xunit.Sdk; - -namespace Microsoft.ML.OnnxRuntime.Tests.Droid -{ - [Activity(Label = "@string/app_name", Theme = "@style/AppTheme", MainLauncher = true)] - public class MainActivity : RunnerActivity - { - OnnxRuntimeResultChannel _resultChannel = new OnnxRuntimeResultChannel(); - - protected override void OnCreate(Bundle bundle) - { - AddExecutionAssembly(typeof(ExtensibilityPointFactory).Assembly); - AddTestAssembly(Assembly.GetExecutingAssembly()); - ResultChannel = _resultChannel; - - base.OnCreate(bundle); - } - - [Export("GetTestResults")] - public Java.Lang.String GetTestResults() - { - Java.Lang.String results = null; - - try - { - var serializedResults = _resultChannel.GetResults(); - results = new Java.Lang.String(serializedResults); - } - catch (Exception ex) - { - Android.Util.Log.Error(nameof(MainActivity), ex.Message); - } - - return results; - } - } - - public class OnnxRuntimeResultChannel : ITestListener, IResultChannel - { - TestResultProcessor _resultProcessor = new TestResultProcessor(); - - public string GetResults() - => _resultProcessor?.GetSerializedResults(); - - public Task CloseChannel() - => Task.CompletedTask; - - public Task OpenChannel(string message = null) - { - if (_resultProcessor?.Results.Count > 0) - _resultProcessor = new TestResultProcessor(); - - return Task.FromResult(true); - } - - public void RecordResult(TestResultViewModel result) - => _resultProcessor?.RecordResult(result.TestResultMessage, result.TestCase.TestCase, GetTestOutcomeFromTestState(result.TestCase.Result)); - - TestOutcome GetTestOutcomeFromTestState(TestState state) - { - switch (state) - { - case TestState.Failed: - return TestOutcome.Failed; - case TestState.NotRun: - return TestOutcome.NotRun; - case TestState.Passed: - return TestOutcome.Passed; - case TestState.Skipped: - return TestOutcome.Skipped; - default: - throw new NotImplementedException(); - } - } - } -} \ No newline at end of file diff --git a/csharp/test/Microsoft.ML.OnnxRuntime.Tests.Droid/Microsoft.ML.OnnxRuntime.Tests.Droid.csproj b/csharp/test/Microsoft.ML.OnnxRuntime.Tests.Droid/Microsoft.ML.OnnxRuntime.Tests.Droid.csproj deleted file mode 100644 index f65031b01cd85..0000000000000 --- a/csharp/test/Microsoft.ML.OnnxRuntime.Tests.Droid/Microsoft.ML.OnnxRuntime.Tests.Droid.csproj +++ /dev/null @@ -1,176 +0,0 @@ - - - - Debug - AnyCPU - 8.0.30703 - 2.0 - {772E0BB4-6B5A-4453-9F4A-034DCBB61B5C} - {EFBA0AD7-5A72-4C68-AF49-83D382785DCF};{FAE04EC0-301F-11D3-BF4B-00C04F79EFBC} - {122416d6-6b49-4ee2-a1e8-b825f31c79fe} - Library - Properties - Microsoft.ML.OnnxRuntime.Tests.Droid - Microsoft.ML.OnnxRuntime.Tests.Droid - 512 - True - True - Resources\Resource.designer.cs - Resource - Off - v11.0 - Properties\AndroidManifest.xml - Resources - Assets - true - true - Xamarin.Android.Net.AndroidClientHandler - true - ..\..\OnnxRuntime.snk - armeabi-v7a;arm64-v8a;x86;x86_64 - - - True - - - True - portable - False - bin\Debug\ - DEBUG;TRACE - prompt - 4 - True - None - true - true - CS8002 - - - True - portable - True - bin\Release\ - TRACE - prompt - 4 - true - False - Full - True - true - CS8002 - true - true - true - true - r8 - Microsoft.ML.OnnxRuntime.Tests.Common;Microsoft.ML.OnnxRuntime.Tests.Devices; - - - - - - - - - - - - - - - InferenceTest.cs - - - OrtIoBindingAllocationTest.cs - - - TensorTests.cs - - - - - - - - - - - Designer - - - - - - - - - - - - - - - - - - - - - - - - - - - - - 2.9.0 - - - 2.5.25 - - - 5.0.0.2083 - - - - - - {584B53B3-359D-4DC2-BCD8-530B5D4685AD} - Microsoft.ML.OnnxRuntime - - - {04FA49F0-AA23-4EE5-B455-6E12FFAD29E6} - Microsoft.ML.OnnxRuntime.Tests.Common - - - {30431891-3929-4394-8049-75055B92315F} - Microsoft.ML.OnnxRuntime.Tests.Devices - - - - - - libs\arm64-v8a\libonnxruntime.so - - - libs\armeabi-v7a\libonnxruntime.so - - - libs\x86\libonnxruntime.so - - - libs\x86_64\libonnxruntime.so - - - - - \ No newline at end of file diff --git a/csharp/test/Microsoft.ML.OnnxRuntime.Tests.Droid/Properties/AndroidManifest.xml b/csharp/test/Microsoft.ML.OnnxRuntime.Tests.Droid/Properties/AndroidManifest.xml deleted file mode 100644 index ec0dad485b433..0000000000000 --- a/csharp/test/Microsoft.ML.OnnxRuntime.Tests.Droid/Properties/AndroidManifest.xml +++ /dev/null @@ -1,7 +0,0 @@ - - - - - - - \ No newline at end of file diff --git a/csharp/test/Microsoft.ML.OnnxRuntime.Tests.Droid/Properties/AssemblyInfo.cs b/csharp/test/Microsoft.ML.OnnxRuntime.Tests.Droid/Properties/AssemblyInfo.cs deleted file mode 100644 index 96825889ff184..0000000000000 --- a/csharp/test/Microsoft.ML.OnnxRuntime.Tests.Droid/Properties/AssemblyInfo.cs +++ /dev/null @@ -1,26 +0,0 @@ -using System.Reflection; -using System.Runtime.CompilerServices; -using System.Runtime.InteropServices; -using Android.App; - -// General Information about an assembly is controlled through the following -// set of attributes. Change these attribute values to modify the information -// associated with an assembly. -[assembly: AssemblyTitle("Microsoft.ML.OnnxRuntime.Tests.Droid")] -[assembly: AssemblyDescription("")] -[assembly: AssemblyConfiguration("")] -[assembly: AssemblyCompany("")] -[assembly: AssemblyProduct("Microsoft.ML.OnnxRuntime.Tests.Droid")] -[assembly: AssemblyCopyright("Copyright © 2021")] -[assembly: AssemblyTrademark("")] -[assembly: AssemblyCulture("")] -[assembly: ComVisible(false)] - -// Version information for an assembly consists of the following four values: -// -// Major Version -// Minor Version -// Build Number -// Revision -[assembly: AssemblyVersion("1.0.0.0")] -[assembly: AssemblyFileVersion("1.0.0.0")] diff --git a/csharp/test/Microsoft.ML.OnnxRuntime.Tests.Droid/ReadMe.md b/csharp/test/Microsoft.ML.OnnxRuntime.Tests.Droid/ReadMe.md deleted file mode 100644 index d1dffbafb7056..0000000000000 --- a/csharp/test/Microsoft.ML.OnnxRuntime.Tests.Droid/ReadMe.md +++ /dev/null @@ -1,15 +0,0 @@ -To test you need the libonnxruntime.so for the various Android architectures. - -The test project looks for these in '..\..\..\build\Android\\Release\libonnxruntime.so'. -e.g. '..\..\..\build\Android\arm64-v8a\Release\libonnxruntime.so' - -'..\..\..' is the root directory of the repository. - -Build onnxruntime for the required architecture if you're testing changes in the native code. - -Alternatively, if you're testing the C# code you can extract the AAR from the nightly nuget Microsoft.ML.OnnxRuntime package. -- Get the nupkg from https://aiinfra.visualstudio.com/PublicPackages/_artifacts/feed/ORT-Nightly -- Unzip it, and the AAR is in `runtimes/android/native/onnxruntime.aar`. -- Unzip the AAR. The `jni` directory contains a directory for each architecture with the libonnxruntime.so. -- Copy the libonnxruntime.so for the required architectures to /build/Android//Release. - - e.g. x86_64 for running the emulator on an amd64 machine, and arm64-v8a for running on an arm64 Android device diff --git a/csharp/test/Microsoft.ML.OnnxRuntime.Tests.Droid/Resources/AboutResources.txt b/csharp/test/Microsoft.ML.OnnxRuntime.Tests.Droid/Resources/AboutResources.txt deleted file mode 100644 index 5a3e3904685f2..0000000000000 --- a/csharp/test/Microsoft.ML.OnnxRuntime.Tests.Droid/Resources/AboutResources.txt +++ /dev/null @@ -1,44 +0,0 @@ -Images, layout descriptions, binary blobs and string dictionaries can be included -in your application as resource files. Various Android APIs are designed to -operate on the resource IDs instead of dealing with images, strings or binary blobs -directly. - -For example, a sample Android app that contains a user interface layout (main.xml), -an internationalization string table (strings.xml) and some icons (drawable-XXX/icon.png) -would keep its resources in the "Resources" directory of the application: - -Resources/ - drawable/ - icon.png - - layout/ - main.xml - - values/ - strings.xml - -In order to get the build system to recognize Android resources, set the build action to -"AndroidResource". The native Android APIs do not operate directly with filenames, but -instead operate on resource IDs. When you compile an Android application that uses resources, -the build system will package the resources for distribution and generate a class called "R" -(this is an Android convention) that contains the tokens for each one of the resources -included. For example, for the above Resources layout, this is what the R class would expose: - -public class R { - public class drawable { - public const int icon = 0x123; - } - - public class layout { - public const int main = 0x456; - } - - public class strings { - public const int first_string = 0xabc; - public const int second_string = 0xbcd; - } -} - -You would then use R.drawable.icon to reference the drawable/icon.png file, or R.layout.main -to reference the layout/main.xml file, or R.strings.first_string to reference the first -string in the dictionary file values/strings.xml. diff --git a/csharp/test/Microsoft.ML.OnnxRuntime.Tests.Droid/Resources/Resource.designer.cs b/csharp/test/Microsoft.ML.OnnxRuntime.Tests.Droid/Resources/Resource.designer.cs deleted file mode 100644 index feb8380af80d0..0000000000000 --- a/csharp/test/Microsoft.ML.OnnxRuntime.Tests.Droid/Resources/Resource.designer.cs +++ /dev/null @@ -1,20632 +0,0 @@ -#pragma warning disable 1591 -//------------------------------------------------------------------------------ -// -// This code was generated by a tool. -// -// Changes to this file may cause incorrect behavior and will be lost if -// the code is regenerated. -// -//------------------------------------------------------------------------------ - -[assembly: global::Android.Runtime.ResourceDesignerAttribute("Microsoft.ML.OnnxRuntime.Tests.Droid.Resource", IsApplication=true)] - -namespace Microsoft.ML.OnnxRuntime.Tests.Droid -{ - - - [global::System.CodeDom.Compiler.GeneratedCodeAttribute("Xamarin.Android.Build.Tasks", "13.2.2.120")] - public partial class Resource - { - - static Resource() - { - global::Android.Runtime.ResourceIdManager.UpdateIdValues(); - } - - public static void UpdateIdValues() - { - global::Xamarin.Forms.Platform.Android.Resource.Animation.abc_fade_in = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Animation.abc_fade_in; - global::Xamarin.Forms.Platform.Android.Resource.Animation.abc_fade_out = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Animation.abc_fade_out; - global::Xamarin.Forms.Platform.Android.Resource.Animation.abc_grow_fade_in_from_bottom = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Animation.abc_grow_fade_in_from_bottom; - global::Xamarin.Forms.Platform.Android.Resource.Animation.abc_popup_enter = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Animation.abc_popup_enter; - global::Xamarin.Forms.Platform.Android.Resource.Animation.abc_popup_exit = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Animation.abc_popup_exit; - global::Xamarin.Forms.Platform.Android.Resource.Animation.abc_shrink_fade_out_from_bottom = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Animation.abc_shrink_fade_out_from_bottom; - global::Xamarin.Forms.Platform.Android.Resource.Animation.abc_slide_in_bottom = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Animation.abc_slide_in_bottom; - global::Xamarin.Forms.Platform.Android.Resource.Animation.abc_slide_in_top = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Animation.abc_slide_in_top; - global::Xamarin.Forms.Platform.Android.Resource.Animation.abc_slide_out_bottom = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Animation.abc_slide_out_bottom; - global::Xamarin.Forms.Platform.Android.Resource.Animation.abc_slide_out_top = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Animation.abc_slide_out_top; - global::Xamarin.Forms.Platform.Android.Resource.Animation.abc_tooltip_enter = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Animation.abc_tooltip_enter; - global::Xamarin.Forms.Platform.Android.Resource.Animation.abc_tooltip_exit = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Animation.abc_tooltip_exit; - global::Xamarin.Forms.Platform.Android.Resource.Animation.btn_checkbox_to_checked_box_inner_merged_animation = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Animation.btn_checkbox_to_checked_box_inner_merged_animation; - global::Xamarin.Forms.Platform.Android.Resource.Animation.btn_checkbox_to_checked_box_outer_merged_animation = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Animation.btn_checkbox_to_checked_box_outer_merged_animation; - global::Xamarin.Forms.Platform.Android.Resource.Animation.btn_checkbox_to_checked_icon_null_animation = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Animation.btn_checkbox_to_checked_icon_null_animation; - global::Xamarin.Forms.Platform.Android.Resource.Animation.btn_checkbox_to_unchecked_box_inner_merged_animation = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Animation.btn_checkbox_to_unchecked_box_inner_merged_animation; - global::Xamarin.Forms.Platform.Android.Resource.Animation.btn_checkbox_to_unchecked_check_path_merged_animation = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Animation.btn_checkbox_to_unchecked_check_path_merged_animation; - global::Xamarin.Forms.Platform.Android.Resource.Animation.btn_checkbox_to_unchecked_icon_null_animation = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Animation.btn_checkbox_to_unchecked_icon_null_animation; - global::Xamarin.Forms.Platform.Android.Resource.Animation.btn_radio_to_off_mtrl_dot_group_animation = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Animation.btn_radio_to_off_mtrl_dot_group_animation; - global::Xamarin.Forms.Platform.Android.Resource.Animation.btn_radio_to_off_mtrl_ring_outer_animation = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Animation.btn_radio_to_off_mtrl_ring_outer_animation; - global::Xamarin.Forms.Platform.Android.Resource.Animation.btn_radio_to_off_mtrl_ring_outer_path_animation = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Animation.btn_radio_to_off_mtrl_ring_outer_path_animation; - global::Xamarin.Forms.Platform.Android.Resource.Animation.btn_radio_to_on_mtrl_dot_group_animation = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Animation.btn_radio_to_on_mtrl_dot_group_animation; - global::Xamarin.Forms.Platform.Android.Resource.Animation.btn_radio_to_on_mtrl_ring_outer_animation = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Animation.btn_radio_to_on_mtrl_ring_outer_animation; - global::Xamarin.Forms.Platform.Android.Resource.Animation.btn_radio_to_on_mtrl_ring_outer_path_animation = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Animation.btn_radio_to_on_mtrl_ring_outer_path_animation; - global::Xamarin.Forms.Platform.Android.Resource.Animation.design_bottom_sheet_slide_in = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Animation.design_bottom_sheet_slide_in; - global::Xamarin.Forms.Platform.Android.Resource.Animation.design_bottom_sheet_slide_out = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Animation.design_bottom_sheet_slide_out; - global::Xamarin.Forms.Platform.Android.Resource.Animation.design_snackbar_in = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Animation.design_snackbar_in; - global::Xamarin.Forms.Platform.Android.Resource.Animation.design_snackbar_out = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Animation.design_snackbar_out; - global::Xamarin.Forms.Platform.Android.Resource.Animation.EnterFromLeft = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Animation.EnterFromLeft; - global::Xamarin.Forms.Platform.Android.Resource.Animation.EnterFromRight = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Animation.EnterFromRight; - global::Xamarin.Forms.Platform.Android.Resource.Animation.ExitToLeft = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Animation.ExitToLeft; - global::Xamarin.Forms.Platform.Android.Resource.Animation.ExitToRight = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Animation.ExitToRight; - global::Xamarin.Forms.Platform.Android.Resource.Animation.fragment_fast_out_extra_slow_in = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Animation.fragment_fast_out_extra_slow_in; - global::Xamarin.Forms.Platform.Android.Resource.Animation.mtrl_bottom_sheet_slide_in = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Animation.mtrl_bottom_sheet_slide_in; - global::Xamarin.Forms.Platform.Android.Resource.Animation.mtrl_bottom_sheet_slide_out = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Animation.mtrl_bottom_sheet_slide_out; - global::Xamarin.Forms.Platform.Android.Resource.Animation.mtrl_card_lowers_interpolator = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Animation.mtrl_card_lowers_interpolator; - global::Xamarin.Forms.Platform.Android.Resource.Animation.nav_default_enter_anim = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Animation.nav_default_enter_anim; - global::Xamarin.Forms.Platform.Android.Resource.Animation.nav_default_exit_anim = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Animation.nav_default_exit_anim; - global::Xamarin.Forms.Platform.Android.Resource.Animation.nav_default_pop_enter_anim = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Animation.nav_default_pop_enter_anim; - global::Xamarin.Forms.Platform.Android.Resource.Animation.nav_default_pop_exit_anim = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Animation.nav_default_pop_exit_anim; - global::Xamarin.Forms.Platform.Android.Resource.Animator.design_appbar_state_list_animator = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Animator.design_appbar_state_list_animator; - global::Xamarin.Forms.Platform.Android.Resource.Animator.design_fab_hide_motion_spec = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Animator.design_fab_hide_motion_spec; - global::Xamarin.Forms.Platform.Android.Resource.Animator.design_fab_show_motion_spec = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Animator.design_fab_show_motion_spec; - global::Xamarin.Forms.Platform.Android.Resource.Animator.fragment_close_enter = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Animator.fragment_close_enter; - global::Xamarin.Forms.Platform.Android.Resource.Animator.fragment_close_exit = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Animator.fragment_close_exit; - global::Xamarin.Forms.Platform.Android.Resource.Animator.fragment_fade_enter = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Animator.fragment_fade_enter; - global::Xamarin.Forms.Platform.Android.Resource.Animator.fragment_fade_exit = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Animator.fragment_fade_exit; - global::Xamarin.Forms.Platform.Android.Resource.Animator.fragment_open_enter = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Animator.fragment_open_enter; - global::Xamarin.Forms.Platform.Android.Resource.Animator.fragment_open_exit = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Animator.fragment_open_exit; - global::Xamarin.Forms.Platform.Android.Resource.Animator.mtrl_btn_state_list_anim = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Animator.mtrl_btn_state_list_anim; - global::Xamarin.Forms.Platform.Android.Resource.Animator.mtrl_btn_unelevated_state_list_anim = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Animator.mtrl_btn_unelevated_state_list_anim; - global::Xamarin.Forms.Platform.Android.Resource.Animator.mtrl_card_state_list_anim = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Animator.mtrl_card_state_list_anim; - global::Xamarin.Forms.Platform.Android.Resource.Animator.mtrl_chip_state_list_anim = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Animator.mtrl_chip_state_list_anim; - global::Xamarin.Forms.Platform.Android.Resource.Animator.mtrl_extended_fab_change_size_motion_spec = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Animator.mtrl_extended_fab_change_size_motion_spec; - global::Xamarin.Forms.Platform.Android.Resource.Animator.mtrl_extended_fab_hide_motion_spec = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Animator.mtrl_extended_fab_hide_motion_spec; - global::Xamarin.Forms.Platform.Android.Resource.Animator.mtrl_extended_fab_show_motion_spec = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Animator.mtrl_extended_fab_show_motion_spec; - global::Xamarin.Forms.Platform.Android.Resource.Animator.mtrl_extended_fab_state_list_animator = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Animator.mtrl_extended_fab_state_list_animator; - global::Xamarin.Forms.Platform.Android.Resource.Animator.mtrl_fab_hide_motion_spec = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Animator.mtrl_fab_hide_motion_spec; - global::Xamarin.Forms.Platform.Android.Resource.Animator.mtrl_fab_show_motion_spec = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Animator.mtrl_fab_show_motion_spec; - global::Xamarin.Forms.Platform.Android.Resource.Animator.mtrl_fab_transformation_sheet_collapse_spec = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Animator.mtrl_fab_transformation_sheet_collapse_spec; - global::Xamarin.Forms.Platform.Android.Resource.Animator.mtrl_fab_transformation_sheet_expand_spec = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Animator.mtrl_fab_transformation_sheet_expand_spec; - global::Xamarin.Forms.Platform.Android.Resource.Animator.nav_default_enter_anim = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Animator.nav_default_enter_anim; - global::Xamarin.Forms.Platform.Android.Resource.Animator.nav_default_exit_anim = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Animator.nav_default_exit_anim; - global::Xamarin.Forms.Platform.Android.Resource.Animator.nav_default_pop_enter_anim = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Animator.nav_default_pop_enter_anim; - global::Xamarin.Forms.Platform.Android.Resource.Animator.nav_default_pop_exit_anim = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Animator.nav_default_pop_exit_anim; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.action = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.action; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.actionBarDivider = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.actionBarDivider; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.actionBarItemBackground = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.actionBarItemBackground; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.actionBarPopupTheme = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.actionBarPopupTheme; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.actionBarSize = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.actionBarSize; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.actionBarSplitStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.actionBarSplitStyle; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.actionBarStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.actionBarStyle; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.actionBarTabBarStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.actionBarTabBarStyle; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.actionBarTabStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.actionBarTabStyle; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.actionBarTabTextStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.actionBarTabTextStyle; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.actionBarTheme = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.actionBarTheme; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.actionBarWidgetTheme = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.actionBarWidgetTheme; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.actionButtonStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.actionButtonStyle; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.actionDropDownStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.actionDropDownStyle; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.actionLayout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.actionLayout; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.actionMenuTextAppearance = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.actionMenuTextAppearance; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.actionMenuTextColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.actionMenuTextColor; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.actionModeBackground = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.actionModeBackground; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.actionModeCloseButtonStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.actionModeCloseButtonStyle; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.actionModeCloseDrawable = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.actionModeCloseDrawable; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.actionModeCopyDrawable = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.actionModeCopyDrawable; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.actionModeCutDrawable = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.actionModeCutDrawable; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.actionModeFindDrawable = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.actionModeFindDrawable; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.actionModePasteDrawable = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.actionModePasteDrawable; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.actionModePopupWindowStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.actionModePopupWindowStyle; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.actionModeSelectAllDrawable = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.actionModeSelectAllDrawable; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.actionModeShareDrawable = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.actionModeShareDrawable; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.actionModeSplitBackground = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.actionModeSplitBackground; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.actionModeStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.actionModeStyle; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.actionModeWebSearchDrawable = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.actionModeWebSearchDrawable; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.actionOverflowButtonStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.actionOverflowButtonStyle; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.actionOverflowMenuStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.actionOverflowMenuStyle; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.actionProviderClass = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.actionProviderClass; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.actionTextColorAlpha = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.actionTextColorAlpha; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.actionViewClass = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.actionViewClass; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.activityChooserViewStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.activityChooserViewStyle; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.alertDialogButtonGroupStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.alertDialogButtonGroupStyle; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.alertDialogCenterButtons = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.alertDialogCenterButtons; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.alertDialogStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.alertDialogStyle; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.alertDialogTheme = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.alertDialogTheme; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.allowStacking = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.allowStacking; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.alpha = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.alpha; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.alphabeticModifiers = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.alphabeticModifiers; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.animationMode = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.animationMode; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.appBarLayoutStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.appBarLayoutStyle; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.argType = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.argType; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.arrowHeadLength = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.arrowHeadLength; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.arrowShaftLength = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.arrowShaftLength; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.autoCompleteTextViewStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.autoCompleteTextViewStyle; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.autoSizeMaxTextSize = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.autoSizeMaxTextSize; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.autoSizeMinTextSize = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.autoSizeMinTextSize; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.autoSizePresetSizes = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.autoSizePresetSizes; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.autoSizeStepGranularity = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.autoSizeStepGranularity; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.autoSizeTextType = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.autoSizeTextType; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.background = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.background; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.backgroundColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.backgroundColor; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.backgroundInsetBottom = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.backgroundInsetBottom; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.backgroundInsetEnd = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.backgroundInsetEnd; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.backgroundInsetStart = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.backgroundInsetStart; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.backgroundInsetTop = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.backgroundInsetTop; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.backgroundOverlayColorAlpha = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.backgroundOverlayColorAlpha; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.backgroundSplit = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.backgroundSplit; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.backgroundStacked = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.backgroundStacked; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.backgroundTint = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.backgroundTint; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.backgroundTintMode = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.backgroundTintMode; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.badgeGravity = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.badgeGravity; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.badgeStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.badgeStyle; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.badgeTextColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.badgeTextColor; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.barLength = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.barLength; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.behavior_autoHide = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.behavior_autoHide; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.behavior_autoShrink = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.behavior_autoShrink; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.behavior_draggable = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.behavior_draggable; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.behavior_expandedOffset = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.behavior_expandedOffset; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.behavior_fitToContents = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.behavior_fitToContents; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.behavior_halfExpandedRatio = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.behavior_halfExpandedRatio; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.behavior_hideable = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.behavior_hideable; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.behavior_overlapTop = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.behavior_overlapTop; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.behavior_peekHeight = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.behavior_peekHeight; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.behavior_saveFlags = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.behavior_saveFlags; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.behavior_skipCollapsed = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.behavior_skipCollapsed; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.borderlessButtonStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.borderlessButtonStyle; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.borderWidth = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.borderWidth; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.bottomAppBarStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.bottomAppBarStyle; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.bottomNavigationStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.bottomNavigationStyle; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.bottomSheetDialogTheme = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.bottomSheetDialogTheme; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.bottomSheetStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.bottomSheetStyle; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.boxBackgroundColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.boxBackgroundColor; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.boxBackgroundMode = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.boxBackgroundMode; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.boxCollapsedPaddingTop = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.boxCollapsedPaddingTop; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.boxCornerRadiusBottomEnd = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.boxCornerRadiusBottomEnd; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.boxCornerRadiusBottomStart = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.boxCornerRadiusBottomStart; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.boxCornerRadiusTopEnd = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.boxCornerRadiusTopEnd; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.boxCornerRadiusTopStart = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.boxCornerRadiusTopStart; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.boxStrokeColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.boxStrokeColor; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.boxStrokeErrorColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.boxStrokeErrorColor; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.boxStrokeWidth = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.boxStrokeWidth; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.boxStrokeWidthFocused = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.boxStrokeWidthFocused; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.buttonBarButtonStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.buttonBarButtonStyle; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.buttonBarNegativeButtonStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.buttonBarNegativeButtonStyle; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.buttonBarNeutralButtonStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.buttonBarNeutralButtonStyle; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.buttonBarPositiveButtonStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.buttonBarPositiveButtonStyle; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.buttonBarStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.buttonBarStyle; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.buttonCompat = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.buttonCompat; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.buttonGravity = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.buttonGravity; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.buttonIconDimen = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.buttonIconDimen; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.buttonPanelSideLayout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.buttonPanelSideLayout; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.buttonStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.buttonStyle; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.buttonStyleSmall = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.buttonStyleSmall; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.buttonTint = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.buttonTint; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.buttonTintMode = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.buttonTintMode; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.cardBackgroundColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.cardBackgroundColor; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.cardCornerRadius = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.cardCornerRadius; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.cardElevation = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.cardElevation; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.cardForegroundColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.cardForegroundColor; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.cardMaxElevation = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.cardMaxElevation; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.cardPreventCornerOverlap = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.cardPreventCornerOverlap; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.cardUseCompatPadding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.cardUseCompatPadding; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.cardViewStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.cardViewStyle; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.checkboxStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.checkboxStyle; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.checkedButton = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.checkedButton; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.checkedChip = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.checkedChip; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.checkedIcon = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.checkedIcon; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.checkedIconEnabled = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.checkedIconEnabled; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.checkedIconTint = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.checkedIconTint; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.checkedIconVisible = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.checkedIconVisible; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.checkedTextViewStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.checkedTextViewStyle; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.chipBackgroundColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.chipBackgroundColor; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.chipCornerRadius = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.chipCornerRadius; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.chipEndPadding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.chipEndPadding; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.chipGroupStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.chipGroupStyle; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.chipIcon = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.chipIcon; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.chipIconEnabled = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.chipIconEnabled; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.chipIconSize = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.chipIconSize; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.chipIconTint = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.chipIconTint; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.chipIconVisible = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.chipIconVisible; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.chipMinHeight = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.chipMinHeight; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.chipMinTouchTargetSize = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.chipMinTouchTargetSize; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.chipSpacing = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.chipSpacing; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.chipSpacingHorizontal = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.chipSpacingHorizontal; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.chipSpacingVertical = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.chipSpacingVertical; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.chipStandaloneStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.chipStandaloneStyle; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.chipStartPadding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.chipStartPadding; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.chipStrokeColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.chipStrokeColor; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.chipStrokeWidth = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.chipStrokeWidth; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.chipStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.chipStyle; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.chipSurfaceColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.chipSurfaceColor; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.closeIcon = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.closeIcon; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.closeIconEnabled = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.closeIconEnabled; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.closeIconEndPadding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.closeIconEndPadding; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.closeIconSize = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.closeIconSize; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.closeIconStartPadding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.closeIconStartPadding; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.closeIconTint = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.closeIconTint; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.closeIconVisible = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.closeIconVisible; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.closeItemLayout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.closeItemLayout; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.collapseContentDescription = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.collapseContentDescription; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.collapsedTitleGravity = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.collapsedTitleGravity; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.collapsedTitleTextAppearance = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.collapsedTitleTextAppearance; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.collapseIcon = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.collapseIcon; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.collectionViewStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.collectionViewStyle; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.color = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.color; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.colorAccent = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.colorAccent; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.colorBackgroundFloating = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.colorBackgroundFloating; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.colorButtonNormal = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.colorButtonNormal; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.colorControlActivated = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.colorControlActivated; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.colorControlHighlight = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.colorControlHighlight; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.colorControlNormal = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.colorControlNormal; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.colorError = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.colorError; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.colorOnBackground = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.colorOnBackground; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.colorOnError = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.colorOnError; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.colorOnPrimary = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.colorOnPrimary; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.colorOnPrimarySurface = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.colorOnPrimarySurface; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.colorOnSecondary = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.colorOnSecondary; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.colorOnSurface = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.colorOnSurface; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.colorPrimary = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.colorPrimary; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.colorPrimaryDark = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.colorPrimaryDark; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.colorPrimarySurface = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.colorPrimarySurface; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.colorPrimaryVariant = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.colorPrimaryVariant; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.colorSecondary = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.colorSecondary; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.colorSecondaryVariant = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.colorSecondaryVariant; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.colorSurface = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.colorSurface; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.colorSwitchThumbNormal = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.colorSwitchThumbNormal; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.commitIcon = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.commitIcon; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.contentDescription = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.contentDescription; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.contentInsetEnd = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.contentInsetEnd; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.contentInsetEndWithActions = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.contentInsetEndWithActions; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.contentInsetLeft = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.contentInsetLeft; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.contentInsetRight = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.contentInsetRight; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.contentInsetStart = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.contentInsetStart; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.contentInsetStartWithNavigation = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.contentInsetStartWithNavigation; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.contentPadding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.contentPadding; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.contentPaddingBottom = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.contentPaddingBottom; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.contentPaddingLeft = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.contentPaddingLeft; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.contentPaddingRight = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.contentPaddingRight; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.contentPaddingTop = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.contentPaddingTop; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.contentScrim = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.contentScrim; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.controlBackground = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.controlBackground; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.coordinatorLayoutStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.coordinatorLayoutStyle; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.cornerFamily = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.cornerFamily; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.cornerFamilyBottomLeft = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.cornerFamilyBottomLeft; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.cornerFamilyBottomRight = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.cornerFamilyBottomRight; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.cornerFamilyTopLeft = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.cornerFamilyTopLeft; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.cornerFamilyTopRight = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.cornerFamilyTopRight; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.cornerRadius = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.cornerRadius; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.cornerSize = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.cornerSize; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.cornerSizeBottomLeft = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.cornerSizeBottomLeft; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.cornerSizeBottomRight = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.cornerSizeBottomRight; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.cornerSizeTopLeft = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.cornerSizeTopLeft; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.cornerSizeTopRight = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.cornerSizeTopRight; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.counterEnabled = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.counterEnabled; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.counterMaxLength = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.counterMaxLength; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.counterOverflowTextAppearance = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.counterOverflowTextAppearance; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.counterOverflowTextColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.counterOverflowTextColor; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.counterTextAppearance = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.counterTextAppearance; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.counterTextColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.counterTextColor; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.customNavigationLayout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.customNavigationLayout; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.data = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.data; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.dataPattern = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.dataPattern; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.dayInvalidStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.dayInvalidStyle; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.daySelectedStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.daySelectedStyle; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.dayStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.dayStyle; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.dayTodayStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.dayTodayStyle; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.defaultQueryHint = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.defaultQueryHint; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.destination = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.destination; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.dialogCornerRadius = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.dialogCornerRadius; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.dialogPreferredPadding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.dialogPreferredPadding; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.dialogTheme = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.dialogTheme; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.displayOptions = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.displayOptions; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.divider = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.divider; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.dividerHorizontal = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.dividerHorizontal; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.dividerPadding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.dividerPadding; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.dividerVertical = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.dividerVertical; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.drawableBottomCompat = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.drawableBottomCompat; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.drawableEndCompat = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.drawableEndCompat; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.drawableLeftCompat = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.drawableLeftCompat; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.drawableRightCompat = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.drawableRightCompat; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.drawableSize = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.drawableSize; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.drawableStartCompat = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.drawableStartCompat; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.drawableTint = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.drawableTint; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.drawableTintMode = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.drawableTintMode; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.drawableTopCompat = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.drawableTopCompat; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.drawerArrowStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.drawerArrowStyle; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.drawerLayoutStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.drawerLayoutStyle; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.dropdownListPreferredItemHeight = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.dropdownListPreferredItemHeight; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.dropDownListViewStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.dropDownListViewStyle; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.editTextBackground = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.editTextBackground; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.editTextColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.editTextColor; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.editTextStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.editTextStyle; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.elevation = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.elevation; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.elevationOverlayColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.elevationOverlayColor; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.elevationOverlayEnabled = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.elevationOverlayEnabled; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.endIconCheckable = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.endIconCheckable; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.endIconContentDescription = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.endIconContentDescription; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.endIconDrawable = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.endIconDrawable; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.endIconMode = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.endIconMode; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.endIconTint = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.endIconTint; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.endIconTintMode = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.endIconTintMode; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.enforceMaterialTheme = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.enforceMaterialTheme; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.enforceTextAppearance = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.enforceTextAppearance; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.ensureMinTouchTargetSize = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.ensureMinTouchTargetSize; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.enterAnim = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.enterAnim; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.errorContentDescription = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.errorContentDescription; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.errorEnabled = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.errorEnabled; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.errorIconDrawable = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.errorIconDrawable; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.errorIconTint = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.errorIconTint; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.errorIconTintMode = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.errorIconTintMode; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.errorTextAppearance = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.errorTextAppearance; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.errorTextColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.errorTextColor; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.exitAnim = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.exitAnim; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.expandActivityOverflowButtonDrawable = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.expandActivityOverflowButtonDrawable; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.expanded = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.expanded; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.expandedTitleGravity = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.expandedTitleGravity; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.expandedTitleMargin = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.expandedTitleMargin; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.expandedTitleMarginBottom = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.expandedTitleMarginBottom; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.expandedTitleMarginEnd = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.expandedTitleMarginEnd; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.expandedTitleMarginStart = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.expandedTitleMarginStart; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.expandedTitleMarginTop = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.expandedTitleMarginTop; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.expandedTitleTextAppearance = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.expandedTitleTextAppearance; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.extendedFloatingActionButtonStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.extendedFloatingActionButtonStyle; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.extendMotionSpec = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.extendMotionSpec; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.fabAlignmentMode = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.fabAlignmentMode; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.fabAnimationMode = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.fabAnimationMode; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.fabCradleMargin = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.fabCradleMargin; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.fabCradleRoundedCornerRadius = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.fabCradleRoundedCornerRadius; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.fabCradleVerticalOffset = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.fabCradleVerticalOffset; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.fabCustomSize = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.fabCustomSize; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.fabSize = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.fabSize; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.fastScrollEnabled = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.fastScrollEnabled; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.fastScrollHorizontalThumbDrawable = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.fastScrollHorizontalThumbDrawable; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.fastScrollHorizontalTrackDrawable = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.fastScrollHorizontalTrackDrawable; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.fastScrollVerticalThumbDrawable = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.fastScrollVerticalThumbDrawable; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.fastScrollVerticalTrackDrawable = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.fastScrollVerticalTrackDrawable; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.firstBaselineToTopHeight = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.firstBaselineToTopHeight; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.floatingActionButtonStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.floatingActionButtonStyle; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.font = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.font; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.fontFamily = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.fontFamily; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.fontProviderAuthority = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.fontProviderAuthority; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.fontProviderCerts = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.fontProviderCerts; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.fontProviderFetchStrategy = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.fontProviderFetchStrategy; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.fontProviderFetchTimeout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.fontProviderFetchTimeout; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.fontProviderPackage = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.fontProviderPackage; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.fontProviderQuery = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.fontProviderQuery; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.fontStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.fontStyle; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.fontVariationSettings = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.fontVariationSettings; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.fontWeight = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.fontWeight; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.foregroundInsidePadding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.foregroundInsidePadding; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.gapBetweenBars = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.gapBetweenBars; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.gestureInsetBottomIgnored = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.gestureInsetBottomIgnored; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.goIcon = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.goIcon; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.graph = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.graph; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.haloColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.haloColor; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.haloRadius = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.haloRadius; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.headerLayout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.headerLayout; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.height = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.height; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.helperText = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.helperText; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.helperTextEnabled = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.helperTextEnabled; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.helperTextTextAppearance = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.helperTextTextAppearance; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.helperTextTextColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.helperTextTextColor; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.hideMotionSpec = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.hideMotionSpec; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.hideOnContentScroll = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.hideOnContentScroll; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.hideOnScroll = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.hideOnScroll; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.hintAnimationEnabled = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.hintAnimationEnabled; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.hintEnabled = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.hintEnabled; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.hintTextAppearance = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.hintTextAppearance; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.hintTextColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.hintTextColor; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.homeAsUpIndicator = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.homeAsUpIndicator; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.homeLayout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.homeLayout; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.horizontalOffset = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.horizontalOffset; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.hoveredFocusedTranslationZ = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.hoveredFocusedTranslationZ; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.icon = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.icon; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.iconEndPadding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.iconEndPadding; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.iconGravity = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.iconGravity; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.iconifiedByDefault = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.iconifiedByDefault; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.iconPadding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.iconPadding; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.iconSize = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.iconSize; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.iconStartPadding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.iconStartPadding; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.iconTint = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.iconTint; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.iconTintMode = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.iconTintMode; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.imageButtonStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.imageButtonStyle; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.indeterminateProgressStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.indeterminateProgressStyle; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.initialActivityCount = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.initialActivityCount; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.insetForeground = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.insetForeground; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.isLightTheme = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.isLightTheme; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.isMaterialTheme = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.isMaterialTheme; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.itemBackground = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.itemBackground; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.itemFillColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.itemFillColor; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.itemHorizontalPadding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.itemHorizontalPadding; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.itemHorizontalTranslationEnabled = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.itemHorizontalTranslationEnabled; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.itemIconPadding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.itemIconPadding; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.itemIconSize = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.itemIconSize; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.itemIconTint = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.itemIconTint; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.itemMaxLines = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.itemMaxLines; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.itemPadding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.itemPadding; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.itemRippleColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.itemRippleColor; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.itemShapeAppearance = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.itemShapeAppearance; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.itemShapeAppearanceOverlay = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.itemShapeAppearanceOverlay; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.itemShapeFillColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.itemShapeFillColor; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.itemShapeInsetBottom = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.itemShapeInsetBottom; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.itemShapeInsetEnd = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.itemShapeInsetEnd; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.itemShapeInsetStart = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.itemShapeInsetStart; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.itemShapeInsetTop = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.itemShapeInsetTop; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.itemSpacing = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.itemSpacing; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.itemStrokeColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.itemStrokeColor; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.itemStrokeWidth = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.itemStrokeWidth; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.itemTextAppearance = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.itemTextAppearance; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.itemTextAppearanceActive = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.itemTextAppearanceActive; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.itemTextAppearanceInactive = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.itemTextAppearanceInactive; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.itemTextColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.itemTextColor; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.keylines = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.keylines; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.labelBehavior = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.labelBehavior; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.labelStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.labelStyle; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.labelVisibilityMode = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.labelVisibilityMode; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.lastBaselineToBottomHeight = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.lastBaselineToBottomHeight; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.launchSingleTop = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.launchSingleTop; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.layout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.layout; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.layoutManager = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.layoutManager; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.layout_anchor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.layout_anchor; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.layout_anchorGravity = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.layout_anchorGravity; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.layout_behavior = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.layout_behavior; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.layout_collapseMode = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.layout_collapseMode; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.layout_collapseParallaxMultiplier = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.layout_collapseParallaxMultiplier; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.layout_dodgeInsetEdges = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.layout_dodgeInsetEdges; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.layout_insetEdge = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.layout_insetEdge; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.layout_keyline = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.layout_keyline; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.layout_scrollFlags = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.layout_scrollFlags; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.layout_scrollInterpolator = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.layout_scrollInterpolator; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.liftOnScroll = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.liftOnScroll; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.liftOnScrollTargetViewId = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.liftOnScrollTargetViewId; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.lineHeight = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.lineHeight; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.lineSpacing = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.lineSpacing; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.listChoiceBackgroundIndicator = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.listChoiceBackgroundIndicator; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.listChoiceIndicatorMultipleAnimated = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.listChoiceIndicatorMultipleAnimated; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.listChoiceIndicatorSingleAnimated = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.listChoiceIndicatorSingleAnimated; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.listDividerAlertDialog = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.listDividerAlertDialog; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.listItemLayout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.listItemLayout; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.listLayout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.listLayout; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.listMenuViewStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.listMenuViewStyle; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.listPopupWindowStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.listPopupWindowStyle; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.listPreferredItemHeight = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.listPreferredItemHeight; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.listPreferredItemHeightLarge = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.listPreferredItemHeightLarge; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.listPreferredItemHeightSmall = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.listPreferredItemHeightSmall; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.listPreferredItemPaddingEnd = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.listPreferredItemPaddingEnd; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.listPreferredItemPaddingLeft = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.listPreferredItemPaddingLeft; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.listPreferredItemPaddingRight = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.listPreferredItemPaddingRight; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.listPreferredItemPaddingStart = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.listPreferredItemPaddingStart; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.logo = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.logo; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.logoDescription = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.logoDescription; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.materialAlertDialogBodyTextStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.materialAlertDialogBodyTextStyle; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.materialAlertDialogTheme = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.materialAlertDialogTheme; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.materialAlertDialogTitleIconStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.materialAlertDialogTitleIconStyle; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.materialAlertDialogTitlePanelStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.materialAlertDialogTitlePanelStyle; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.materialAlertDialogTitleTextStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.materialAlertDialogTitleTextStyle; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.materialButtonOutlinedStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.materialButtonOutlinedStyle; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.materialButtonStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.materialButtonStyle; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.materialButtonToggleGroupStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.materialButtonToggleGroupStyle; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.materialCalendarDay = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.materialCalendarDay; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.materialCalendarFullscreenTheme = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.materialCalendarFullscreenTheme; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.materialCalendarHeaderConfirmButton = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.materialCalendarHeaderConfirmButton; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.materialCalendarHeaderDivider = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.materialCalendarHeaderDivider; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.materialCalendarHeaderLayout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.materialCalendarHeaderLayout; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.materialCalendarHeaderSelection = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.materialCalendarHeaderSelection; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.materialCalendarHeaderTitle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.materialCalendarHeaderTitle; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.materialCalendarHeaderToggleButton = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.materialCalendarHeaderToggleButton; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.materialCalendarStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.materialCalendarStyle; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.materialCalendarTheme = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.materialCalendarTheme; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.materialCardViewStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.materialCardViewStyle; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.materialThemeOverlay = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.materialThemeOverlay; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.maxActionInlineWidth = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.maxActionInlineWidth; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.maxButtonHeight = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.maxButtonHeight; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.maxCharacterCount = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.maxCharacterCount; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.maxImageSize = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.maxImageSize; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.maxLines = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.maxLines; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.measureWithLargestChild = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.measureWithLargestChild; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.menu = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.menu; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.mimeType = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.mimeType; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.minTouchTargetSize = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.minTouchTargetSize; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.multiChoiceItemLayout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.multiChoiceItemLayout; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.navGraph = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.navGraph; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.navigationContentDescription = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.navigationContentDescription; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.navigationIcon = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.navigationIcon; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.navigationMode = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.navigationMode; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.navigationViewStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.navigationViewStyle; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.nullable = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.nullable; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.number = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.number; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.numericModifiers = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.numericModifiers; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.overlapAnchor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.overlapAnchor; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.paddingBottomNoButtons = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.paddingBottomNoButtons; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.paddingBottomSystemWindowInsets = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.paddingBottomSystemWindowInsets; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.paddingEnd = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.paddingEnd; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.paddingLeftSystemWindowInsets = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.paddingLeftSystemWindowInsets; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.paddingRightSystemWindowInsets = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.paddingRightSystemWindowInsets; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.paddingStart = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.paddingStart; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.paddingTopNoTitle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.paddingTopNoTitle; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.panelBackground = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.panelBackground; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.panelMenuListTheme = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.panelMenuListTheme; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.panelMenuListWidth = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.panelMenuListWidth; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.passwordToggleContentDescription = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.passwordToggleContentDescription; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.passwordToggleDrawable = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.passwordToggleDrawable; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.passwordToggleEnabled = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.passwordToggleEnabled; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.passwordToggleTint = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.passwordToggleTint; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.passwordToggleTintMode = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.passwordToggleTintMode; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.placeholderText = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.placeholderText; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.placeholderTextAppearance = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.placeholderTextAppearance; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.placeholderTextColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.placeholderTextColor; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.popEnterAnim = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.popEnterAnim; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.popExitAnim = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.popExitAnim; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.popupMenuBackground = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.popupMenuBackground; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.popupMenuStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.popupMenuStyle; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.popupTheme = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.popupTheme; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.popUpTo = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.popUpTo; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.popUpToInclusive = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.popUpToInclusive; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.popupWindowStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.popupWindowStyle; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.prefixText = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.prefixText; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.prefixTextAppearance = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.prefixTextAppearance; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.prefixTextColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.prefixTextColor; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.preserveIconSpacing = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.preserveIconSpacing; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.pressedTranslationZ = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.pressedTranslationZ; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.progressBarPadding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.progressBarPadding; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.progressBarStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.progressBarStyle; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.queryBackground = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.queryBackground; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.queryHint = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.queryHint; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.radioButtonStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.radioButtonStyle; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.rangeFillColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.rangeFillColor; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.ratingBarStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.ratingBarStyle; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.ratingBarStyleIndicator = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.ratingBarStyleIndicator; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.ratingBarStyleSmall = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.ratingBarStyleSmall; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.recyclerViewStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.recyclerViewStyle; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.reverseLayout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.reverseLayout; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.rippleColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.rippleColor; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.scrimAnimationDuration = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.scrimAnimationDuration; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.scrimBackground = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.scrimBackground; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.scrimVisibleHeightTrigger = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.scrimVisibleHeightTrigger; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.scrollViewStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.scrollViewStyle; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.searchHintIcon = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.searchHintIcon; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.searchIcon = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.searchIcon; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.searchViewStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.searchViewStyle; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.seekBarStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.seekBarStyle; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.selectableItemBackground = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.selectableItemBackground; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.selectableItemBackgroundBorderless = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.selectableItemBackgroundBorderless; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.selectionRequired = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.selectionRequired; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.shapeAppearance = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.shapeAppearance; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.shapeAppearanceLargeComponent = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.shapeAppearanceLargeComponent; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.shapeAppearanceMediumComponent = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.shapeAppearanceMediumComponent; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.shapeAppearanceOverlay = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.shapeAppearanceOverlay; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.shapeAppearanceSmallComponent = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.shapeAppearanceSmallComponent; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.showAsAction = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.showAsAction; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.showDividers = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.showDividers; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.showMotionSpec = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.showMotionSpec; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.showText = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.showText; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.showTitle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.showTitle; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.shrinkMotionSpec = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.shrinkMotionSpec; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.singleChoiceItemLayout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.singleChoiceItemLayout; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.singleLine = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.singleLine; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.singleSelection = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.singleSelection; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.sliderStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.sliderStyle; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.snackbarButtonStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.snackbarButtonStyle; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.snackbarStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.snackbarStyle; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.snackbarTextViewStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.snackbarTextViewStyle; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.spanCount = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.spanCount; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.spinBars = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.spinBars; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.spinnerDropDownItemStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.spinnerDropDownItemStyle; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.spinnerStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.spinnerStyle; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.splitTrack = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.splitTrack; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.srcCompat = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.srcCompat; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.stackFromEnd = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.stackFromEnd; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.startDestination = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.startDestination; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.startIconCheckable = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.startIconCheckable; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.startIconContentDescription = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.startIconContentDescription; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.startIconDrawable = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.startIconDrawable; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.startIconTint = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.startIconTint; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.startIconTintMode = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.startIconTintMode; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.state_above_anchor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.state_above_anchor; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.state_collapsed = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.state_collapsed; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.state_collapsible = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.state_collapsible; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.state_dragged = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.state_dragged; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.state_liftable = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.state_liftable; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.state_lifted = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.state_lifted; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.statusBarBackground = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.statusBarBackground; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.statusBarForeground = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.statusBarForeground; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.statusBarScrim = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.statusBarScrim; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.strokeColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.strokeColor; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.strokeWidth = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.strokeWidth; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.subMenuArrow = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.subMenuArrow; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.submitBackground = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.submitBackground; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.subtitle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.subtitle; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.subtitleTextAppearance = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.subtitleTextAppearance; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.subtitleTextColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.subtitleTextColor; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.subtitleTextStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.subtitleTextStyle; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.suffixText = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.suffixText; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.suffixTextAppearance = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.suffixTextAppearance; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.suffixTextColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.suffixTextColor; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.suggestionRowLayout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.suggestionRowLayout; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.swipeRefreshLayoutProgressSpinnerBackgroundColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.swipeRefreshLayoutProgressSpinnerBackgroundColor; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.switchMinWidth = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.switchMinWidth; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.switchPadding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.switchPadding; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.switchStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.switchStyle; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.switchTextAppearance = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.switchTextAppearance; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.tabBackground = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.tabBackground; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.tabContentStart = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.tabContentStart; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.tabGravity = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.tabGravity; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.tabIconTint = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.tabIconTint; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.tabIconTintMode = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.tabIconTintMode; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.tabIndicator = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.tabIndicator; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.tabIndicatorAnimationDuration = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.tabIndicatorAnimationDuration; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.tabIndicatorColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.tabIndicatorColor; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.tabIndicatorFullWidth = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.tabIndicatorFullWidth; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.tabIndicatorGravity = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.tabIndicatorGravity; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.tabIndicatorHeight = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.tabIndicatorHeight; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.tabInlineLabel = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.tabInlineLabel; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.tabMaxWidth = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.tabMaxWidth; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.tabMinWidth = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.tabMinWidth; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.tabMode = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.tabMode; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.tabPadding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.tabPadding; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.tabPaddingBottom = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.tabPaddingBottom; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.tabPaddingEnd = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.tabPaddingEnd; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.tabPaddingStart = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.tabPaddingStart; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.tabPaddingTop = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.tabPaddingTop; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.tabRippleColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.tabRippleColor; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.tabSelectedTextColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.tabSelectedTextColor; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.tabStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.tabStyle; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.tabTextAppearance = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.tabTextAppearance; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.tabTextColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.tabTextColor; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.tabUnboundedRipple = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.tabUnboundedRipple; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.targetPackage = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.targetPackage; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.textAllCaps = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.textAllCaps; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.textAppearanceBody1 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.textAppearanceBody1; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.textAppearanceBody2 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.textAppearanceBody2; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.textAppearanceButton = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.textAppearanceButton; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.textAppearanceCaption = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.textAppearanceCaption; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.textAppearanceHeadline1 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.textAppearanceHeadline1; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.textAppearanceHeadline2 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.textAppearanceHeadline2; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.textAppearanceHeadline3 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.textAppearanceHeadline3; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.textAppearanceHeadline4 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.textAppearanceHeadline4; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.textAppearanceHeadline5 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.textAppearanceHeadline5; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.textAppearanceHeadline6 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.textAppearanceHeadline6; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.textAppearanceLargePopupMenu = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.textAppearanceLargePopupMenu; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.textAppearanceLineHeightEnabled = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.textAppearanceLineHeightEnabled; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.textAppearanceListItem = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.textAppearanceListItem; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.textAppearanceListItemSecondary = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.textAppearanceListItemSecondary; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.textAppearanceListItemSmall = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.textAppearanceListItemSmall; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.textAppearanceOverline = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.textAppearanceOverline; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.textAppearancePopupMenuHeader = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.textAppearancePopupMenuHeader; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.textAppearanceSearchResultSubtitle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.textAppearanceSearchResultSubtitle; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.textAppearanceSearchResultTitle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.textAppearanceSearchResultTitle; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.textAppearanceSmallPopupMenu = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.textAppearanceSmallPopupMenu; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.textAppearanceSubtitle1 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.textAppearanceSubtitle1; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.textAppearanceSubtitle2 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.textAppearanceSubtitle2; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.textColorAlertDialogListItem = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.textColorAlertDialogListItem; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.textColorSearchUrl = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.textColorSearchUrl; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.textEndPadding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.textEndPadding; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.textInputLayoutFocusedRectEnabled = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.textInputLayoutFocusedRectEnabled; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.textInputStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.textInputStyle; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.textLocale = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.textLocale; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.textStartPadding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.textStartPadding; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.theme = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.theme; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.themeLineHeight = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.themeLineHeight; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.thickness = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.thickness; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.thumbColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.thumbColor; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.thumbElevation = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.thumbElevation; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.thumbRadius = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.thumbRadius; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.thumbTextPadding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.thumbTextPadding; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.thumbTint = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.thumbTint; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.thumbTintMode = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.thumbTintMode; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.tickColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.tickColor; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.tickColorActive = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.tickColorActive; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.tickColorInactive = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.tickColorInactive; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.tickMark = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.tickMark; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.tickMarkTint = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.tickMarkTint; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.tickMarkTintMode = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.tickMarkTintMode; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.tint = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.tint; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.tintMode = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.tintMode; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.title = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.title; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.titleEnabled = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.titleEnabled; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.titleMargin = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.titleMargin; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.titleMarginBottom = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.titleMarginBottom; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.titleMarginEnd = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.titleMarginEnd; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.titleMargins = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.titleMargins; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.titleMarginStart = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.titleMarginStart; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.titleMarginTop = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.titleMarginTop; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.titleTextAppearance = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.titleTextAppearance; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.titleTextColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.titleTextColor; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.titleTextStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.titleTextStyle; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.toolbarId = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.toolbarId; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.toolbarNavigationButtonStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.toolbarNavigationButtonStyle; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.toolbarStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.toolbarStyle; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.tooltipForegroundColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.tooltipForegroundColor; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.tooltipFrameBackground = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.tooltipFrameBackground; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.tooltipStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.tooltipStyle; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.tooltipText = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.tooltipText; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.track = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.track; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.trackColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.trackColor; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.trackColorActive = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.trackColorActive; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.trackColorInactive = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.trackColorInactive; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.trackHeight = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.trackHeight; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.trackTint = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.trackTint; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.trackTintMode = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.trackTintMode; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.transitionShapeAppearance = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.transitionShapeAppearance; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.ttcIndex = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.ttcIndex; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.uri = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.uri; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.useCompatPadding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.useCompatPadding; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.useMaterialThemeColors = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.useMaterialThemeColors; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.values = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.values; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.verticalOffset = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.verticalOffset; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.viewInflaterClass = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.viewInflaterClass; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.voiceIcon = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.voiceIcon; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.windowActionBar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.windowActionBar; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.windowActionBarOverlay = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.windowActionBarOverlay; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.windowActionModeOverlay = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.windowActionModeOverlay; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.windowFixedHeightMajor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.windowFixedHeightMajor; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.windowFixedHeightMinor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.windowFixedHeightMinor; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.windowFixedWidthMajor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.windowFixedWidthMajor; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.windowFixedWidthMinor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.windowFixedWidthMinor; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.windowMinWidthMajor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.windowMinWidthMajor; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.windowMinWidthMinor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.windowMinWidthMinor; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.windowNoTitle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.windowNoTitle; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.yearSelectedStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.yearSelectedStyle; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.yearStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.yearStyle; - global::Xamarin.Forms.Platform.Android.Resource.Attribute.yearTodayStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.yearTodayStyle; - global::Xamarin.Forms.Platform.Android.Resource.Boolean.abc_action_bar_embed_tabs = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Boolean.abc_action_bar_embed_tabs; - global::Xamarin.Forms.Platform.Android.Resource.Boolean.abc_allow_stacked_button_bar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Boolean.abc_allow_stacked_button_bar; - global::Xamarin.Forms.Platform.Android.Resource.Boolean.abc_config_actionMenuItemAllCaps = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Boolean.abc_config_actionMenuItemAllCaps; - global::Xamarin.Forms.Platform.Android.Resource.Boolean.mtrl_btn_textappearance_all_caps = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Boolean.mtrl_btn_textappearance_all_caps; - global::Xamarin.Forms.Platform.Android.Resource.Color.abc_background_cache_hint_selector_material_dark = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.abc_background_cache_hint_selector_material_dark; - global::Xamarin.Forms.Platform.Android.Resource.Color.abc_background_cache_hint_selector_material_light = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.abc_background_cache_hint_selector_material_light; - global::Xamarin.Forms.Platform.Android.Resource.Color.abc_btn_colored_borderless_text_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.abc_btn_colored_borderless_text_material; - global::Xamarin.Forms.Platform.Android.Resource.Color.abc_btn_colored_text_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.abc_btn_colored_text_material; - global::Xamarin.Forms.Platform.Android.Resource.Color.abc_color_highlight_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.abc_color_highlight_material; - global::Xamarin.Forms.Platform.Android.Resource.Color.abc_decor_view_status_guard = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.abc_decor_view_status_guard; - global::Xamarin.Forms.Platform.Android.Resource.Color.abc_decor_view_status_guard_light = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.abc_decor_view_status_guard_light; - global::Xamarin.Forms.Platform.Android.Resource.Color.abc_hint_foreground_material_dark = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.abc_hint_foreground_material_dark; - global::Xamarin.Forms.Platform.Android.Resource.Color.abc_hint_foreground_material_light = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.abc_hint_foreground_material_light; - global::Xamarin.Forms.Platform.Android.Resource.Color.abc_primary_text_disable_only_material_dark = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.abc_primary_text_disable_only_material_dark; - global::Xamarin.Forms.Platform.Android.Resource.Color.abc_primary_text_disable_only_material_light = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.abc_primary_text_disable_only_material_light; - global::Xamarin.Forms.Platform.Android.Resource.Color.abc_primary_text_material_dark = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.abc_primary_text_material_dark; - global::Xamarin.Forms.Platform.Android.Resource.Color.abc_primary_text_material_light = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.abc_primary_text_material_light; - global::Xamarin.Forms.Platform.Android.Resource.Color.abc_search_url_text = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.abc_search_url_text; - global::Xamarin.Forms.Platform.Android.Resource.Color.abc_search_url_text_normal = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.abc_search_url_text_normal; - global::Xamarin.Forms.Platform.Android.Resource.Color.abc_search_url_text_pressed = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.abc_search_url_text_pressed; - global::Xamarin.Forms.Platform.Android.Resource.Color.abc_search_url_text_selected = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.abc_search_url_text_selected; - global::Xamarin.Forms.Platform.Android.Resource.Color.abc_secondary_text_material_dark = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.abc_secondary_text_material_dark; - global::Xamarin.Forms.Platform.Android.Resource.Color.abc_secondary_text_material_light = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.abc_secondary_text_material_light; - global::Xamarin.Forms.Platform.Android.Resource.Color.abc_tint_btn_checkable = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.abc_tint_btn_checkable; - global::Xamarin.Forms.Platform.Android.Resource.Color.abc_tint_default = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.abc_tint_default; - global::Xamarin.Forms.Platform.Android.Resource.Color.abc_tint_edittext = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.abc_tint_edittext; - global::Xamarin.Forms.Platform.Android.Resource.Color.abc_tint_seek_thumb = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.abc_tint_seek_thumb; - global::Xamarin.Forms.Platform.Android.Resource.Color.abc_tint_spinner = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.abc_tint_spinner; - global::Xamarin.Forms.Platform.Android.Resource.Color.abc_tint_switch_track = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.abc_tint_switch_track; - global::Xamarin.Forms.Platform.Android.Resource.Color.accent_material_dark = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.accent_material_dark; - global::Xamarin.Forms.Platform.Android.Resource.Color.accent_material_light = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.accent_material_light; - global::Xamarin.Forms.Platform.Android.Resource.Color.androidx_core_ripple_material_light = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.androidx_core_ripple_material_light; - global::Xamarin.Forms.Platform.Android.Resource.Color.androidx_core_secondary_text_default_material_light = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.androidx_core_secondary_text_default_material_light; - global::Xamarin.Forms.Platform.Android.Resource.Color.background_floating_material_dark = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.background_floating_material_dark; - global::Xamarin.Forms.Platform.Android.Resource.Color.background_floating_material_light = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.background_floating_material_light; - global::Xamarin.Forms.Platform.Android.Resource.Color.background_material_dark = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.background_material_dark; - global::Xamarin.Forms.Platform.Android.Resource.Color.background_material_light = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.background_material_light; - global::Xamarin.Forms.Platform.Android.Resource.Color.bright_foreground_disabled_material_dark = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.bright_foreground_disabled_material_dark; - global::Xamarin.Forms.Platform.Android.Resource.Color.bright_foreground_disabled_material_light = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.bright_foreground_disabled_material_light; - global::Xamarin.Forms.Platform.Android.Resource.Color.bright_foreground_inverse_material_dark = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.bright_foreground_inverse_material_dark; - global::Xamarin.Forms.Platform.Android.Resource.Color.bright_foreground_inverse_material_light = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.bright_foreground_inverse_material_light; - global::Xamarin.Forms.Platform.Android.Resource.Color.bright_foreground_material_dark = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.bright_foreground_material_dark; - global::Xamarin.Forms.Platform.Android.Resource.Color.bright_foreground_material_light = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.bright_foreground_material_light; - global::Xamarin.Forms.Platform.Android.Resource.Color.button_material_dark = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.button_material_dark; - global::Xamarin.Forms.Platform.Android.Resource.Color.button_material_light = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.button_material_light; - global::Xamarin.Forms.Platform.Android.Resource.Color.cardview_dark_background = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.cardview_dark_background; - global::Xamarin.Forms.Platform.Android.Resource.Color.cardview_light_background = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.cardview_light_background; - global::Xamarin.Forms.Platform.Android.Resource.Color.cardview_shadow_end_color = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.cardview_shadow_end_color; - global::Xamarin.Forms.Platform.Android.Resource.Color.cardview_shadow_start_color = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.cardview_shadow_start_color; - global::Xamarin.Forms.Platform.Android.Resource.Color.checkbox_themeable_attribute_color = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.checkbox_themeable_attribute_color; - global::Xamarin.Forms.Platform.Android.Resource.Color.design_bottom_navigation_shadow_color = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.design_bottom_navigation_shadow_color; - global::Xamarin.Forms.Platform.Android.Resource.Color.design_box_stroke_color = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.design_box_stroke_color; - global::Xamarin.Forms.Platform.Android.Resource.Color.design_dark_default_color_background = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.design_dark_default_color_background; - global::Xamarin.Forms.Platform.Android.Resource.Color.design_dark_default_color_error = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.design_dark_default_color_error; - global::Xamarin.Forms.Platform.Android.Resource.Color.design_dark_default_color_on_background = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.design_dark_default_color_on_background; - global::Xamarin.Forms.Platform.Android.Resource.Color.design_dark_default_color_on_error = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.design_dark_default_color_on_error; - global::Xamarin.Forms.Platform.Android.Resource.Color.design_dark_default_color_on_primary = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.design_dark_default_color_on_primary; - global::Xamarin.Forms.Platform.Android.Resource.Color.design_dark_default_color_on_secondary = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.design_dark_default_color_on_secondary; - global::Xamarin.Forms.Platform.Android.Resource.Color.design_dark_default_color_on_surface = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.design_dark_default_color_on_surface; - global::Xamarin.Forms.Platform.Android.Resource.Color.design_dark_default_color_primary = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.design_dark_default_color_primary; - global::Xamarin.Forms.Platform.Android.Resource.Color.design_dark_default_color_primary_dark = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.design_dark_default_color_primary_dark; - global::Xamarin.Forms.Platform.Android.Resource.Color.design_dark_default_color_primary_variant = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.design_dark_default_color_primary_variant; - global::Xamarin.Forms.Platform.Android.Resource.Color.design_dark_default_color_secondary = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.design_dark_default_color_secondary; - global::Xamarin.Forms.Platform.Android.Resource.Color.design_dark_default_color_secondary_variant = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.design_dark_default_color_secondary_variant; - global::Xamarin.Forms.Platform.Android.Resource.Color.design_dark_default_color_surface = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.design_dark_default_color_surface; - global::Xamarin.Forms.Platform.Android.Resource.Color.design_default_color_background = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.design_default_color_background; - global::Xamarin.Forms.Platform.Android.Resource.Color.design_default_color_error = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.design_default_color_error; - global::Xamarin.Forms.Platform.Android.Resource.Color.design_default_color_on_background = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.design_default_color_on_background; - global::Xamarin.Forms.Platform.Android.Resource.Color.design_default_color_on_error = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.design_default_color_on_error; - global::Xamarin.Forms.Platform.Android.Resource.Color.design_default_color_on_primary = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.design_default_color_on_primary; - global::Xamarin.Forms.Platform.Android.Resource.Color.design_default_color_on_secondary = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.design_default_color_on_secondary; - global::Xamarin.Forms.Platform.Android.Resource.Color.design_default_color_on_surface = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.design_default_color_on_surface; - global::Xamarin.Forms.Platform.Android.Resource.Color.design_default_color_primary = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.design_default_color_primary; - global::Xamarin.Forms.Platform.Android.Resource.Color.design_default_color_primary_dark = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.design_default_color_primary_dark; - global::Xamarin.Forms.Platform.Android.Resource.Color.design_default_color_primary_variant = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.design_default_color_primary_variant; - global::Xamarin.Forms.Platform.Android.Resource.Color.design_default_color_secondary = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.design_default_color_secondary; - global::Xamarin.Forms.Platform.Android.Resource.Color.design_default_color_secondary_variant = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.design_default_color_secondary_variant; - global::Xamarin.Forms.Platform.Android.Resource.Color.design_default_color_surface = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.design_default_color_surface; - global::Xamarin.Forms.Platform.Android.Resource.Color.design_error = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.design_error; - global::Xamarin.Forms.Platform.Android.Resource.Color.design_fab_shadow_end_color = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.design_fab_shadow_end_color; - global::Xamarin.Forms.Platform.Android.Resource.Color.design_fab_shadow_mid_color = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.design_fab_shadow_mid_color; - global::Xamarin.Forms.Platform.Android.Resource.Color.design_fab_shadow_start_color = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.design_fab_shadow_start_color; - global::Xamarin.Forms.Platform.Android.Resource.Color.design_fab_stroke_end_inner_color = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.design_fab_stroke_end_inner_color; - global::Xamarin.Forms.Platform.Android.Resource.Color.design_fab_stroke_end_outer_color = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.design_fab_stroke_end_outer_color; - global::Xamarin.Forms.Platform.Android.Resource.Color.design_fab_stroke_top_inner_color = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.design_fab_stroke_top_inner_color; - global::Xamarin.Forms.Platform.Android.Resource.Color.design_fab_stroke_top_outer_color = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.design_fab_stroke_top_outer_color; - global::Xamarin.Forms.Platform.Android.Resource.Color.design_icon_tint = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.design_icon_tint; - global::Xamarin.Forms.Platform.Android.Resource.Color.design_snackbar_background_color = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.design_snackbar_background_color; - global::Xamarin.Forms.Platform.Android.Resource.Color.dim_foreground_disabled_material_dark = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.dim_foreground_disabled_material_dark; - global::Xamarin.Forms.Platform.Android.Resource.Color.dim_foreground_disabled_material_light = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.dim_foreground_disabled_material_light; - global::Xamarin.Forms.Platform.Android.Resource.Color.dim_foreground_material_dark = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.dim_foreground_material_dark; - global::Xamarin.Forms.Platform.Android.Resource.Color.dim_foreground_material_light = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.dim_foreground_material_light; - global::Xamarin.Forms.Platform.Android.Resource.Color.error_color_material_dark = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.error_color_material_dark; - global::Xamarin.Forms.Platform.Android.Resource.Color.error_color_material_light = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.error_color_material_light; - global::Xamarin.Forms.Platform.Android.Resource.Color.foreground_material_dark = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.foreground_material_dark; - global::Xamarin.Forms.Platform.Android.Resource.Color.foreground_material_light = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.foreground_material_light; - global::Xamarin.Forms.Platform.Android.Resource.Color.highlighted_text_material_dark = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.highlighted_text_material_dark; - global::Xamarin.Forms.Platform.Android.Resource.Color.highlighted_text_material_light = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.highlighted_text_material_light; - global::Xamarin.Forms.Platform.Android.Resource.Color.material_blue_grey_800 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.material_blue_grey_800; - global::Xamarin.Forms.Platform.Android.Resource.Color.material_blue_grey_900 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.material_blue_grey_900; - global::Xamarin.Forms.Platform.Android.Resource.Color.material_blue_grey_950 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.material_blue_grey_950; - global::Xamarin.Forms.Platform.Android.Resource.Color.material_deep_teal_200 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.material_deep_teal_200; - global::Xamarin.Forms.Platform.Android.Resource.Color.material_deep_teal_500 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.material_deep_teal_500; - global::Xamarin.Forms.Platform.Android.Resource.Color.material_grey_100 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.material_grey_100; - global::Xamarin.Forms.Platform.Android.Resource.Color.material_grey_300 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.material_grey_300; - global::Xamarin.Forms.Platform.Android.Resource.Color.material_grey_50 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.material_grey_50; - global::Xamarin.Forms.Platform.Android.Resource.Color.material_grey_600 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.material_grey_600; - global::Xamarin.Forms.Platform.Android.Resource.Color.material_grey_800 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.material_grey_800; - global::Xamarin.Forms.Platform.Android.Resource.Color.material_grey_850 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.material_grey_850; - global::Xamarin.Forms.Platform.Android.Resource.Color.material_grey_900 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.material_grey_900; - global::Xamarin.Forms.Platform.Android.Resource.Color.material_on_background_disabled = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.material_on_background_disabled; - global::Xamarin.Forms.Platform.Android.Resource.Color.material_on_background_emphasis_high_type = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.material_on_background_emphasis_high_type; - global::Xamarin.Forms.Platform.Android.Resource.Color.material_on_background_emphasis_medium = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.material_on_background_emphasis_medium; - global::Xamarin.Forms.Platform.Android.Resource.Color.material_on_primary_disabled = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.material_on_primary_disabled; - global::Xamarin.Forms.Platform.Android.Resource.Color.material_on_primary_emphasis_high_type = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.material_on_primary_emphasis_high_type; - global::Xamarin.Forms.Platform.Android.Resource.Color.material_on_primary_emphasis_medium = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.material_on_primary_emphasis_medium; - global::Xamarin.Forms.Platform.Android.Resource.Color.material_on_surface_disabled = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.material_on_surface_disabled; - global::Xamarin.Forms.Platform.Android.Resource.Color.material_on_surface_emphasis_high_type = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.material_on_surface_emphasis_high_type; - global::Xamarin.Forms.Platform.Android.Resource.Color.material_on_surface_emphasis_medium = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.material_on_surface_emphasis_medium; - global::Xamarin.Forms.Platform.Android.Resource.Color.material_on_surface_stroke = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.material_on_surface_stroke; - global::Xamarin.Forms.Platform.Android.Resource.Color.material_slider_active_tick_marks_color = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.material_slider_active_tick_marks_color; - global::Xamarin.Forms.Platform.Android.Resource.Color.material_slider_active_track_color = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.material_slider_active_track_color; - global::Xamarin.Forms.Platform.Android.Resource.Color.material_slider_halo_color = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.material_slider_halo_color; - global::Xamarin.Forms.Platform.Android.Resource.Color.material_slider_inactive_tick_marks_color = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.material_slider_inactive_tick_marks_color; - global::Xamarin.Forms.Platform.Android.Resource.Color.material_slider_inactive_track_color = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.material_slider_inactive_track_color; - global::Xamarin.Forms.Platform.Android.Resource.Color.material_slider_thumb_color = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.material_slider_thumb_color; - global::Xamarin.Forms.Platform.Android.Resource.Color.mtrl_bottom_nav_colored_item_tint = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.mtrl_bottom_nav_colored_item_tint; - global::Xamarin.Forms.Platform.Android.Resource.Color.mtrl_bottom_nav_colored_ripple_color = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.mtrl_bottom_nav_colored_ripple_color; - global::Xamarin.Forms.Platform.Android.Resource.Color.mtrl_bottom_nav_item_tint = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.mtrl_bottom_nav_item_tint; - global::Xamarin.Forms.Platform.Android.Resource.Color.mtrl_bottom_nav_ripple_color = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.mtrl_bottom_nav_ripple_color; - global::Xamarin.Forms.Platform.Android.Resource.Color.mtrl_btn_bg_color_selector = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.mtrl_btn_bg_color_selector; - global::Xamarin.Forms.Platform.Android.Resource.Color.mtrl_btn_ripple_color = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.mtrl_btn_ripple_color; - global::Xamarin.Forms.Platform.Android.Resource.Color.mtrl_btn_stroke_color_selector = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.mtrl_btn_stroke_color_selector; - global::Xamarin.Forms.Platform.Android.Resource.Color.mtrl_btn_text_btn_bg_color_selector = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.mtrl_btn_text_btn_bg_color_selector; - global::Xamarin.Forms.Platform.Android.Resource.Color.mtrl_btn_text_btn_ripple_color = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.mtrl_btn_text_btn_ripple_color; - global::Xamarin.Forms.Platform.Android.Resource.Color.mtrl_btn_text_color_disabled = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.mtrl_btn_text_color_disabled; - global::Xamarin.Forms.Platform.Android.Resource.Color.mtrl_btn_text_color_selector = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.mtrl_btn_text_color_selector; - global::Xamarin.Forms.Platform.Android.Resource.Color.mtrl_btn_transparent_bg_color = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.mtrl_btn_transparent_bg_color; - global::Xamarin.Forms.Platform.Android.Resource.Color.mtrl_calendar_item_stroke_color = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.mtrl_calendar_item_stroke_color; - global::Xamarin.Forms.Platform.Android.Resource.Color.mtrl_calendar_selected_range = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.mtrl_calendar_selected_range; - global::Xamarin.Forms.Platform.Android.Resource.Color.mtrl_card_view_foreground = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.mtrl_card_view_foreground; - global::Xamarin.Forms.Platform.Android.Resource.Color.mtrl_card_view_ripple = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.mtrl_card_view_ripple; - global::Xamarin.Forms.Platform.Android.Resource.Color.mtrl_chip_background_color = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.mtrl_chip_background_color; - global::Xamarin.Forms.Platform.Android.Resource.Color.mtrl_chip_close_icon_tint = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.mtrl_chip_close_icon_tint; - global::Xamarin.Forms.Platform.Android.Resource.Color.mtrl_chip_ripple_color = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.mtrl_chip_ripple_color; - global::Xamarin.Forms.Platform.Android.Resource.Color.mtrl_chip_surface_color = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.mtrl_chip_surface_color; - global::Xamarin.Forms.Platform.Android.Resource.Color.mtrl_chip_text_color = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.mtrl_chip_text_color; - global::Xamarin.Forms.Platform.Android.Resource.Color.mtrl_choice_chip_background_color = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.mtrl_choice_chip_background_color; - global::Xamarin.Forms.Platform.Android.Resource.Color.mtrl_choice_chip_ripple_color = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.mtrl_choice_chip_ripple_color; - global::Xamarin.Forms.Platform.Android.Resource.Color.mtrl_choice_chip_text_color = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.mtrl_choice_chip_text_color; - global::Xamarin.Forms.Platform.Android.Resource.Color.mtrl_error = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.mtrl_error; - global::Xamarin.Forms.Platform.Android.Resource.Color.mtrl_fab_bg_color_selector = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.mtrl_fab_bg_color_selector; - global::Xamarin.Forms.Platform.Android.Resource.Color.mtrl_fab_icon_text_color_selector = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.mtrl_fab_icon_text_color_selector; - global::Xamarin.Forms.Platform.Android.Resource.Color.mtrl_fab_ripple_color = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.mtrl_fab_ripple_color; - global::Xamarin.Forms.Platform.Android.Resource.Color.mtrl_filled_background_color = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.mtrl_filled_background_color; - global::Xamarin.Forms.Platform.Android.Resource.Color.mtrl_filled_icon_tint = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.mtrl_filled_icon_tint; - global::Xamarin.Forms.Platform.Android.Resource.Color.mtrl_filled_stroke_color = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.mtrl_filled_stroke_color; - global::Xamarin.Forms.Platform.Android.Resource.Color.mtrl_indicator_text_color = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.mtrl_indicator_text_color; - global::Xamarin.Forms.Platform.Android.Resource.Color.mtrl_navigation_item_background_color = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.mtrl_navigation_item_background_color; - global::Xamarin.Forms.Platform.Android.Resource.Color.mtrl_navigation_item_icon_tint = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.mtrl_navigation_item_icon_tint; - global::Xamarin.Forms.Platform.Android.Resource.Color.mtrl_navigation_item_text_color = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.mtrl_navigation_item_text_color; - global::Xamarin.Forms.Platform.Android.Resource.Color.mtrl_on_primary_text_btn_text_color_selector = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.mtrl_on_primary_text_btn_text_color_selector; - global::Xamarin.Forms.Platform.Android.Resource.Color.mtrl_outlined_icon_tint = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.mtrl_outlined_icon_tint; - global::Xamarin.Forms.Platform.Android.Resource.Color.mtrl_outlined_stroke_color = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.mtrl_outlined_stroke_color; - global::Xamarin.Forms.Platform.Android.Resource.Color.mtrl_popupmenu_overlay_color = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.mtrl_popupmenu_overlay_color; - global::Xamarin.Forms.Platform.Android.Resource.Color.mtrl_scrim_color = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.mtrl_scrim_color; - global::Xamarin.Forms.Platform.Android.Resource.Color.mtrl_tabs_colored_ripple_color = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.mtrl_tabs_colored_ripple_color; - global::Xamarin.Forms.Platform.Android.Resource.Color.mtrl_tabs_icon_color_selector = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.mtrl_tabs_icon_color_selector; - global::Xamarin.Forms.Platform.Android.Resource.Color.mtrl_tabs_icon_color_selector_colored = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.mtrl_tabs_icon_color_selector_colored; - global::Xamarin.Forms.Platform.Android.Resource.Color.mtrl_tabs_legacy_text_color_selector = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.mtrl_tabs_legacy_text_color_selector; - global::Xamarin.Forms.Platform.Android.Resource.Color.mtrl_tabs_ripple_color = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.mtrl_tabs_ripple_color; - global::Xamarin.Forms.Platform.Android.Resource.Color.mtrl_textinput_default_box_stroke_color = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.mtrl_textinput_default_box_stroke_color; - global::Xamarin.Forms.Platform.Android.Resource.Color.mtrl_textinput_disabled_color = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.mtrl_textinput_disabled_color; - global::Xamarin.Forms.Platform.Android.Resource.Color.mtrl_textinput_filled_box_default_background_color = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.mtrl_textinput_filled_box_default_background_color; - global::Xamarin.Forms.Platform.Android.Resource.Color.mtrl_textinput_focused_box_stroke_color = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.mtrl_textinput_focused_box_stroke_color; - global::Xamarin.Forms.Platform.Android.Resource.Color.mtrl_textinput_hovered_box_stroke_color = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.mtrl_textinput_hovered_box_stroke_color; - global::Xamarin.Forms.Platform.Android.Resource.Color.mtrl_text_btn_text_color_selector = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.mtrl_text_btn_text_color_selector; - global::Xamarin.Forms.Platform.Android.Resource.Color.notification_action_color_filter = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.notification_action_color_filter; - global::Xamarin.Forms.Platform.Android.Resource.Color.notification_icon_bg_color = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.notification_icon_bg_color; - global::Xamarin.Forms.Platform.Android.Resource.Color.notification_material_background_media_default_color = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.notification_material_background_media_default_color; - global::Xamarin.Forms.Platform.Android.Resource.Color.primary_dark_material_dark = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.primary_dark_material_dark; - global::Xamarin.Forms.Platform.Android.Resource.Color.primary_dark_material_light = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.primary_dark_material_light; - global::Xamarin.Forms.Platform.Android.Resource.Color.primary_material_dark = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.primary_material_dark; - global::Xamarin.Forms.Platform.Android.Resource.Color.primary_material_light = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.primary_material_light; - global::Xamarin.Forms.Platform.Android.Resource.Color.primary_text_default_material_dark = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.primary_text_default_material_dark; - global::Xamarin.Forms.Platform.Android.Resource.Color.primary_text_default_material_light = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.primary_text_default_material_light; - global::Xamarin.Forms.Platform.Android.Resource.Color.primary_text_disabled_material_dark = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.primary_text_disabled_material_dark; - global::Xamarin.Forms.Platform.Android.Resource.Color.primary_text_disabled_material_light = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.primary_text_disabled_material_light; - global::Xamarin.Forms.Platform.Android.Resource.Color.radiobutton_themeable_attribute_color = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.radiobutton_themeable_attribute_color; - global::Xamarin.Forms.Platform.Android.Resource.Color.ripple_material_dark = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.ripple_material_dark; - global::Xamarin.Forms.Platform.Android.Resource.Color.ripple_material_light = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.ripple_material_light; - global::Xamarin.Forms.Platform.Android.Resource.Color.secondary_text_default_material_dark = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.secondary_text_default_material_dark; - global::Xamarin.Forms.Platform.Android.Resource.Color.secondary_text_default_material_light = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.secondary_text_default_material_light; - global::Xamarin.Forms.Platform.Android.Resource.Color.secondary_text_disabled_material_dark = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.secondary_text_disabled_material_dark; - global::Xamarin.Forms.Platform.Android.Resource.Color.secondary_text_disabled_material_light = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.secondary_text_disabled_material_light; - global::Xamarin.Forms.Platform.Android.Resource.Color.switch_thumb_disabled_material_dark = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.switch_thumb_disabled_material_dark; - global::Xamarin.Forms.Platform.Android.Resource.Color.switch_thumb_disabled_material_light = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.switch_thumb_disabled_material_light; - global::Xamarin.Forms.Platform.Android.Resource.Color.switch_thumb_material_dark = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.switch_thumb_material_dark; - global::Xamarin.Forms.Platform.Android.Resource.Color.switch_thumb_material_light = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.switch_thumb_material_light; - global::Xamarin.Forms.Platform.Android.Resource.Color.switch_thumb_normal_material_dark = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.switch_thumb_normal_material_dark; - global::Xamarin.Forms.Platform.Android.Resource.Color.switch_thumb_normal_material_light = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.switch_thumb_normal_material_light; - global::Xamarin.Forms.Platform.Android.Resource.Color.test_mtrl_calendar_day = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.test_mtrl_calendar_day; - global::Xamarin.Forms.Platform.Android.Resource.Color.test_mtrl_calendar_day_selected = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.test_mtrl_calendar_day_selected; - global::Xamarin.Forms.Platform.Android.Resource.Color.tooltip_background_dark = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.tooltip_background_dark; - global::Xamarin.Forms.Platform.Android.Resource.Color.tooltip_background_light = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.tooltip_background_light; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.abc_action_bar_content_inset_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_action_bar_content_inset_material; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.abc_action_bar_content_inset_with_nav = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_action_bar_content_inset_with_nav; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.abc_action_bar_default_height_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_action_bar_default_height_material; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.abc_action_bar_default_padding_end_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_action_bar_default_padding_end_material; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.abc_action_bar_default_padding_start_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_action_bar_default_padding_start_material; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.abc_action_bar_elevation_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_action_bar_elevation_material; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.abc_action_bar_icon_vertical_padding_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_action_bar_icon_vertical_padding_material; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.abc_action_bar_overflow_padding_end_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_action_bar_overflow_padding_end_material; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.abc_action_bar_overflow_padding_start_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_action_bar_overflow_padding_start_material; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.abc_action_bar_stacked_max_height = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_action_bar_stacked_max_height; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.abc_action_bar_stacked_tab_max_width = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_action_bar_stacked_tab_max_width; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.abc_action_bar_subtitle_bottom_margin_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_action_bar_subtitle_bottom_margin_material; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.abc_action_bar_subtitle_top_margin_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_action_bar_subtitle_top_margin_material; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.abc_action_button_min_height_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_action_button_min_height_material; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.abc_action_button_min_width_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_action_button_min_width_material; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.abc_action_button_min_width_overflow_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_action_button_min_width_overflow_material; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.abc_alert_dialog_button_bar_height = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_alert_dialog_button_bar_height; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.abc_alert_dialog_button_dimen = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_alert_dialog_button_dimen; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.abc_button_inset_horizontal_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_button_inset_horizontal_material; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.abc_button_inset_vertical_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_button_inset_vertical_material; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.abc_button_padding_horizontal_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_button_padding_horizontal_material; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.abc_button_padding_vertical_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_button_padding_vertical_material; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.abc_cascading_menus_min_smallest_width = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_cascading_menus_min_smallest_width; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.abc_config_prefDialogWidth = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_config_prefDialogWidth; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.abc_control_corner_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_control_corner_material; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.abc_control_inset_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_control_inset_material; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.abc_control_padding_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_control_padding_material; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.abc_dialog_corner_radius_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_dialog_corner_radius_material; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.abc_dialog_fixed_height_major = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_dialog_fixed_height_major; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.abc_dialog_fixed_height_minor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_dialog_fixed_height_minor; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.abc_dialog_fixed_width_major = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_dialog_fixed_width_major; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.abc_dialog_fixed_width_minor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_dialog_fixed_width_minor; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.abc_dialog_list_padding_bottom_no_buttons = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_dialog_list_padding_bottom_no_buttons; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.abc_dialog_list_padding_top_no_title = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_dialog_list_padding_top_no_title; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.abc_dialog_min_width_major = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_dialog_min_width_major; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.abc_dialog_min_width_minor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_dialog_min_width_minor; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.abc_dialog_padding_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_dialog_padding_material; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.abc_dialog_padding_top_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_dialog_padding_top_material; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.abc_dialog_title_divider_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_dialog_title_divider_material; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.abc_disabled_alpha_material_dark = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_disabled_alpha_material_dark; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.abc_disabled_alpha_material_light = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_disabled_alpha_material_light; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.abc_dropdownitem_icon_width = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_dropdownitem_icon_width; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.abc_dropdownitem_text_padding_left = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_dropdownitem_text_padding_left; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.abc_dropdownitem_text_padding_right = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_dropdownitem_text_padding_right; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.abc_edit_text_inset_bottom_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_edit_text_inset_bottom_material; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.abc_edit_text_inset_horizontal_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_edit_text_inset_horizontal_material; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.abc_edit_text_inset_top_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_edit_text_inset_top_material; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.abc_floating_window_z = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_floating_window_z; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.abc_list_item_height_large_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_list_item_height_large_material; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.abc_list_item_height_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_list_item_height_material; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.abc_list_item_height_small_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_list_item_height_small_material; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.abc_list_item_padding_horizontal_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_list_item_padding_horizontal_material; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.abc_panel_menu_list_width = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_panel_menu_list_width; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.abc_progress_bar_height_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_progress_bar_height_material; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.abc_search_view_preferred_height = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_search_view_preferred_height; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.abc_search_view_preferred_width = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_search_view_preferred_width; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.abc_seekbar_track_background_height_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_seekbar_track_background_height_material; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.abc_seekbar_track_progress_height_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_seekbar_track_progress_height_material; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.abc_select_dialog_padding_start_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_select_dialog_padding_start_material; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.abc_switch_padding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_switch_padding; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.abc_text_size_body_1_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_text_size_body_1_material; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.abc_text_size_body_2_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_text_size_body_2_material; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.abc_text_size_button_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_text_size_button_material; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.abc_text_size_caption_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_text_size_caption_material; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.abc_text_size_display_1_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_text_size_display_1_material; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.abc_text_size_display_2_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_text_size_display_2_material; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.abc_text_size_display_3_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_text_size_display_3_material; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.abc_text_size_display_4_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_text_size_display_4_material; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.abc_text_size_headline_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_text_size_headline_material; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.abc_text_size_large_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_text_size_large_material; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.abc_text_size_medium_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_text_size_medium_material; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.abc_text_size_menu_header_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_text_size_menu_header_material; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.abc_text_size_menu_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_text_size_menu_material; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.abc_text_size_small_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_text_size_small_material; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.abc_text_size_subhead_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_text_size_subhead_material; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.abc_text_size_subtitle_material_toolbar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_text_size_subtitle_material_toolbar; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.abc_text_size_title_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_text_size_title_material; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.abc_text_size_title_material_toolbar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_text_size_title_material_toolbar; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.action_bar_size = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.action_bar_size; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.appcompat_dialog_background_inset = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.appcompat_dialog_background_inset; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.cardview_compat_inset_shadow = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.cardview_compat_inset_shadow; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.cardview_default_elevation = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.cardview_default_elevation; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.cardview_default_radius = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.cardview_default_radius; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.compat_button_inset_horizontal_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.compat_button_inset_horizontal_material; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.compat_button_inset_vertical_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.compat_button_inset_vertical_material; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.compat_button_padding_horizontal_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.compat_button_padding_horizontal_material; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.compat_button_padding_vertical_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.compat_button_padding_vertical_material; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.compat_control_corner_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.compat_control_corner_material; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.compat_notification_large_icon_max_height = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.compat_notification_large_icon_max_height; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.compat_notification_large_icon_max_width = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.compat_notification_large_icon_max_width; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.default_dimension = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.default_dimension; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.def_drawer_elevation = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.def_drawer_elevation; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.design_appbar_elevation = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.design_appbar_elevation; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.design_bottom_navigation_active_item_max_width = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.design_bottom_navigation_active_item_max_width; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.design_bottom_navigation_active_item_min_width = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.design_bottom_navigation_active_item_min_width; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.design_bottom_navigation_active_text_size = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.design_bottom_navigation_active_text_size; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.design_bottom_navigation_elevation = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.design_bottom_navigation_elevation; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.design_bottom_navigation_height = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.design_bottom_navigation_height; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.design_bottom_navigation_icon_size = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.design_bottom_navigation_icon_size; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.design_bottom_navigation_item_max_width = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.design_bottom_navigation_item_max_width; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.design_bottom_navigation_item_min_width = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.design_bottom_navigation_item_min_width; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.design_bottom_navigation_margin = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.design_bottom_navigation_margin; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.design_bottom_navigation_shadow_height = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.design_bottom_navigation_shadow_height; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.design_bottom_navigation_text_size = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.design_bottom_navigation_text_size; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.design_bottom_sheet_elevation = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.design_bottom_sheet_elevation; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.design_bottom_sheet_modal_elevation = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.design_bottom_sheet_modal_elevation; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.design_bottom_sheet_peek_height_min = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.design_bottom_sheet_peek_height_min; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.design_fab_border_width = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.design_fab_border_width; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.design_fab_elevation = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.design_fab_elevation; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.design_fab_image_size = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.design_fab_image_size; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.design_fab_size_mini = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.design_fab_size_mini; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.design_fab_size_normal = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.design_fab_size_normal; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.design_fab_translation_z_hovered_focused = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.design_fab_translation_z_hovered_focused; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.design_fab_translation_z_pressed = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.design_fab_translation_z_pressed; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.design_navigation_elevation = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.design_navigation_elevation; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.design_navigation_icon_padding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.design_navigation_icon_padding; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.design_navigation_icon_size = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.design_navigation_icon_size; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.design_navigation_item_horizontal_padding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.design_navigation_item_horizontal_padding; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.design_navigation_item_icon_padding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.design_navigation_item_icon_padding; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.design_navigation_max_width = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.design_navigation_max_width; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.design_navigation_padding_bottom = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.design_navigation_padding_bottom; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.design_navigation_separator_vertical_padding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.design_navigation_separator_vertical_padding; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.design_snackbar_action_inline_max_width = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.design_snackbar_action_inline_max_width; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.design_snackbar_action_text_color_alpha = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.design_snackbar_action_text_color_alpha; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.design_snackbar_background_corner_radius = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.design_snackbar_background_corner_radius; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.design_snackbar_elevation = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.design_snackbar_elevation; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.design_snackbar_extra_spacing_horizontal = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.design_snackbar_extra_spacing_horizontal; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.design_snackbar_max_width = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.design_snackbar_max_width; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.design_snackbar_min_width = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.design_snackbar_min_width; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.design_snackbar_padding_horizontal = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.design_snackbar_padding_horizontal; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.design_snackbar_padding_vertical = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.design_snackbar_padding_vertical; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.design_snackbar_padding_vertical_2lines = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.design_snackbar_padding_vertical_2lines; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.design_snackbar_text_size = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.design_snackbar_text_size; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.design_tab_max_width = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.design_tab_max_width; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.design_tab_scrollable_min_width = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.design_tab_scrollable_min_width; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.design_tab_text_size = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.design_tab_text_size; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.design_tab_text_size_2line = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.design_tab_text_size_2line; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.design_textinput_caption_translate_y = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.design_textinput_caption_translate_y; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.disabled_alpha_material_dark = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.disabled_alpha_material_dark; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.disabled_alpha_material_light = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.disabled_alpha_material_light; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.fastscroll_default_thickness = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.fastscroll_default_thickness; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.fastscroll_margin = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.fastscroll_margin; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.fastscroll_minimum_range = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.fastscroll_minimum_range; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.highlight_alpha_material_colored = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.highlight_alpha_material_colored; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.highlight_alpha_material_dark = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.highlight_alpha_material_dark; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.highlight_alpha_material_light = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.highlight_alpha_material_light; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.hint_alpha_material_dark = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.hint_alpha_material_dark; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.hint_alpha_material_light = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.hint_alpha_material_light; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.hint_pressed_alpha_material_dark = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.hint_pressed_alpha_material_dark; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.hint_pressed_alpha_material_light = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.hint_pressed_alpha_material_light; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.item_touch_helper_max_drag_scroll_per_frame = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.item_touch_helper_max_drag_scroll_per_frame; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.item_touch_helper_swipe_escape_max_velocity = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.item_touch_helper_swipe_escape_max_velocity; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.item_touch_helper_swipe_escape_velocity = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.item_touch_helper_swipe_escape_velocity; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.material_emphasis_disabled = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.material_emphasis_disabled; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.material_emphasis_high_type = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.material_emphasis_high_type; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.material_emphasis_medium = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.material_emphasis_medium; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.material_text_view_test_line_height = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.material_text_view_test_line_height; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.material_text_view_test_line_height_override = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.material_text_view_test_line_height_override; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_alert_dialog_background_inset_bottom = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_alert_dialog_background_inset_bottom; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_alert_dialog_background_inset_end = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_alert_dialog_background_inset_end; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_alert_dialog_background_inset_start = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_alert_dialog_background_inset_start; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_alert_dialog_background_inset_top = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_alert_dialog_background_inset_top; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_alert_dialog_picker_background_inset = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_alert_dialog_picker_background_inset; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_badge_horizontal_edge_offset = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_badge_horizontal_edge_offset; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_badge_long_text_horizontal_padding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_badge_long_text_horizontal_padding; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_badge_radius = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_badge_radius; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_badge_text_horizontal_edge_offset = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_badge_text_horizontal_edge_offset; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_badge_text_size = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_badge_text_size; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_badge_with_text_radius = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_badge_with_text_radius; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_bottomappbar_fabOffsetEndMode = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_bottomappbar_fabOffsetEndMode; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_bottomappbar_fab_bottom_margin = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_bottomappbar_fab_bottom_margin; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_bottomappbar_fab_cradle_margin = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_bottomappbar_fab_cradle_margin; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_bottomappbar_fab_cradle_rounded_corner_radius = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_bottomappbar_fab_cradle_rounded_corner_radius; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_bottomappbar_fab_cradle_vertical_offset = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_bottomappbar_fab_cradle_vertical_offset; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_bottomappbar_height = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_bottomappbar_height; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_btn_corner_radius = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_btn_corner_radius; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_btn_dialog_btn_min_width = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_btn_dialog_btn_min_width; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_btn_disabled_elevation = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_btn_disabled_elevation; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_btn_disabled_z = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_btn_disabled_z; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_btn_elevation = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_btn_elevation; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_btn_focused_z = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_btn_focused_z; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_btn_hovered_z = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_btn_hovered_z; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_btn_icon_btn_padding_left = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_btn_icon_btn_padding_left; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_btn_icon_padding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_btn_icon_padding; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_btn_inset = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_btn_inset; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_btn_letter_spacing = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_btn_letter_spacing; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_btn_padding_bottom = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_btn_padding_bottom; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_btn_padding_left = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_btn_padding_left; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_btn_padding_right = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_btn_padding_right; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_btn_padding_top = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_btn_padding_top; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_btn_pressed_z = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_btn_pressed_z; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_btn_stroke_size = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_btn_stroke_size; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_btn_text_btn_icon_padding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_btn_text_btn_icon_padding; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_btn_text_btn_padding_left = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_btn_text_btn_padding_left; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_btn_text_btn_padding_right = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_btn_text_btn_padding_right; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_btn_text_size = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_btn_text_size; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_btn_z = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_btn_z; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_calendar_action_height = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_calendar_action_height; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_calendar_action_padding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_calendar_action_padding; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_calendar_bottom_padding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_calendar_bottom_padding; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_calendar_content_padding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_calendar_content_padding; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_calendar_days_of_week_height = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_calendar_days_of_week_height; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_calendar_day_corner = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_calendar_day_corner; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_calendar_day_height = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_calendar_day_height; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_calendar_day_horizontal_padding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_calendar_day_horizontal_padding; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_calendar_day_today_stroke = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_calendar_day_today_stroke; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_calendar_day_vertical_padding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_calendar_day_vertical_padding; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_calendar_day_width = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_calendar_day_width; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_calendar_dialog_background_inset = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_calendar_dialog_background_inset; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_calendar_header_content_padding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_calendar_header_content_padding; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_calendar_header_content_padding_fullscreen = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_calendar_header_content_padding_fullscreen; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_calendar_header_divider_thickness = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_calendar_header_divider_thickness; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_calendar_header_height = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_calendar_header_height; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_calendar_header_height_fullscreen = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_calendar_header_height_fullscreen; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_calendar_header_selection_line_height = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_calendar_header_selection_line_height; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_calendar_header_text_padding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_calendar_header_text_padding; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_calendar_header_toggle_margin_bottom = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_calendar_header_toggle_margin_bottom; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_calendar_header_toggle_margin_top = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_calendar_header_toggle_margin_top; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_calendar_landscape_header_width = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_calendar_landscape_header_width; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_calendar_maximum_default_fullscreen_minor_axis = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_calendar_maximum_default_fullscreen_minor_axis; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_calendar_month_horizontal_padding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_calendar_month_horizontal_padding; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_calendar_month_vertical_padding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_calendar_month_vertical_padding; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_calendar_navigation_bottom_padding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_calendar_navigation_bottom_padding; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_calendar_navigation_height = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_calendar_navigation_height; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_calendar_navigation_top_padding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_calendar_navigation_top_padding; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_calendar_pre_l_text_clip_padding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_calendar_pre_l_text_clip_padding; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_calendar_selection_baseline_to_top_fullscreen = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_calendar_selection_baseline_to_top_fullscreen; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_calendar_selection_text_baseline_to_bottom = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_calendar_selection_text_baseline_to_bottom; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_calendar_selection_text_baseline_to_bottom_fullscreen = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_calendar_selection_text_baseline_to_bottom_fullscreen; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_calendar_selection_text_baseline_to_top = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_calendar_selection_text_baseline_to_top; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_calendar_text_input_padding_top = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_calendar_text_input_padding_top; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_calendar_title_baseline_to_top = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_calendar_title_baseline_to_top; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_calendar_title_baseline_to_top_fullscreen = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_calendar_title_baseline_to_top_fullscreen; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_calendar_year_corner = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_calendar_year_corner; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_calendar_year_height = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_calendar_year_height; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_calendar_year_horizontal_padding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_calendar_year_horizontal_padding; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_calendar_year_vertical_padding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_calendar_year_vertical_padding; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_calendar_year_width = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_calendar_year_width; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_card_checked_icon_margin = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_card_checked_icon_margin; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_card_checked_icon_size = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_card_checked_icon_size; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_card_corner_radius = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_card_corner_radius; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_card_dragged_z = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_card_dragged_z; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_card_elevation = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_card_elevation; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_card_spacing = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_card_spacing; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_chip_pressed_translation_z = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_chip_pressed_translation_z; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_chip_text_size = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_chip_text_size; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_edittext_rectangle_top_offset = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_edittext_rectangle_top_offset; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_exposed_dropdown_menu_popup_elevation = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_exposed_dropdown_menu_popup_elevation; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_exposed_dropdown_menu_popup_vertical_offset = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_exposed_dropdown_menu_popup_vertical_offset; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_exposed_dropdown_menu_popup_vertical_padding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_exposed_dropdown_menu_popup_vertical_padding; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_extended_fab_bottom_padding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_extended_fab_bottom_padding; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_extended_fab_corner_radius = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_extended_fab_corner_radius; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_extended_fab_disabled_elevation = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_extended_fab_disabled_elevation; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_extended_fab_disabled_translation_z = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_extended_fab_disabled_translation_z; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_extended_fab_elevation = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_extended_fab_elevation; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_extended_fab_end_padding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_extended_fab_end_padding; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_extended_fab_end_padding_icon = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_extended_fab_end_padding_icon; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_extended_fab_icon_size = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_extended_fab_icon_size; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_extended_fab_icon_text_spacing = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_extended_fab_icon_text_spacing; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_extended_fab_min_height = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_extended_fab_min_height; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_extended_fab_min_width = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_extended_fab_min_width; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_extended_fab_start_padding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_extended_fab_start_padding; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_extended_fab_start_padding_icon = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_extended_fab_start_padding_icon; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_extended_fab_top_padding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_extended_fab_top_padding; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_extended_fab_translation_z_base = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_extended_fab_translation_z_base; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_extended_fab_translation_z_hovered_focused = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_extended_fab_translation_z_hovered_focused; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_extended_fab_translation_z_pressed = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_extended_fab_translation_z_pressed; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_fab_elevation = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_fab_elevation; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_fab_min_touch_target = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_fab_min_touch_target; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_fab_translation_z_hovered_focused = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_fab_translation_z_hovered_focused; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_fab_translation_z_pressed = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_fab_translation_z_pressed; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_high_ripple_default_alpha = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_high_ripple_default_alpha; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_high_ripple_focused_alpha = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_high_ripple_focused_alpha; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_high_ripple_hovered_alpha = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_high_ripple_hovered_alpha; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_high_ripple_pressed_alpha = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_high_ripple_pressed_alpha; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_large_touch_target = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_large_touch_target; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_low_ripple_default_alpha = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_low_ripple_default_alpha; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_low_ripple_focused_alpha = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_low_ripple_focused_alpha; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_low_ripple_hovered_alpha = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_low_ripple_hovered_alpha; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_low_ripple_pressed_alpha = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_low_ripple_pressed_alpha; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_min_touch_target_size = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_min_touch_target_size; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_navigation_elevation = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_navigation_elevation; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_navigation_item_horizontal_padding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_navigation_item_horizontal_padding; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_navigation_item_icon_padding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_navigation_item_icon_padding; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_navigation_item_icon_size = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_navigation_item_icon_size; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_navigation_item_shape_horizontal_margin = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_navigation_item_shape_horizontal_margin; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_navigation_item_shape_vertical_margin = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_navigation_item_shape_vertical_margin; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_shape_corner_size_large_component = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_shape_corner_size_large_component; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_shape_corner_size_medium_component = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_shape_corner_size_medium_component; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_shape_corner_size_small_component = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_shape_corner_size_small_component; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_slider_halo_radius = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_slider_halo_radius; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_slider_label_padding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_slider_label_padding; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_slider_label_radius = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_slider_label_radius; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_slider_label_square_side = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_slider_label_square_side; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_slider_thumb_elevation = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_slider_thumb_elevation; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_slider_thumb_radius = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_slider_thumb_radius; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_slider_track_height = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_slider_track_height; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_slider_track_side_padding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_slider_track_side_padding; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_slider_track_top = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_slider_track_top; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_slider_widget_height = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_slider_widget_height; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_snackbar_action_text_color_alpha = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_snackbar_action_text_color_alpha; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_snackbar_background_corner_radius = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_snackbar_background_corner_radius; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_snackbar_background_overlay_color_alpha = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_snackbar_background_overlay_color_alpha; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_snackbar_margin = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_snackbar_margin; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_switch_thumb_elevation = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_switch_thumb_elevation; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_textinput_box_corner_radius_medium = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_textinput_box_corner_radius_medium; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_textinput_box_corner_radius_small = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_textinput_box_corner_radius_small; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_textinput_box_label_cutout_padding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_textinput_box_label_cutout_padding; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_textinput_box_stroke_width_default = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_textinput_box_stroke_width_default; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_textinput_box_stroke_width_focused = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_textinput_box_stroke_width_focused; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_textinput_counter_margin_start = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_textinput_counter_margin_start; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_textinput_end_icon_margin_start = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_textinput_end_icon_margin_start; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_textinput_outline_box_expanded_padding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_textinput_outline_box_expanded_padding; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_textinput_start_icon_margin_end = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_textinput_start_icon_margin_end; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_toolbar_default_height = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_toolbar_default_height; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_tooltip_arrowSize = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_tooltip_arrowSize; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_tooltip_cornerSize = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_tooltip_cornerSize; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_tooltip_minHeight = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_tooltip_minHeight; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_tooltip_minWidth = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_tooltip_minWidth; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_tooltip_padding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_tooltip_padding; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.mtrl_transition_shared_axis_slide_distance = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_transition_shared_axis_slide_distance; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.notification_action_icon_size = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.notification_action_icon_size; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.notification_action_text_size = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.notification_action_text_size; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.notification_big_circle_margin = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.notification_big_circle_margin; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.notification_content_margin_start = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.notification_content_margin_start; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.notification_large_icon_height = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.notification_large_icon_height; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.notification_large_icon_width = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.notification_large_icon_width; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.notification_main_column_padding_top = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.notification_main_column_padding_top; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.notification_media_narrow_margin = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.notification_media_narrow_margin; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.notification_right_icon_size = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.notification_right_icon_size; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.notification_right_side_padding_top = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.notification_right_side_padding_top; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.notification_small_icon_background_padding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.notification_small_icon_background_padding; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.notification_small_icon_size_as_large = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.notification_small_icon_size_as_large; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.notification_subtext_size = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.notification_subtext_size; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.notification_top_pad = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.notification_top_pad; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.notification_top_pad_large_text = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.notification_top_pad_large_text; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.test_mtrl_calendar_day_cornerSize = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.test_mtrl_calendar_day_cornerSize; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.tooltip_corner_radius = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.tooltip_corner_radius; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.tooltip_horizontal_padding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.tooltip_horizontal_padding; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.tooltip_margin = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.tooltip_margin; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.tooltip_precise_anchor_extra_offset = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.tooltip_precise_anchor_extra_offset; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.tooltip_precise_anchor_threshold = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.tooltip_precise_anchor_threshold; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.tooltip_vertical_padding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.tooltip_vertical_padding; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.tooltip_y_offset_non_touch = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.tooltip_y_offset_non_touch; - global::Xamarin.Forms.Platform.Android.Resource.Dimension.tooltip_y_offset_touch = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.tooltip_y_offset_touch; - global::Xamarin.Forms.Platform.Android.Resource.Drawable.abc_ab_share_pack_mtrl_alpha = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_ab_share_pack_mtrl_alpha; - global::Xamarin.Forms.Platform.Android.Resource.Drawable.abc_action_bar_item_background_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_action_bar_item_background_material; - global::Xamarin.Forms.Platform.Android.Resource.Drawable.abc_btn_borderless_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_btn_borderless_material; - global::Xamarin.Forms.Platform.Android.Resource.Drawable.abc_btn_check_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_btn_check_material; - global::Xamarin.Forms.Platform.Android.Resource.Drawable.abc_btn_check_material_anim = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_btn_check_material_anim; - global::Xamarin.Forms.Platform.Android.Resource.Drawable.abc_btn_check_to_on_mtrl_000 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_btn_check_to_on_mtrl_000; - global::Xamarin.Forms.Platform.Android.Resource.Drawable.abc_btn_check_to_on_mtrl_015 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_btn_check_to_on_mtrl_015; - global::Xamarin.Forms.Platform.Android.Resource.Drawable.abc_btn_colored_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_btn_colored_material; - global::Xamarin.Forms.Platform.Android.Resource.Drawable.abc_btn_default_mtrl_shape = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_btn_default_mtrl_shape; - global::Xamarin.Forms.Platform.Android.Resource.Drawable.abc_btn_radio_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_btn_radio_material; - global::Xamarin.Forms.Platform.Android.Resource.Drawable.abc_btn_radio_material_anim = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_btn_radio_material_anim; - global::Xamarin.Forms.Platform.Android.Resource.Drawable.abc_btn_radio_to_on_mtrl_000 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_btn_radio_to_on_mtrl_000; - global::Xamarin.Forms.Platform.Android.Resource.Drawable.abc_btn_radio_to_on_mtrl_015 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_btn_radio_to_on_mtrl_015; - global::Xamarin.Forms.Platform.Android.Resource.Drawable.abc_btn_switch_to_on_mtrl_00001 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_btn_switch_to_on_mtrl_00001; - global::Xamarin.Forms.Platform.Android.Resource.Drawable.abc_btn_switch_to_on_mtrl_00012 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_btn_switch_to_on_mtrl_00012; - global::Xamarin.Forms.Platform.Android.Resource.Drawable.abc_cab_background_internal_bg = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_cab_background_internal_bg; - global::Xamarin.Forms.Platform.Android.Resource.Drawable.abc_cab_background_top_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_cab_background_top_material; - global::Xamarin.Forms.Platform.Android.Resource.Drawable.abc_cab_background_top_mtrl_alpha = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_cab_background_top_mtrl_alpha; - global::Xamarin.Forms.Platform.Android.Resource.Drawable.abc_control_background_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_control_background_material; - global::Xamarin.Forms.Platform.Android.Resource.Drawable.abc_dialog_material_background = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_dialog_material_background; - global::Xamarin.Forms.Platform.Android.Resource.Drawable.abc_edit_text_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_edit_text_material; - global::Xamarin.Forms.Platform.Android.Resource.Drawable.abc_ic_ab_back_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_ic_ab_back_material; - global::Xamarin.Forms.Platform.Android.Resource.Drawable.abc_ic_arrow_drop_right_black_24dp = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_ic_arrow_drop_right_black_24dp; - global::Xamarin.Forms.Platform.Android.Resource.Drawable.abc_ic_clear_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_ic_clear_material; - global::Xamarin.Forms.Platform.Android.Resource.Drawable.abc_ic_commit_search_api_mtrl_alpha = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_ic_commit_search_api_mtrl_alpha; - global::Xamarin.Forms.Platform.Android.Resource.Drawable.abc_ic_go_search_api_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_ic_go_search_api_material; - global::Xamarin.Forms.Platform.Android.Resource.Drawable.abc_ic_menu_copy_mtrl_am_alpha = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_ic_menu_copy_mtrl_am_alpha; - global::Xamarin.Forms.Platform.Android.Resource.Drawable.abc_ic_menu_cut_mtrl_alpha = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_ic_menu_cut_mtrl_alpha; - global::Xamarin.Forms.Platform.Android.Resource.Drawable.abc_ic_menu_overflow_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_ic_menu_overflow_material; - global::Xamarin.Forms.Platform.Android.Resource.Drawable.abc_ic_menu_paste_mtrl_am_alpha = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_ic_menu_paste_mtrl_am_alpha; - global::Xamarin.Forms.Platform.Android.Resource.Drawable.abc_ic_menu_selectall_mtrl_alpha = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_ic_menu_selectall_mtrl_alpha; - global::Xamarin.Forms.Platform.Android.Resource.Drawable.abc_ic_menu_share_mtrl_alpha = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_ic_menu_share_mtrl_alpha; - global::Xamarin.Forms.Platform.Android.Resource.Drawable.abc_ic_search_api_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_ic_search_api_material; - global::Xamarin.Forms.Platform.Android.Resource.Drawable.abc_ic_star_black_16dp = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_ic_star_black_16dp; - global::Xamarin.Forms.Platform.Android.Resource.Drawable.abc_ic_star_black_36dp = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_ic_star_black_36dp; - global::Xamarin.Forms.Platform.Android.Resource.Drawable.abc_ic_star_black_48dp = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_ic_star_black_48dp; - global::Xamarin.Forms.Platform.Android.Resource.Drawable.abc_ic_star_half_black_16dp = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_ic_star_half_black_16dp; - global::Xamarin.Forms.Platform.Android.Resource.Drawable.abc_ic_star_half_black_36dp = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_ic_star_half_black_36dp; - global::Xamarin.Forms.Platform.Android.Resource.Drawable.abc_ic_star_half_black_48dp = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_ic_star_half_black_48dp; - global::Xamarin.Forms.Platform.Android.Resource.Drawable.abc_ic_voice_search_api_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_ic_voice_search_api_material; - global::Xamarin.Forms.Platform.Android.Resource.Drawable.abc_item_background_holo_dark = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_item_background_holo_dark; - global::Xamarin.Forms.Platform.Android.Resource.Drawable.abc_item_background_holo_light = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_item_background_holo_light; - global::Xamarin.Forms.Platform.Android.Resource.Drawable.abc_list_divider_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_list_divider_material; - global::Xamarin.Forms.Platform.Android.Resource.Drawable.abc_list_divider_mtrl_alpha = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_list_divider_mtrl_alpha; - global::Xamarin.Forms.Platform.Android.Resource.Drawable.abc_list_focused_holo = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_list_focused_holo; - global::Xamarin.Forms.Platform.Android.Resource.Drawable.abc_list_longpressed_holo = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_list_longpressed_holo; - global::Xamarin.Forms.Platform.Android.Resource.Drawable.abc_list_pressed_holo_dark = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_list_pressed_holo_dark; - global::Xamarin.Forms.Platform.Android.Resource.Drawable.abc_list_pressed_holo_light = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_list_pressed_holo_light; - global::Xamarin.Forms.Platform.Android.Resource.Drawable.abc_list_selector_background_transition_holo_dark = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_list_selector_background_transition_holo_dark; - global::Xamarin.Forms.Platform.Android.Resource.Drawable.abc_list_selector_background_transition_holo_light = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_list_selector_background_transition_holo_light; - global::Xamarin.Forms.Platform.Android.Resource.Drawable.abc_list_selector_disabled_holo_dark = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_list_selector_disabled_holo_dark; - global::Xamarin.Forms.Platform.Android.Resource.Drawable.abc_list_selector_disabled_holo_light = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_list_selector_disabled_holo_light; - global::Xamarin.Forms.Platform.Android.Resource.Drawable.abc_list_selector_holo_dark = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_list_selector_holo_dark; - global::Xamarin.Forms.Platform.Android.Resource.Drawable.abc_list_selector_holo_light = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_list_selector_holo_light; - global::Xamarin.Forms.Platform.Android.Resource.Drawable.abc_menu_hardkey_panel_mtrl_mult = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_menu_hardkey_panel_mtrl_mult; - global::Xamarin.Forms.Platform.Android.Resource.Drawable.abc_popup_background_mtrl_mult = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_popup_background_mtrl_mult; - global::Xamarin.Forms.Platform.Android.Resource.Drawable.abc_ratingbar_indicator_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_ratingbar_indicator_material; - global::Xamarin.Forms.Platform.Android.Resource.Drawable.abc_ratingbar_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_ratingbar_material; - global::Xamarin.Forms.Platform.Android.Resource.Drawable.abc_ratingbar_small_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_ratingbar_small_material; - global::Xamarin.Forms.Platform.Android.Resource.Drawable.abc_scrubber_control_off_mtrl_alpha = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_scrubber_control_off_mtrl_alpha; - global::Xamarin.Forms.Platform.Android.Resource.Drawable.abc_scrubber_control_to_pressed_mtrl_000 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_scrubber_control_to_pressed_mtrl_000; - global::Xamarin.Forms.Platform.Android.Resource.Drawable.abc_scrubber_control_to_pressed_mtrl_005 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_scrubber_control_to_pressed_mtrl_005; - global::Xamarin.Forms.Platform.Android.Resource.Drawable.abc_scrubber_primary_mtrl_alpha = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_scrubber_primary_mtrl_alpha; - global::Xamarin.Forms.Platform.Android.Resource.Drawable.abc_scrubber_track_mtrl_alpha = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_scrubber_track_mtrl_alpha; - global::Xamarin.Forms.Platform.Android.Resource.Drawable.abc_seekbar_thumb_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_seekbar_thumb_material; - global::Xamarin.Forms.Platform.Android.Resource.Drawable.abc_seekbar_tick_mark_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_seekbar_tick_mark_material; - global::Xamarin.Forms.Platform.Android.Resource.Drawable.abc_seekbar_track_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_seekbar_track_material; - global::Xamarin.Forms.Platform.Android.Resource.Drawable.abc_spinner_mtrl_am_alpha = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_spinner_mtrl_am_alpha; - global::Xamarin.Forms.Platform.Android.Resource.Drawable.abc_spinner_textfield_background_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_spinner_textfield_background_material; - global::Xamarin.Forms.Platform.Android.Resource.Drawable.abc_switch_thumb_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_switch_thumb_material; - global::Xamarin.Forms.Platform.Android.Resource.Drawable.abc_switch_track_mtrl_alpha = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_switch_track_mtrl_alpha; - global::Xamarin.Forms.Platform.Android.Resource.Drawable.abc_tab_indicator_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_tab_indicator_material; - global::Xamarin.Forms.Platform.Android.Resource.Drawable.abc_tab_indicator_mtrl_alpha = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_tab_indicator_mtrl_alpha; - global::Xamarin.Forms.Platform.Android.Resource.Drawable.abc_textfield_activated_mtrl_alpha = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_textfield_activated_mtrl_alpha; - global::Xamarin.Forms.Platform.Android.Resource.Drawable.abc_textfield_default_mtrl_alpha = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_textfield_default_mtrl_alpha; - global::Xamarin.Forms.Platform.Android.Resource.Drawable.abc_textfield_search_activated_mtrl_alpha = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_textfield_search_activated_mtrl_alpha; - global::Xamarin.Forms.Platform.Android.Resource.Drawable.abc_textfield_search_default_mtrl_alpha = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_textfield_search_default_mtrl_alpha; - global::Xamarin.Forms.Platform.Android.Resource.Drawable.abc_textfield_search_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_textfield_search_material; - global::Xamarin.Forms.Platform.Android.Resource.Drawable.abc_text_cursor_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_text_cursor_material; - global::Xamarin.Forms.Platform.Android.Resource.Drawable.abc_text_select_handle_left_mtrl_dark = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_text_select_handle_left_mtrl_dark; - global::Xamarin.Forms.Platform.Android.Resource.Drawable.abc_text_select_handle_left_mtrl_light = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_text_select_handle_left_mtrl_light; - global::Xamarin.Forms.Platform.Android.Resource.Drawable.abc_text_select_handle_middle_mtrl_dark = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_text_select_handle_middle_mtrl_dark; - global::Xamarin.Forms.Platform.Android.Resource.Drawable.abc_text_select_handle_middle_mtrl_light = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_text_select_handle_middle_mtrl_light; - global::Xamarin.Forms.Platform.Android.Resource.Drawable.abc_text_select_handle_right_mtrl_dark = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_text_select_handle_right_mtrl_dark; - global::Xamarin.Forms.Platform.Android.Resource.Drawable.abc_text_select_handle_right_mtrl_light = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_text_select_handle_right_mtrl_light; - global::Xamarin.Forms.Platform.Android.Resource.Drawable.abc_vector_test = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_vector_test; - global::Xamarin.Forms.Platform.Android.Resource.Drawable.avd_hide_password = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.avd_hide_password; - global::Xamarin.Forms.Platform.Android.Resource.Drawable.avd_show_password = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.avd_show_password; - global::Xamarin.Forms.Platform.Android.Resource.Drawable.btn_checkbox_checked_mtrl = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.btn_checkbox_checked_mtrl; - global::Xamarin.Forms.Platform.Android.Resource.Drawable.btn_checkbox_checked_to_unchecked_mtrl_animation = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.btn_checkbox_checked_to_unchecked_mtrl_animation; - global::Xamarin.Forms.Platform.Android.Resource.Drawable.btn_checkbox_unchecked_mtrl = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.btn_checkbox_unchecked_mtrl; - global::Xamarin.Forms.Platform.Android.Resource.Drawable.btn_checkbox_unchecked_to_checked_mtrl_animation = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.btn_checkbox_unchecked_to_checked_mtrl_animation; - global::Xamarin.Forms.Platform.Android.Resource.Drawable.btn_radio_off_mtrl = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.btn_radio_off_mtrl; - global::Xamarin.Forms.Platform.Android.Resource.Drawable.btn_radio_off_to_on_mtrl_animation = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.btn_radio_off_to_on_mtrl_animation; - global::Xamarin.Forms.Platform.Android.Resource.Drawable.btn_radio_on_mtrl = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.btn_radio_on_mtrl; - global::Xamarin.Forms.Platform.Android.Resource.Drawable.btn_radio_on_to_off_mtrl_animation = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.btn_radio_on_to_off_mtrl_animation; - global::Xamarin.Forms.Platform.Android.Resource.Drawable.design_bottom_navigation_item_background = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.design_bottom_navigation_item_background; - global::Xamarin.Forms.Platform.Android.Resource.Drawable.design_fab_background = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.design_fab_background; - global::Xamarin.Forms.Platform.Android.Resource.Drawable.design_ic_visibility = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.design_ic_visibility; - global::Xamarin.Forms.Platform.Android.Resource.Drawable.design_ic_visibility_off = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.design_ic_visibility_off; - global::Xamarin.Forms.Platform.Android.Resource.Drawable.design_password_eye = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.design_password_eye; - global::Xamarin.Forms.Platform.Android.Resource.Drawable.design_snackbar_background = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.design_snackbar_background; - global::Xamarin.Forms.Platform.Android.Resource.Drawable.ic_mtrl_checked_circle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.ic_mtrl_checked_circle; - global::Xamarin.Forms.Platform.Android.Resource.Drawable.ic_mtrl_chip_checked_black = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.ic_mtrl_chip_checked_black; - global::Xamarin.Forms.Platform.Android.Resource.Drawable.ic_mtrl_chip_checked_circle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.ic_mtrl_chip_checked_circle; - global::Xamarin.Forms.Platform.Android.Resource.Drawable.ic_mtrl_chip_close_circle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.ic_mtrl_chip_close_circle; - global::Xamarin.Forms.Platform.Android.Resource.Drawable.material_ic_calendar_black_24dp = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.material_ic_calendar_black_24dp; - global::Xamarin.Forms.Platform.Android.Resource.Drawable.material_ic_clear_black_24dp = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.material_ic_clear_black_24dp; - global::Xamarin.Forms.Platform.Android.Resource.Drawable.material_ic_edit_black_24dp = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.material_ic_edit_black_24dp; - global::Xamarin.Forms.Platform.Android.Resource.Drawable.material_ic_keyboard_arrow_left_black_24dp = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.material_ic_keyboard_arrow_left_black_24dp; - global::Xamarin.Forms.Platform.Android.Resource.Drawable.material_ic_keyboard_arrow_right_black_24dp = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.material_ic_keyboard_arrow_right_black_24dp; - global::Xamarin.Forms.Platform.Android.Resource.Drawable.material_ic_menu_arrow_down_black_24dp = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.material_ic_menu_arrow_down_black_24dp; - global::Xamarin.Forms.Platform.Android.Resource.Drawable.material_ic_menu_arrow_up_black_24dp = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.material_ic_menu_arrow_up_black_24dp; - global::Xamarin.Forms.Platform.Android.Resource.Drawable.mtrl_dialog_background = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.mtrl_dialog_background; - global::Xamarin.Forms.Platform.Android.Resource.Drawable.mtrl_dropdown_arrow = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.mtrl_dropdown_arrow; - global::Xamarin.Forms.Platform.Android.Resource.Drawable.mtrl_ic_arrow_drop_down = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.mtrl_ic_arrow_drop_down; - global::Xamarin.Forms.Platform.Android.Resource.Drawable.mtrl_ic_arrow_drop_up = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.mtrl_ic_arrow_drop_up; - global::Xamarin.Forms.Platform.Android.Resource.Drawable.mtrl_ic_cancel = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.mtrl_ic_cancel; - global::Xamarin.Forms.Platform.Android.Resource.Drawable.mtrl_ic_error = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.mtrl_ic_error; - global::Xamarin.Forms.Platform.Android.Resource.Drawable.mtrl_popupmenu_background = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.mtrl_popupmenu_background; - global::Xamarin.Forms.Platform.Android.Resource.Drawable.mtrl_popupmenu_background_dark = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.mtrl_popupmenu_background_dark; - global::Xamarin.Forms.Platform.Android.Resource.Drawable.mtrl_tabs_default_indicator = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.mtrl_tabs_default_indicator; - global::Xamarin.Forms.Platform.Android.Resource.Drawable.navigation_empty_icon = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.navigation_empty_icon; - global::Xamarin.Forms.Platform.Android.Resource.Drawable.notification_action_background = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.notification_action_background; - global::Xamarin.Forms.Platform.Android.Resource.Drawable.notification_bg = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.notification_bg; - global::Xamarin.Forms.Platform.Android.Resource.Drawable.notification_bg_low = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.notification_bg_low; - global::Xamarin.Forms.Platform.Android.Resource.Drawable.notification_bg_low_normal = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.notification_bg_low_normal; - global::Xamarin.Forms.Platform.Android.Resource.Drawable.notification_bg_low_pressed = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.notification_bg_low_pressed; - global::Xamarin.Forms.Platform.Android.Resource.Drawable.notification_bg_normal = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.notification_bg_normal; - global::Xamarin.Forms.Platform.Android.Resource.Drawable.notification_bg_normal_pressed = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.notification_bg_normal_pressed; - global::Xamarin.Forms.Platform.Android.Resource.Drawable.notification_icon_background = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.notification_icon_background; - global::Xamarin.Forms.Platform.Android.Resource.Drawable.notification_template_icon_bg = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.notification_template_icon_bg; - global::Xamarin.Forms.Platform.Android.Resource.Drawable.notification_template_icon_low_bg = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.notification_template_icon_low_bg; - global::Xamarin.Forms.Platform.Android.Resource.Drawable.notification_tile_bg = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.notification_tile_bg; - global::Xamarin.Forms.Platform.Android.Resource.Drawable.notify_panel_notification_icon_bg = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.notify_panel_notification_icon_bg; - global::Xamarin.Forms.Platform.Android.Resource.Drawable.test_custom_background = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.test_custom_background; - global::Xamarin.Forms.Platform.Android.Resource.Drawable.tooltip_frame_dark = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.tooltip_frame_dark; - global::Xamarin.Forms.Platform.Android.Resource.Drawable.tooltip_frame_light = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.tooltip_frame_light; - global::Xamarin.Forms.Platform.Android.Resource.Id.accessibility_action_clickable_span = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.accessibility_action_clickable_span; - global::Xamarin.Forms.Platform.Android.Resource.Id.accessibility_custom_action_0 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.accessibility_custom_action_0; - global::Xamarin.Forms.Platform.Android.Resource.Id.accessibility_custom_action_1 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.accessibility_custom_action_1; - global::Xamarin.Forms.Platform.Android.Resource.Id.accessibility_custom_action_10 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.accessibility_custom_action_10; - global::Xamarin.Forms.Platform.Android.Resource.Id.accessibility_custom_action_11 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.accessibility_custom_action_11; - global::Xamarin.Forms.Platform.Android.Resource.Id.accessibility_custom_action_12 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.accessibility_custom_action_12; - global::Xamarin.Forms.Platform.Android.Resource.Id.accessibility_custom_action_13 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.accessibility_custom_action_13; - global::Xamarin.Forms.Platform.Android.Resource.Id.accessibility_custom_action_14 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.accessibility_custom_action_14; - global::Xamarin.Forms.Platform.Android.Resource.Id.accessibility_custom_action_15 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.accessibility_custom_action_15; - global::Xamarin.Forms.Platform.Android.Resource.Id.accessibility_custom_action_16 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.accessibility_custom_action_16; - global::Xamarin.Forms.Platform.Android.Resource.Id.accessibility_custom_action_17 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.accessibility_custom_action_17; - global::Xamarin.Forms.Platform.Android.Resource.Id.accessibility_custom_action_18 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.accessibility_custom_action_18; - global::Xamarin.Forms.Platform.Android.Resource.Id.accessibility_custom_action_19 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.accessibility_custom_action_19; - global::Xamarin.Forms.Platform.Android.Resource.Id.accessibility_custom_action_2 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.accessibility_custom_action_2; - global::Xamarin.Forms.Platform.Android.Resource.Id.accessibility_custom_action_20 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.accessibility_custom_action_20; - global::Xamarin.Forms.Platform.Android.Resource.Id.accessibility_custom_action_21 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.accessibility_custom_action_21; - global::Xamarin.Forms.Platform.Android.Resource.Id.accessibility_custom_action_22 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.accessibility_custom_action_22; - global::Xamarin.Forms.Platform.Android.Resource.Id.accessibility_custom_action_23 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.accessibility_custom_action_23; - global::Xamarin.Forms.Platform.Android.Resource.Id.accessibility_custom_action_24 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.accessibility_custom_action_24; - global::Xamarin.Forms.Platform.Android.Resource.Id.accessibility_custom_action_25 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.accessibility_custom_action_25; - global::Xamarin.Forms.Platform.Android.Resource.Id.accessibility_custom_action_26 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.accessibility_custom_action_26; - global::Xamarin.Forms.Platform.Android.Resource.Id.accessibility_custom_action_27 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.accessibility_custom_action_27; - global::Xamarin.Forms.Platform.Android.Resource.Id.accessibility_custom_action_28 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.accessibility_custom_action_28; - global::Xamarin.Forms.Platform.Android.Resource.Id.accessibility_custom_action_29 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.accessibility_custom_action_29; - global::Xamarin.Forms.Platform.Android.Resource.Id.accessibility_custom_action_3 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.accessibility_custom_action_3; - global::Xamarin.Forms.Platform.Android.Resource.Id.accessibility_custom_action_30 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.accessibility_custom_action_30; - global::Xamarin.Forms.Platform.Android.Resource.Id.accessibility_custom_action_31 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.accessibility_custom_action_31; - global::Xamarin.Forms.Platform.Android.Resource.Id.accessibility_custom_action_4 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.accessibility_custom_action_4; - global::Xamarin.Forms.Platform.Android.Resource.Id.accessibility_custom_action_5 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.accessibility_custom_action_5; - global::Xamarin.Forms.Platform.Android.Resource.Id.accessibility_custom_action_6 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.accessibility_custom_action_6; - global::Xamarin.Forms.Platform.Android.Resource.Id.accessibility_custom_action_7 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.accessibility_custom_action_7; - global::Xamarin.Forms.Platform.Android.Resource.Id.accessibility_custom_action_8 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.accessibility_custom_action_8; - global::Xamarin.Forms.Platform.Android.Resource.Id.accessibility_custom_action_9 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.accessibility_custom_action_9; - global::Xamarin.Forms.Platform.Android.Resource.Id.action0 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.action0; - global::Xamarin.Forms.Platform.Android.Resource.Id.actions = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.actions; - global::Xamarin.Forms.Platform.Android.Resource.Id.action_bar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.action_bar; - global::Xamarin.Forms.Platform.Android.Resource.Id.action_bar_activity_content = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.action_bar_activity_content; - global::Xamarin.Forms.Platform.Android.Resource.Id.action_bar_container = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.action_bar_container; - global::Xamarin.Forms.Platform.Android.Resource.Id.action_bar_root = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.action_bar_root; - global::Xamarin.Forms.Platform.Android.Resource.Id.action_bar_spinner = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.action_bar_spinner; - global::Xamarin.Forms.Platform.Android.Resource.Id.action_bar_subtitle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.action_bar_subtitle; - global::Xamarin.Forms.Platform.Android.Resource.Id.action_bar_title = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.action_bar_title; - global::Xamarin.Forms.Platform.Android.Resource.Id.action_container = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.action_container; - global::Xamarin.Forms.Platform.Android.Resource.Id.action_context_bar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.action_context_bar; - global::Xamarin.Forms.Platform.Android.Resource.Id.action_divider = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.action_divider; - global::Xamarin.Forms.Platform.Android.Resource.Id.action_image = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.action_image; - global::Xamarin.Forms.Platform.Android.Resource.Id.action_menu_divider = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.action_menu_divider; - global::Xamarin.Forms.Platform.Android.Resource.Id.action_menu_presenter = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.action_menu_presenter; - global::Xamarin.Forms.Platform.Android.Resource.Id.action_mode_bar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.action_mode_bar; - global::Xamarin.Forms.Platform.Android.Resource.Id.action_mode_bar_stub = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.action_mode_bar_stub; - global::Xamarin.Forms.Platform.Android.Resource.Id.action_mode_close_button = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.action_mode_close_button; - global::Xamarin.Forms.Platform.Android.Resource.Id.action_text = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.action_text; - global::Xamarin.Forms.Platform.Android.Resource.Id.activity_chooser_view_content = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.activity_chooser_view_content; - global::Xamarin.Forms.Platform.Android.Resource.Id.add = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.add; - global::Xamarin.Forms.Platform.Android.Resource.Id.alertTitle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.alertTitle; - global::Xamarin.Forms.Platform.Android.Resource.Id.all = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.all; - global::Xamarin.Forms.Platform.Android.Resource.Id.ALT = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.ALT; - global::Xamarin.Forms.Platform.Android.Resource.Id.always = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.always; - global::Xamarin.Forms.Platform.Android.Resource.Id.async = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.async; - global::Xamarin.Forms.Platform.Android.Resource.Id.auto = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.auto; - global::Xamarin.Forms.Platform.Android.Resource.Id.beginning = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.beginning; - global::Xamarin.Forms.Platform.Android.Resource.Id.blocking = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.blocking; - global::Xamarin.Forms.Platform.Android.Resource.Id.bottom = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.bottom; - global::Xamarin.Forms.Platform.Android.Resource.Id.bottomtab_navarea = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.bottomtab_navarea; - global::Xamarin.Forms.Platform.Android.Resource.Id.bottomtab_tabbar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.bottomtab_tabbar; - global::Xamarin.Forms.Platform.Android.Resource.Id.BOTTOM_END = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.BOTTOM_END; - global::Xamarin.Forms.Platform.Android.Resource.Id.BOTTOM_START = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.BOTTOM_START; - global::Xamarin.Forms.Platform.Android.Resource.Id.buttonPanel = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.buttonPanel; - global::Xamarin.Forms.Platform.Android.Resource.Id.cancel_action = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.cancel_action; - global::Xamarin.Forms.Platform.Android.Resource.Id.cancel_button = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.cancel_button; - global::Xamarin.Forms.Platform.Android.Resource.Id.center = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.center; - global::Xamarin.Forms.Platform.Android.Resource.Id.center_horizontal = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.center_horizontal; - global::Xamarin.Forms.Platform.Android.Resource.Id.center_vertical = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.center_vertical; - global::Xamarin.Forms.Platform.Android.Resource.Id.checkbox = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.checkbox; - global::Xamarin.Forms.Platform.Android.Resource.Id.@checked = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.@checked; - global::Xamarin.Forms.Platform.Android.Resource.Id.chip = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.chip; - global::Xamarin.Forms.Platform.Android.Resource.Id.chip1 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.chip1; - global::Xamarin.Forms.Platform.Android.Resource.Id.chip2 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.chip2; - global::Xamarin.Forms.Platform.Android.Resource.Id.chip3 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.chip3; - global::Xamarin.Forms.Platform.Android.Resource.Id.chip_group = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.chip_group; - global::Xamarin.Forms.Platform.Android.Resource.Id.chronometer = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.chronometer; - global::Xamarin.Forms.Platform.Android.Resource.Id.clear_text = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.clear_text; - global::Xamarin.Forms.Platform.Android.Resource.Id.clip_horizontal = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.clip_horizontal; - global::Xamarin.Forms.Platform.Android.Resource.Id.clip_vertical = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.clip_vertical; - global::Xamarin.Forms.Platform.Android.Resource.Id.collapseActionView = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.collapseActionView; - global::Xamarin.Forms.Platform.Android.Resource.Id.confirm_button = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.confirm_button; - global::Xamarin.Forms.Platform.Android.Resource.Id.container = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.container; - global::Xamarin.Forms.Platform.Android.Resource.Id.content = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.content; - global::Xamarin.Forms.Platform.Android.Resource.Id.contentPanel = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.contentPanel; - global::Xamarin.Forms.Platform.Android.Resource.Id.coordinator = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.coordinator; - global::Xamarin.Forms.Platform.Android.Resource.Id.CTRL = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.CTRL; - global::Xamarin.Forms.Platform.Android.Resource.Id.custom = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.custom; - global::Xamarin.Forms.Platform.Android.Resource.Id.customPanel = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.customPanel; - global::Xamarin.Forms.Platform.Android.Resource.Id.cut = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.cut; - global::Xamarin.Forms.Platform.Android.Resource.Id.date_picker_actions = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.date_picker_actions; - global::Xamarin.Forms.Platform.Android.Resource.Id.decor_content_parent = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.decor_content_parent; - global::Xamarin.Forms.Platform.Android.Resource.Id.default_activity_button = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.default_activity_button; - global::Xamarin.Forms.Platform.Android.Resource.Id.design_bottom_sheet = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.design_bottom_sheet; - global::Xamarin.Forms.Platform.Android.Resource.Id.design_menu_item_action_area = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.design_menu_item_action_area; - global::Xamarin.Forms.Platform.Android.Resource.Id.design_menu_item_action_area_stub = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.design_menu_item_action_area_stub; - global::Xamarin.Forms.Platform.Android.Resource.Id.design_menu_item_text = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.design_menu_item_text; - global::Xamarin.Forms.Platform.Android.Resource.Id.design_navigation_view = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.design_navigation_view; - global::Xamarin.Forms.Platform.Android.Resource.Id.dialog_button = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.dialog_button; - global::Xamarin.Forms.Platform.Android.Resource.Id.disableHome = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.disableHome; - global::Xamarin.Forms.Platform.Android.Resource.Id.dropdown_menu = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.dropdown_menu; - global::Xamarin.Forms.Platform.Android.Resource.Id.edit_query = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.edit_query; - global::Xamarin.Forms.Platform.Android.Resource.Id.end = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.end; - global::Xamarin.Forms.Platform.Android.Resource.Id.end_padder = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.end_padder; - global::Xamarin.Forms.Platform.Android.Resource.Id.enterAlways = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.enterAlways; - global::Xamarin.Forms.Platform.Android.Resource.Id.enterAlwaysCollapsed = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.enterAlwaysCollapsed; - global::Xamarin.Forms.Platform.Android.Resource.Id.exitUntilCollapsed = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.exitUntilCollapsed; - global::Xamarin.Forms.Platform.Android.Resource.Id.expanded_menu = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.expanded_menu; - global::Xamarin.Forms.Platform.Android.Resource.Id.expand_activities_button = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.expand_activities_button; - global::Xamarin.Forms.Platform.Android.Resource.Id.fade = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.fade; - global::Xamarin.Forms.Platform.Android.Resource.Id.fill = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.fill; - global::Xamarin.Forms.Platform.Android.Resource.Id.filled = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.filled; - global::Xamarin.Forms.Platform.Android.Resource.Id.fill_horizontal = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.fill_horizontal; - global::Xamarin.Forms.Platform.Android.Resource.Id.fill_vertical = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.fill_vertical; - global::Xamarin.Forms.Platform.Android.Resource.Id.fitToContents = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.fitToContents; - global::Xamarin.Forms.Platform.Android.Resource.Id.@fixed = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.@fixed; - global::Xamarin.Forms.Platform.Android.Resource.Id.floating = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.floating; - global::Xamarin.Forms.Platform.Android.Resource.Id.flyoutcontent_appbar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.flyoutcontent_appbar; - global::Xamarin.Forms.Platform.Android.Resource.Id.forever = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.forever; - global::Xamarin.Forms.Platform.Android.Resource.Id.fragment_container_view_tag = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.fragment_container_view_tag; - global::Xamarin.Forms.Platform.Android.Resource.Id.FUNCTION = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.FUNCTION; - global::Xamarin.Forms.Platform.Android.Resource.Id.ghost_view = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.ghost_view; - global::Xamarin.Forms.Platform.Android.Resource.Id.ghost_view_holder = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.ghost_view_holder; - global::Xamarin.Forms.Platform.Android.Resource.Id.gone = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.gone; - global::Xamarin.Forms.Platform.Android.Resource.Id.group_divider = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.group_divider; - global::Xamarin.Forms.Platform.Android.Resource.Id.hideable = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.hideable; - global::Xamarin.Forms.Platform.Android.Resource.Id.home = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.home; - global::Xamarin.Forms.Platform.Android.Resource.Id.homeAsUp = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.homeAsUp; - global::Xamarin.Forms.Platform.Android.Resource.Id.icon = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.icon; - global::Xamarin.Forms.Platform.Android.Resource.Id.icon_group = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.icon_group; - global::Xamarin.Forms.Platform.Android.Resource.Id.ifRoom = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.ifRoom; - global::Xamarin.Forms.Platform.Android.Resource.Id.image = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.image; - global::Xamarin.Forms.Platform.Android.Resource.Id.info = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.info; - global::Xamarin.Forms.Platform.Android.Resource.Id.italic = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.italic; - global::Xamarin.Forms.Platform.Android.Resource.Id.item_touch_helper_previous_elevation = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.item_touch_helper_previous_elevation; - global::Xamarin.Forms.Platform.Android.Resource.Id.labeled = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.labeled; - global::Xamarin.Forms.Platform.Android.Resource.Id.largeLabel = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.largeLabel; - global::Xamarin.Forms.Platform.Android.Resource.Id.left = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.left; - global::Xamarin.Forms.Platform.Android.Resource.Id.line1 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.line1; - global::Xamarin.Forms.Platform.Android.Resource.Id.line3 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.line3; - global::Xamarin.Forms.Platform.Android.Resource.Id.listMode = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.listMode; - global::Xamarin.Forms.Platform.Android.Resource.Id.list_item = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.list_item; - global::Xamarin.Forms.Platform.Android.Resource.Id.main_appbar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.main_appbar; - global::Xamarin.Forms.Platform.Android.Resource.Id.main_tablayout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.main_tablayout; - global::Xamarin.Forms.Platform.Android.Resource.Id.main_toolbar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.main_toolbar; - global::Xamarin.Forms.Platform.Android.Resource.Id.main_viewpager = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.main_viewpager; - global::Xamarin.Forms.Platform.Android.Resource.Id.masked = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.masked; - global::Xamarin.Forms.Platform.Android.Resource.Id.media_actions = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.media_actions; - global::Xamarin.Forms.Platform.Android.Resource.Id.media_controller_compat_view_tag = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.media_controller_compat_view_tag; - global::Xamarin.Forms.Platform.Android.Resource.Id.message = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.message; - global::Xamarin.Forms.Platform.Android.Resource.Id.META = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.META; - global::Xamarin.Forms.Platform.Android.Resource.Id.middle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.middle; - global::Xamarin.Forms.Platform.Android.Resource.Id.mini = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.mini; - global::Xamarin.Forms.Platform.Android.Resource.Id.month_grid = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.month_grid; - global::Xamarin.Forms.Platform.Android.Resource.Id.month_navigation_bar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.month_navigation_bar; - global::Xamarin.Forms.Platform.Android.Resource.Id.month_navigation_fragment_toggle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.month_navigation_fragment_toggle; - global::Xamarin.Forms.Platform.Android.Resource.Id.month_navigation_next = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.month_navigation_next; - global::Xamarin.Forms.Platform.Android.Resource.Id.month_navigation_previous = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.month_navigation_previous; - global::Xamarin.Forms.Platform.Android.Resource.Id.month_title = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.month_title; - global::Xamarin.Forms.Platform.Android.Resource.Id.mtrl_calendar_days_of_week = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.mtrl_calendar_days_of_week; - global::Xamarin.Forms.Platform.Android.Resource.Id.mtrl_calendar_day_selector_frame = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.mtrl_calendar_day_selector_frame; - global::Xamarin.Forms.Platform.Android.Resource.Id.mtrl_calendar_frame = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.mtrl_calendar_frame; - global::Xamarin.Forms.Platform.Android.Resource.Id.mtrl_calendar_main_pane = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.mtrl_calendar_main_pane; - global::Xamarin.Forms.Platform.Android.Resource.Id.mtrl_calendar_months = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.mtrl_calendar_months; - global::Xamarin.Forms.Platform.Android.Resource.Id.mtrl_calendar_selection_frame = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.mtrl_calendar_selection_frame; - global::Xamarin.Forms.Platform.Android.Resource.Id.mtrl_calendar_text_input_frame = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.mtrl_calendar_text_input_frame; - global::Xamarin.Forms.Platform.Android.Resource.Id.mtrl_calendar_year_selector_frame = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.mtrl_calendar_year_selector_frame; - global::Xamarin.Forms.Platform.Android.Resource.Id.mtrl_card_checked_layer_id = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.mtrl_card_checked_layer_id; - global::Xamarin.Forms.Platform.Android.Resource.Id.mtrl_child_content_container = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.mtrl_child_content_container; - global::Xamarin.Forms.Platform.Android.Resource.Id.mtrl_internal_children_alpha_tag = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.mtrl_internal_children_alpha_tag; - global::Xamarin.Forms.Platform.Android.Resource.Id.mtrl_motion_snapshot_view = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.mtrl_motion_snapshot_view; - global::Xamarin.Forms.Platform.Android.Resource.Id.mtrl_picker_fullscreen = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.mtrl_picker_fullscreen; - global::Xamarin.Forms.Platform.Android.Resource.Id.mtrl_picker_header = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.mtrl_picker_header; - global::Xamarin.Forms.Platform.Android.Resource.Id.mtrl_picker_header_selection_text = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.mtrl_picker_header_selection_text; - global::Xamarin.Forms.Platform.Android.Resource.Id.mtrl_picker_header_title_and_selection = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.mtrl_picker_header_title_and_selection; - global::Xamarin.Forms.Platform.Android.Resource.Id.mtrl_picker_header_toggle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.mtrl_picker_header_toggle; - global::Xamarin.Forms.Platform.Android.Resource.Id.mtrl_picker_text_input_date = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.mtrl_picker_text_input_date; - global::Xamarin.Forms.Platform.Android.Resource.Id.mtrl_picker_text_input_range_end = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.mtrl_picker_text_input_range_end; - global::Xamarin.Forms.Platform.Android.Resource.Id.mtrl_picker_text_input_range_start = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.mtrl_picker_text_input_range_start; - global::Xamarin.Forms.Platform.Android.Resource.Id.mtrl_picker_title_text = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.mtrl_picker_title_text; - global::Xamarin.Forms.Platform.Android.Resource.Id.multiply = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.multiply; - global::Xamarin.Forms.Platform.Android.Resource.Id.navigation_header_container = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.navigation_header_container; - global::Xamarin.Forms.Platform.Android.Resource.Id.nav_controller_view_tag = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.nav_controller_view_tag; - global::Xamarin.Forms.Platform.Android.Resource.Id.never = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.never; - global::Xamarin.Forms.Platform.Android.Resource.Id.none = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.none; - global::Xamarin.Forms.Platform.Android.Resource.Id.normal = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.normal; - global::Xamarin.Forms.Platform.Android.Resource.Id.noScroll = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.noScroll; - global::Xamarin.Forms.Platform.Android.Resource.Id.notification_background = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.notification_background; - global::Xamarin.Forms.Platform.Android.Resource.Id.notification_main_column = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.notification_main_column; - global::Xamarin.Forms.Platform.Android.Resource.Id.notification_main_column_container = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.notification_main_column_container; - global::Xamarin.Forms.Platform.Android.Resource.Id.off = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.off; - global::Xamarin.Forms.Platform.Android.Resource.Id.on = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.on; - global::Xamarin.Forms.Platform.Android.Resource.Id.outline = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.outline; - global::Xamarin.Forms.Platform.Android.Resource.Id.parallax = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.parallax; - global::Xamarin.Forms.Platform.Android.Resource.Id.parentPanel = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.parentPanel; - global::Xamarin.Forms.Platform.Android.Resource.Id.parent_matrix = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.parent_matrix; - global::Xamarin.Forms.Platform.Android.Resource.Id.password_toggle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.password_toggle; - global::Xamarin.Forms.Platform.Android.Resource.Id.peekHeight = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.peekHeight; - global::Xamarin.Forms.Platform.Android.Resource.Id.pin = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.pin; - global::Xamarin.Forms.Platform.Android.Resource.Id.progress_circular = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.progress_circular; - global::Xamarin.Forms.Platform.Android.Resource.Id.progress_horizontal = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.progress_horizontal; - global::Xamarin.Forms.Platform.Android.Resource.Id.radio = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.radio; - global::Xamarin.Forms.Platform.Android.Resource.Id.right = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.right; - global::Xamarin.Forms.Platform.Android.Resource.Id.right_icon = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.right_icon; - global::Xamarin.Forms.Platform.Android.Resource.Id.right_side = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.right_side; - global::Xamarin.Forms.Platform.Android.Resource.Id.rounded = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.rounded; - global::Xamarin.Forms.Platform.Android.Resource.Id.row_index_key = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.row_index_key; - global::Xamarin.Forms.Platform.Android.Resource.Id.save_non_transition_alpha = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.save_non_transition_alpha; - global::Xamarin.Forms.Platform.Android.Resource.Id.save_overlay_view = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.save_overlay_view; - global::Xamarin.Forms.Platform.Android.Resource.Id.scale = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.scale; - global::Xamarin.Forms.Platform.Android.Resource.Id.screen = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.screen; - global::Xamarin.Forms.Platform.Android.Resource.Id.scroll = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.scroll; - global::Xamarin.Forms.Platform.Android.Resource.Id.scrollable = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.scrollable; - global::Xamarin.Forms.Platform.Android.Resource.Id.scrollIndicatorDown = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.scrollIndicatorDown; - global::Xamarin.Forms.Platform.Android.Resource.Id.scrollIndicatorUp = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.scrollIndicatorUp; - global::Xamarin.Forms.Platform.Android.Resource.Id.scrollView = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.scrollView; - global::Xamarin.Forms.Platform.Android.Resource.Id.search_badge = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.search_badge; - global::Xamarin.Forms.Platform.Android.Resource.Id.search_bar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.search_bar; - global::Xamarin.Forms.Platform.Android.Resource.Id.search_button = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.search_button; - global::Xamarin.Forms.Platform.Android.Resource.Id.search_close_btn = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.search_close_btn; - global::Xamarin.Forms.Platform.Android.Resource.Id.search_edit_frame = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.search_edit_frame; - global::Xamarin.Forms.Platform.Android.Resource.Id.search_go_btn = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.search_go_btn; - global::Xamarin.Forms.Platform.Android.Resource.Id.search_mag_icon = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.search_mag_icon; - global::Xamarin.Forms.Platform.Android.Resource.Id.search_plate = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.search_plate; - global::Xamarin.Forms.Platform.Android.Resource.Id.search_src_text = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.search_src_text; - global::Xamarin.Forms.Platform.Android.Resource.Id.search_voice_btn = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.search_voice_btn; - global::Xamarin.Forms.Platform.Android.Resource.Id.selected = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.selected; - global::Xamarin.Forms.Platform.Android.Resource.Id.select_dialog_listview = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.select_dialog_listview; - global::Xamarin.Forms.Platform.Android.Resource.Id.shellcontent_appbar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.shellcontent_appbar; - global::Xamarin.Forms.Platform.Android.Resource.Id.shellcontent_toolbar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.shellcontent_toolbar; - global::Xamarin.Forms.Platform.Android.Resource.Id.SHIFT = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.SHIFT; - global::Xamarin.Forms.Platform.Android.Resource.Id.shortcut = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.shortcut; - global::Xamarin.Forms.Platform.Android.Resource.Id.showCustom = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.showCustom; - global::Xamarin.Forms.Platform.Android.Resource.Id.showHome = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.showHome; - global::Xamarin.Forms.Platform.Android.Resource.Id.showTitle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.showTitle; - global::Xamarin.Forms.Platform.Android.Resource.Id.skipCollapsed = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.skipCollapsed; - global::Xamarin.Forms.Platform.Android.Resource.Id.slide = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.slide; - global::Xamarin.Forms.Platform.Android.Resource.Id.sliding_tabs = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.sliding_tabs; - global::Xamarin.Forms.Platform.Android.Resource.Id.smallLabel = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.smallLabel; - global::Xamarin.Forms.Platform.Android.Resource.Id.snackbar_action = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.snackbar_action; - global::Xamarin.Forms.Platform.Android.Resource.Id.snackbar_text = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.snackbar_text; - global::Xamarin.Forms.Platform.Android.Resource.Id.snap = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.snap; - global::Xamarin.Forms.Platform.Android.Resource.Id.snapMargins = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.snapMargins; - global::Xamarin.Forms.Platform.Android.Resource.Id.spacer = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.spacer; - global::Xamarin.Forms.Platform.Android.Resource.Id.special_effects_controller_view_tag = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.special_effects_controller_view_tag; - global::Xamarin.Forms.Platform.Android.Resource.Id.split_action_bar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.split_action_bar; - global::Xamarin.Forms.Platform.Android.Resource.Id.src_atop = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.src_atop; - global::Xamarin.Forms.Platform.Android.Resource.Id.src_in = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.src_in; - global::Xamarin.Forms.Platform.Android.Resource.Id.src_over = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.src_over; - global::Xamarin.Forms.Platform.Android.Resource.Id.start = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.start; - global::Xamarin.Forms.Platform.Android.Resource.Id.status_bar_latest_event_content = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.status_bar_latest_event_content; - global::Xamarin.Forms.Platform.Android.Resource.Id.stretch = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.stretch; - global::Xamarin.Forms.Platform.Android.Resource.Id.submenuarrow = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.submenuarrow; - global::Xamarin.Forms.Platform.Android.Resource.Id.submit_area = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.submit_area; - global::Xamarin.Forms.Platform.Android.Resource.Id.SYM = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.SYM; - global::Xamarin.Forms.Platform.Android.Resource.Id.tabMode = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.tabMode; - global::Xamarin.Forms.Platform.Android.Resource.Id.tag_accessibility_actions = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.tag_accessibility_actions; - global::Xamarin.Forms.Platform.Android.Resource.Id.tag_accessibility_clickable_spans = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.tag_accessibility_clickable_spans; - global::Xamarin.Forms.Platform.Android.Resource.Id.tag_accessibility_heading = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.tag_accessibility_heading; - global::Xamarin.Forms.Platform.Android.Resource.Id.tag_accessibility_pane_title = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.tag_accessibility_pane_title; - global::Xamarin.Forms.Platform.Android.Resource.Id.tag_screen_reader_focusable = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.tag_screen_reader_focusable; - global::Xamarin.Forms.Platform.Android.Resource.Id.tag_transition_group = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.tag_transition_group; - global::Xamarin.Forms.Platform.Android.Resource.Id.tag_unhandled_key_event_manager = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.tag_unhandled_key_event_manager; - global::Xamarin.Forms.Platform.Android.Resource.Id.tag_unhandled_key_listeners = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.tag_unhandled_key_listeners; - global::Xamarin.Forms.Platform.Android.Resource.Id.test_checkbox_android_button_tint = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.test_checkbox_android_button_tint; - global::Xamarin.Forms.Platform.Android.Resource.Id.test_checkbox_app_button_tint = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.test_checkbox_app_button_tint; - global::Xamarin.Forms.Platform.Android.Resource.Id.test_radiobutton_android_button_tint = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.test_radiobutton_android_button_tint; - global::Xamarin.Forms.Platform.Android.Resource.Id.test_radiobutton_app_button_tint = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.test_radiobutton_app_button_tint; - global::Xamarin.Forms.Platform.Android.Resource.Id.text = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.text; - global::Xamarin.Forms.Platform.Android.Resource.Id.text2 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.text2; - global::Xamarin.Forms.Platform.Android.Resource.Id.textEnd = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.textEnd; - global::Xamarin.Forms.Platform.Android.Resource.Id.textinput_counter = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.textinput_counter; - global::Xamarin.Forms.Platform.Android.Resource.Id.textinput_error = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.textinput_error; - global::Xamarin.Forms.Platform.Android.Resource.Id.textinput_helper_text = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.textinput_helper_text; - global::Xamarin.Forms.Platform.Android.Resource.Id.textinput_placeholder = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.textinput_placeholder; - global::Xamarin.Forms.Platform.Android.Resource.Id.textinput_prefix_text = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.textinput_prefix_text; - global::Xamarin.Forms.Platform.Android.Resource.Id.textinput_suffix_text = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.textinput_suffix_text; - global::Xamarin.Forms.Platform.Android.Resource.Id.textSpacerNoButtons = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.textSpacerNoButtons; - global::Xamarin.Forms.Platform.Android.Resource.Id.textSpacerNoTitle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.textSpacerNoTitle; - global::Xamarin.Forms.Platform.Android.Resource.Id.textStart = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.textStart; - global::Xamarin.Forms.Platform.Android.Resource.Id.text_input_end_icon = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.text_input_end_icon; - global::Xamarin.Forms.Platform.Android.Resource.Id.text_input_start_icon = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.text_input_start_icon; - global::Xamarin.Forms.Platform.Android.Resource.Id.time = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.time; - global::Xamarin.Forms.Platform.Android.Resource.Id.title = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.title; - global::Xamarin.Forms.Platform.Android.Resource.Id.titleDividerNoCustom = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.titleDividerNoCustom; - global::Xamarin.Forms.Platform.Android.Resource.Id.title_template = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.title_template; - global::Xamarin.Forms.Platform.Android.Resource.Id.toolbar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.toolbar; - global::Xamarin.Forms.Platform.Android.Resource.Id.top = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.top; - global::Xamarin.Forms.Platform.Android.Resource.Id.topPanel = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.topPanel; - global::Xamarin.Forms.Platform.Android.Resource.Id.TOP_END = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.TOP_END; - global::Xamarin.Forms.Platform.Android.Resource.Id.TOP_START = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.TOP_START; - global::Xamarin.Forms.Platform.Android.Resource.Id.touch_outside = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.touch_outside; - global::Xamarin.Forms.Platform.Android.Resource.Id.transition_current_scene = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.transition_current_scene; - global::Xamarin.Forms.Platform.Android.Resource.Id.transition_layout_save = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.transition_layout_save; - global::Xamarin.Forms.Platform.Android.Resource.Id.transition_position = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.transition_position; - global::Xamarin.Forms.Platform.Android.Resource.Id.transition_scene_layoutid_cache = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.transition_scene_layoutid_cache; - global::Xamarin.Forms.Platform.Android.Resource.Id.transition_transform = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.transition_transform; - global::Xamarin.Forms.Platform.Android.Resource.Id.@unchecked = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.@unchecked; - global::Xamarin.Forms.Platform.Android.Resource.Id.uniform = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.uniform; - global::Xamarin.Forms.Platform.Android.Resource.Id.unlabeled = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.unlabeled; - global::Xamarin.Forms.Platform.Android.Resource.Id.up = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.up; - global::Xamarin.Forms.Platform.Android.Resource.Id.useLogo = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.useLogo; - global::Xamarin.Forms.Platform.Android.Resource.Id.view_offset_helper = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.view_offset_helper; - global::Xamarin.Forms.Platform.Android.Resource.Id.view_tree_lifecycle_owner = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.view_tree_lifecycle_owner; - global::Xamarin.Forms.Platform.Android.Resource.Id.view_tree_saved_state_registry_owner = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.view_tree_saved_state_registry_owner; - global::Xamarin.Forms.Platform.Android.Resource.Id.view_tree_view_model_store_owner = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.view_tree_view_model_store_owner; - global::Xamarin.Forms.Platform.Android.Resource.Id.visible = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.visible; - global::Xamarin.Forms.Platform.Android.Resource.Id.visible_removing_fragment_view_tag = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.visible_removing_fragment_view_tag; - global::Xamarin.Forms.Platform.Android.Resource.Id.withinBounds = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.withinBounds; - global::Xamarin.Forms.Platform.Android.Resource.Id.withText = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.withText; - global::Xamarin.Forms.Platform.Android.Resource.Id.wrap_content = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.wrap_content; - global::Xamarin.Forms.Platform.Android.Resource.Id.zero_corner_chip = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.zero_corner_chip; - global::Xamarin.Forms.Platform.Android.Resource.Integer.abc_config_activityDefaultDur = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Integer.abc_config_activityDefaultDur; - global::Xamarin.Forms.Platform.Android.Resource.Integer.abc_config_activityShortDur = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Integer.abc_config_activityShortDur; - global::Xamarin.Forms.Platform.Android.Resource.Integer.app_bar_elevation_anim_duration = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Integer.app_bar_elevation_anim_duration; - global::Xamarin.Forms.Platform.Android.Resource.Integer.bottom_sheet_slide_duration = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Integer.bottom_sheet_slide_duration; - global::Xamarin.Forms.Platform.Android.Resource.Integer.cancel_button_image_alpha = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Integer.cancel_button_image_alpha; - global::Xamarin.Forms.Platform.Android.Resource.Integer.config_navAnimTime = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Integer.config_navAnimTime; - global::Xamarin.Forms.Platform.Android.Resource.Integer.config_tooltipAnimTime = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Integer.config_tooltipAnimTime; - global::Xamarin.Forms.Platform.Android.Resource.Integer.design_snackbar_text_max_lines = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Integer.design_snackbar_text_max_lines; - global::Xamarin.Forms.Platform.Android.Resource.Integer.design_tab_indicator_anim_duration_ms = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Integer.design_tab_indicator_anim_duration_ms; - global::Xamarin.Forms.Platform.Android.Resource.Integer.hide_password_duration = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Integer.hide_password_duration; - global::Xamarin.Forms.Platform.Android.Resource.Integer.mtrl_badge_max_character_count = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Integer.mtrl_badge_max_character_count; - global::Xamarin.Forms.Platform.Android.Resource.Integer.mtrl_btn_anim_delay_ms = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Integer.mtrl_btn_anim_delay_ms; - global::Xamarin.Forms.Platform.Android.Resource.Integer.mtrl_btn_anim_duration_ms = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Integer.mtrl_btn_anim_duration_ms; - global::Xamarin.Forms.Platform.Android.Resource.Integer.mtrl_calendar_header_orientation = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Integer.mtrl_calendar_header_orientation; - global::Xamarin.Forms.Platform.Android.Resource.Integer.mtrl_calendar_selection_text_lines = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Integer.mtrl_calendar_selection_text_lines; - global::Xamarin.Forms.Platform.Android.Resource.Integer.mtrl_calendar_year_selector_span = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Integer.mtrl_calendar_year_selector_span; - global::Xamarin.Forms.Platform.Android.Resource.Integer.mtrl_card_anim_delay_ms = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Integer.mtrl_card_anim_delay_ms; - global::Xamarin.Forms.Platform.Android.Resource.Integer.mtrl_card_anim_duration_ms = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Integer.mtrl_card_anim_duration_ms; - global::Xamarin.Forms.Platform.Android.Resource.Integer.mtrl_chip_anim_duration = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Integer.mtrl_chip_anim_duration; - global::Xamarin.Forms.Platform.Android.Resource.Integer.mtrl_tab_indicator_anim_duration_ms = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Integer.mtrl_tab_indicator_anim_duration_ms; - global::Xamarin.Forms.Platform.Android.Resource.Integer.show_password_duration = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Integer.show_password_duration; - global::Xamarin.Forms.Platform.Android.Resource.Integer.status_bar_notification_info_maxnum = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Integer.status_bar_notification_info_maxnum; - global::Xamarin.Forms.Platform.Android.Resource.Interpolator.btn_checkbox_checked_mtrl_animation_interpolator_0 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Interpolator.btn_checkbox_checked_mtrl_animation_interpolator_0; - global::Xamarin.Forms.Platform.Android.Resource.Interpolator.btn_checkbox_checked_mtrl_animation_interpolator_1 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Interpolator.btn_checkbox_checked_mtrl_animation_interpolator_1; - global::Xamarin.Forms.Platform.Android.Resource.Interpolator.btn_checkbox_unchecked_mtrl_animation_interpolator_0 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Interpolator.btn_checkbox_unchecked_mtrl_animation_interpolator_0; - global::Xamarin.Forms.Platform.Android.Resource.Interpolator.btn_checkbox_unchecked_mtrl_animation_interpolator_1 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Interpolator.btn_checkbox_unchecked_mtrl_animation_interpolator_1; - global::Xamarin.Forms.Platform.Android.Resource.Interpolator.btn_radio_to_off_mtrl_animation_interpolator_0 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Interpolator.btn_radio_to_off_mtrl_animation_interpolator_0; - global::Xamarin.Forms.Platform.Android.Resource.Interpolator.btn_radio_to_on_mtrl_animation_interpolator_0 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Interpolator.btn_radio_to_on_mtrl_animation_interpolator_0; - global::Xamarin.Forms.Platform.Android.Resource.Interpolator.fast_out_slow_in = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Interpolator.fast_out_slow_in; - global::Xamarin.Forms.Platform.Android.Resource.Interpolator.mtrl_fast_out_linear_in = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Interpolator.mtrl_fast_out_linear_in; - global::Xamarin.Forms.Platform.Android.Resource.Interpolator.mtrl_fast_out_slow_in = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Interpolator.mtrl_fast_out_slow_in; - global::Xamarin.Forms.Platform.Android.Resource.Interpolator.mtrl_linear = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Interpolator.mtrl_linear; - global::Xamarin.Forms.Platform.Android.Resource.Interpolator.mtrl_linear_out_slow_in = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Interpolator.mtrl_linear_out_slow_in; - global::Xamarin.Forms.Platform.Android.Resource.Layout.abc_action_bar_title_item = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.abc_action_bar_title_item; - global::Xamarin.Forms.Platform.Android.Resource.Layout.abc_action_bar_up_container = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.abc_action_bar_up_container; - global::Xamarin.Forms.Platform.Android.Resource.Layout.abc_action_menu_item_layout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.abc_action_menu_item_layout; - global::Xamarin.Forms.Platform.Android.Resource.Layout.abc_action_menu_layout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.abc_action_menu_layout; - global::Xamarin.Forms.Platform.Android.Resource.Layout.abc_action_mode_bar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.abc_action_mode_bar; - global::Xamarin.Forms.Platform.Android.Resource.Layout.abc_action_mode_close_item_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.abc_action_mode_close_item_material; - global::Xamarin.Forms.Platform.Android.Resource.Layout.abc_activity_chooser_view = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.abc_activity_chooser_view; - global::Xamarin.Forms.Platform.Android.Resource.Layout.abc_activity_chooser_view_list_item = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.abc_activity_chooser_view_list_item; - global::Xamarin.Forms.Platform.Android.Resource.Layout.abc_alert_dialog_button_bar_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.abc_alert_dialog_button_bar_material; - global::Xamarin.Forms.Platform.Android.Resource.Layout.abc_alert_dialog_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.abc_alert_dialog_material; - global::Xamarin.Forms.Platform.Android.Resource.Layout.abc_alert_dialog_title_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.abc_alert_dialog_title_material; - global::Xamarin.Forms.Platform.Android.Resource.Layout.abc_cascading_menu_item_layout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.abc_cascading_menu_item_layout; - global::Xamarin.Forms.Platform.Android.Resource.Layout.abc_dialog_title_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.abc_dialog_title_material; - global::Xamarin.Forms.Platform.Android.Resource.Layout.abc_expanded_menu_layout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.abc_expanded_menu_layout; - global::Xamarin.Forms.Platform.Android.Resource.Layout.abc_list_menu_item_checkbox = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.abc_list_menu_item_checkbox; - global::Xamarin.Forms.Platform.Android.Resource.Layout.abc_list_menu_item_icon = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.abc_list_menu_item_icon; - global::Xamarin.Forms.Platform.Android.Resource.Layout.abc_list_menu_item_layout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.abc_list_menu_item_layout; - global::Xamarin.Forms.Platform.Android.Resource.Layout.abc_list_menu_item_radio = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.abc_list_menu_item_radio; - global::Xamarin.Forms.Platform.Android.Resource.Layout.abc_popup_menu_header_item_layout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.abc_popup_menu_header_item_layout; - global::Xamarin.Forms.Platform.Android.Resource.Layout.abc_popup_menu_item_layout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.abc_popup_menu_item_layout; - global::Xamarin.Forms.Platform.Android.Resource.Layout.abc_screen_content_include = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.abc_screen_content_include; - global::Xamarin.Forms.Platform.Android.Resource.Layout.abc_screen_simple = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.abc_screen_simple; - global::Xamarin.Forms.Platform.Android.Resource.Layout.abc_screen_simple_overlay_action_mode = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.abc_screen_simple_overlay_action_mode; - global::Xamarin.Forms.Platform.Android.Resource.Layout.abc_screen_toolbar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.abc_screen_toolbar; - global::Xamarin.Forms.Platform.Android.Resource.Layout.abc_search_dropdown_item_icons_2line = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.abc_search_dropdown_item_icons_2line; - global::Xamarin.Forms.Platform.Android.Resource.Layout.abc_search_view = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.abc_search_view; - global::Xamarin.Forms.Platform.Android.Resource.Layout.abc_select_dialog_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.abc_select_dialog_material; - global::Xamarin.Forms.Platform.Android.Resource.Layout.abc_tooltip = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.abc_tooltip; - global::Xamarin.Forms.Platform.Android.Resource.Layout.BottomTabLayout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.BottomTabLayout; - global::Xamarin.Forms.Platform.Android.Resource.Layout.custom_dialog = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.custom_dialog; - global::Xamarin.Forms.Platform.Android.Resource.Layout.design_bottom_navigation_item = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.design_bottom_navigation_item; - global::Xamarin.Forms.Platform.Android.Resource.Layout.design_bottom_sheet_dialog = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.design_bottom_sheet_dialog; - global::Xamarin.Forms.Platform.Android.Resource.Layout.design_layout_snackbar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.design_layout_snackbar; - global::Xamarin.Forms.Platform.Android.Resource.Layout.design_layout_snackbar_include = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.design_layout_snackbar_include; - global::Xamarin.Forms.Platform.Android.Resource.Layout.design_layout_tab_icon = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.design_layout_tab_icon; - global::Xamarin.Forms.Platform.Android.Resource.Layout.design_layout_tab_text = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.design_layout_tab_text; - global::Xamarin.Forms.Platform.Android.Resource.Layout.design_menu_item_action_area = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.design_menu_item_action_area; - global::Xamarin.Forms.Platform.Android.Resource.Layout.design_navigation_item = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.design_navigation_item; - global::Xamarin.Forms.Platform.Android.Resource.Layout.design_navigation_item_header = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.design_navigation_item_header; - global::Xamarin.Forms.Platform.Android.Resource.Layout.design_navigation_item_separator = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.design_navigation_item_separator; - global::Xamarin.Forms.Platform.Android.Resource.Layout.design_navigation_item_subheader = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.design_navigation_item_subheader; - global::Xamarin.Forms.Platform.Android.Resource.Layout.design_navigation_menu = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.design_navigation_menu; - global::Xamarin.Forms.Platform.Android.Resource.Layout.design_navigation_menu_item = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.design_navigation_menu_item; - global::Xamarin.Forms.Platform.Android.Resource.Layout.design_text_input_end_icon = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.design_text_input_end_icon; - global::Xamarin.Forms.Platform.Android.Resource.Layout.design_text_input_start_icon = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.design_text_input_start_icon; - global::Xamarin.Forms.Platform.Android.Resource.Layout.FallbackTabbarDoNotUse = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.FallbackTabbarDoNotUse; - global::Xamarin.Forms.Platform.Android.Resource.Layout.FallbackToolbarDoNotUse = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.FallbackToolbarDoNotUse; - global::Xamarin.Forms.Platform.Android.Resource.Layout.FlyoutContent = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.FlyoutContent; - global::Xamarin.Forms.Platform.Android.Resource.Layout.mtrl_alert_dialog = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.mtrl_alert_dialog; - global::Xamarin.Forms.Platform.Android.Resource.Layout.mtrl_alert_dialog_actions = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.mtrl_alert_dialog_actions; - global::Xamarin.Forms.Platform.Android.Resource.Layout.mtrl_alert_dialog_title = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.mtrl_alert_dialog_title; - global::Xamarin.Forms.Platform.Android.Resource.Layout.mtrl_alert_select_dialog_item = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.mtrl_alert_select_dialog_item; - global::Xamarin.Forms.Platform.Android.Resource.Layout.mtrl_alert_select_dialog_multichoice = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.mtrl_alert_select_dialog_multichoice; - global::Xamarin.Forms.Platform.Android.Resource.Layout.mtrl_alert_select_dialog_singlechoice = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.mtrl_alert_select_dialog_singlechoice; - global::Xamarin.Forms.Platform.Android.Resource.Layout.mtrl_calendar_day = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.mtrl_calendar_day; - global::Xamarin.Forms.Platform.Android.Resource.Layout.mtrl_calendar_days_of_week = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.mtrl_calendar_days_of_week; - global::Xamarin.Forms.Platform.Android.Resource.Layout.mtrl_calendar_day_of_week = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.mtrl_calendar_day_of_week; - global::Xamarin.Forms.Platform.Android.Resource.Layout.mtrl_calendar_horizontal = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.mtrl_calendar_horizontal; - global::Xamarin.Forms.Platform.Android.Resource.Layout.mtrl_calendar_month = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.mtrl_calendar_month; - global::Xamarin.Forms.Platform.Android.Resource.Layout.mtrl_calendar_months = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.mtrl_calendar_months; - global::Xamarin.Forms.Platform.Android.Resource.Layout.mtrl_calendar_month_labeled = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.mtrl_calendar_month_labeled; - global::Xamarin.Forms.Platform.Android.Resource.Layout.mtrl_calendar_month_navigation = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.mtrl_calendar_month_navigation; - global::Xamarin.Forms.Platform.Android.Resource.Layout.mtrl_calendar_vertical = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.mtrl_calendar_vertical; - global::Xamarin.Forms.Platform.Android.Resource.Layout.mtrl_calendar_year = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.mtrl_calendar_year; - global::Xamarin.Forms.Platform.Android.Resource.Layout.mtrl_layout_snackbar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.mtrl_layout_snackbar; - global::Xamarin.Forms.Platform.Android.Resource.Layout.mtrl_layout_snackbar_include = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.mtrl_layout_snackbar_include; - global::Xamarin.Forms.Platform.Android.Resource.Layout.mtrl_picker_actions = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.mtrl_picker_actions; - global::Xamarin.Forms.Platform.Android.Resource.Layout.mtrl_picker_dialog = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.mtrl_picker_dialog; - global::Xamarin.Forms.Platform.Android.Resource.Layout.mtrl_picker_fullscreen = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.mtrl_picker_fullscreen; - global::Xamarin.Forms.Platform.Android.Resource.Layout.mtrl_picker_header_dialog = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.mtrl_picker_header_dialog; - global::Xamarin.Forms.Platform.Android.Resource.Layout.mtrl_picker_header_fullscreen = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.mtrl_picker_header_fullscreen; - global::Xamarin.Forms.Platform.Android.Resource.Layout.mtrl_picker_header_selection_text = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.mtrl_picker_header_selection_text; - global::Xamarin.Forms.Platform.Android.Resource.Layout.mtrl_picker_header_title_text = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.mtrl_picker_header_title_text; - global::Xamarin.Forms.Platform.Android.Resource.Layout.mtrl_picker_header_toggle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.mtrl_picker_header_toggle; - global::Xamarin.Forms.Platform.Android.Resource.Layout.mtrl_picker_text_input_date = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.mtrl_picker_text_input_date; - global::Xamarin.Forms.Platform.Android.Resource.Layout.mtrl_picker_text_input_date_range = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.mtrl_picker_text_input_date_range; - global::Xamarin.Forms.Platform.Android.Resource.Layout.notification_action = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.notification_action; - global::Xamarin.Forms.Platform.Android.Resource.Layout.notification_action_tombstone = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.notification_action_tombstone; - global::Xamarin.Forms.Platform.Android.Resource.Layout.notification_media_action = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.notification_media_action; - global::Xamarin.Forms.Platform.Android.Resource.Layout.notification_media_cancel_action = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.notification_media_cancel_action; - global::Xamarin.Forms.Platform.Android.Resource.Layout.notification_template_big_media = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.notification_template_big_media; - global::Xamarin.Forms.Platform.Android.Resource.Layout.notification_template_big_media_custom = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.notification_template_big_media_custom; - global::Xamarin.Forms.Platform.Android.Resource.Layout.notification_template_big_media_narrow = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.notification_template_big_media_narrow; - global::Xamarin.Forms.Platform.Android.Resource.Layout.notification_template_big_media_narrow_custom = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.notification_template_big_media_narrow_custom; - global::Xamarin.Forms.Platform.Android.Resource.Layout.notification_template_custom_big = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.notification_template_custom_big; - global::Xamarin.Forms.Platform.Android.Resource.Layout.notification_template_icon_group = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.notification_template_icon_group; - global::Xamarin.Forms.Platform.Android.Resource.Layout.notification_template_lines_media = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.notification_template_lines_media; - global::Xamarin.Forms.Platform.Android.Resource.Layout.notification_template_media = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.notification_template_media; - global::Xamarin.Forms.Platform.Android.Resource.Layout.notification_template_media_custom = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.notification_template_media_custom; - global::Xamarin.Forms.Platform.Android.Resource.Layout.notification_template_part_chronometer = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.notification_template_part_chronometer; - global::Xamarin.Forms.Platform.Android.Resource.Layout.notification_template_part_time = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.notification_template_part_time; - global::Xamarin.Forms.Platform.Android.Resource.Layout.RootLayout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.RootLayout; - global::Xamarin.Forms.Platform.Android.Resource.Layout.select_dialog_item_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.select_dialog_item_material; - global::Xamarin.Forms.Platform.Android.Resource.Layout.select_dialog_multichoice_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.select_dialog_multichoice_material; - global::Xamarin.Forms.Platform.Android.Resource.Layout.select_dialog_singlechoice_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.select_dialog_singlechoice_material; - global::Xamarin.Forms.Platform.Android.Resource.Layout.ShellContent = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.ShellContent; - global::Xamarin.Forms.Platform.Android.Resource.Layout.support_simple_spinner_dropdown_item = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.support_simple_spinner_dropdown_item; - global::Xamarin.Forms.Platform.Android.Resource.Layout.Tabbar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.Tabbar; - global::Xamarin.Forms.Platform.Android.Resource.Layout.test_action_chip = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.test_action_chip; - global::Xamarin.Forms.Platform.Android.Resource.Layout.test_chip_zero_corner_radius = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.test_chip_zero_corner_radius; - global::Xamarin.Forms.Platform.Android.Resource.Layout.test_design_checkbox = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.test_design_checkbox; - global::Xamarin.Forms.Platform.Android.Resource.Layout.test_design_radiobutton = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.test_design_radiobutton; - global::Xamarin.Forms.Platform.Android.Resource.Layout.test_reflow_chipgroup = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.test_reflow_chipgroup; - global::Xamarin.Forms.Platform.Android.Resource.Layout.test_toolbar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.test_toolbar; - global::Xamarin.Forms.Platform.Android.Resource.Layout.test_toolbar_custom_background = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.test_toolbar_custom_background; - global::Xamarin.Forms.Platform.Android.Resource.Layout.test_toolbar_elevation = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.test_toolbar_elevation; - global::Xamarin.Forms.Platform.Android.Resource.Layout.test_toolbar_surface = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.test_toolbar_surface; - global::Xamarin.Forms.Platform.Android.Resource.Layout.text_view_without_line_height = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.text_view_without_line_height; - global::Xamarin.Forms.Platform.Android.Resource.Layout.text_view_with_line_height_from_appearance = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.text_view_with_line_height_from_appearance; - global::Xamarin.Forms.Platform.Android.Resource.Layout.text_view_with_line_height_from_layout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.text_view_with_line_height_from_layout; - global::Xamarin.Forms.Platform.Android.Resource.Layout.text_view_with_line_height_from_style = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.text_view_with_line_height_from_style; - global::Xamarin.Forms.Platform.Android.Resource.Layout.text_view_with_theme_line_height = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.text_view_with_theme_line_height; - global::Xamarin.Forms.Platform.Android.Resource.Layout.Toolbar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.Toolbar; - global::Xamarin.Forms.Platform.Android.Resource.Plurals.mtrl_badge_content_description = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Plurals.mtrl_badge_content_description; - global::Xamarin.Forms.Platform.Android.Resource.String.abc_action_bar_home_description = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.abc_action_bar_home_description; - global::Xamarin.Forms.Platform.Android.Resource.String.abc_action_bar_up_description = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.abc_action_bar_up_description; - global::Xamarin.Forms.Platform.Android.Resource.String.abc_action_menu_overflow_description = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.abc_action_menu_overflow_description; - global::Xamarin.Forms.Platform.Android.Resource.String.abc_action_mode_done = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.abc_action_mode_done; - global::Xamarin.Forms.Platform.Android.Resource.String.abc_activitychooserview_choose_application = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.abc_activitychooserview_choose_application; - global::Xamarin.Forms.Platform.Android.Resource.String.abc_activity_chooser_view_see_all = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.abc_activity_chooser_view_see_all; - global::Xamarin.Forms.Platform.Android.Resource.String.abc_capital_off = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.abc_capital_off; - global::Xamarin.Forms.Platform.Android.Resource.String.abc_capital_on = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.abc_capital_on; - global::Xamarin.Forms.Platform.Android.Resource.String.abc_menu_alt_shortcut_label = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.abc_menu_alt_shortcut_label; - global::Xamarin.Forms.Platform.Android.Resource.String.abc_menu_ctrl_shortcut_label = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.abc_menu_ctrl_shortcut_label; - global::Xamarin.Forms.Platform.Android.Resource.String.abc_menu_delete_shortcut_label = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.abc_menu_delete_shortcut_label; - global::Xamarin.Forms.Platform.Android.Resource.String.abc_menu_enter_shortcut_label = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.abc_menu_enter_shortcut_label; - global::Xamarin.Forms.Platform.Android.Resource.String.abc_menu_function_shortcut_label = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.abc_menu_function_shortcut_label; - global::Xamarin.Forms.Platform.Android.Resource.String.abc_menu_meta_shortcut_label = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.abc_menu_meta_shortcut_label; - global::Xamarin.Forms.Platform.Android.Resource.String.abc_menu_shift_shortcut_label = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.abc_menu_shift_shortcut_label; - global::Xamarin.Forms.Platform.Android.Resource.String.abc_menu_space_shortcut_label = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.abc_menu_space_shortcut_label; - global::Xamarin.Forms.Platform.Android.Resource.String.abc_menu_sym_shortcut_label = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.abc_menu_sym_shortcut_label; - global::Xamarin.Forms.Platform.Android.Resource.String.abc_prepend_shortcut_label = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.abc_prepend_shortcut_label; - global::Xamarin.Forms.Platform.Android.Resource.String.abc_searchview_description_clear = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.abc_searchview_description_clear; - global::Xamarin.Forms.Platform.Android.Resource.String.abc_searchview_description_query = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.abc_searchview_description_query; - global::Xamarin.Forms.Platform.Android.Resource.String.abc_searchview_description_search = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.abc_searchview_description_search; - global::Xamarin.Forms.Platform.Android.Resource.String.abc_searchview_description_submit = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.abc_searchview_description_submit; - global::Xamarin.Forms.Platform.Android.Resource.String.abc_searchview_description_voice = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.abc_searchview_description_voice; - global::Xamarin.Forms.Platform.Android.Resource.String.abc_search_hint = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.abc_search_hint; - global::Xamarin.Forms.Platform.Android.Resource.String.abc_shareactionprovider_share_with = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.abc_shareactionprovider_share_with; - global::Xamarin.Forms.Platform.Android.Resource.String.abc_shareactionprovider_share_with_application = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.abc_shareactionprovider_share_with_application; - global::Xamarin.Forms.Platform.Android.Resource.String.abc_toolbar_collapse_description = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.abc_toolbar_collapse_description; - global::Xamarin.Forms.Platform.Android.Resource.String.appbar_scrolling_view_behavior = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.appbar_scrolling_view_behavior; - global::Xamarin.Forms.Platform.Android.Resource.String.bottom_sheet_behavior = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.bottom_sheet_behavior; - global::Xamarin.Forms.Platform.Android.Resource.String.character_counter_content_description = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.character_counter_content_description; - global::Xamarin.Forms.Platform.Android.Resource.String.character_counter_overflowed_content_description = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.character_counter_overflowed_content_description; - global::Xamarin.Forms.Platform.Android.Resource.String.character_counter_pattern = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.character_counter_pattern; - global::Xamarin.Forms.Platform.Android.Resource.String.chip_text = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.chip_text; - global::Xamarin.Forms.Platform.Android.Resource.String.clear_text_end_icon_content_description = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.clear_text_end_icon_content_description; - global::Xamarin.Forms.Platform.Android.Resource.String.error_icon_content_description = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.error_icon_content_description; - global::Xamarin.Forms.Platform.Android.Resource.String.exposed_dropdown_menu_content_description = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.exposed_dropdown_menu_content_description; - global::Xamarin.Forms.Platform.Android.Resource.String.fab_transformation_scrim_behavior = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.fab_transformation_scrim_behavior; - global::Xamarin.Forms.Platform.Android.Resource.String.fab_transformation_sheet_behavior = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.fab_transformation_sheet_behavior; - global::Xamarin.Forms.Platform.Android.Resource.String.hide_bottom_view_on_scroll_behavior = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.hide_bottom_view_on_scroll_behavior; - global::Xamarin.Forms.Platform.Android.Resource.String.icon_content_description = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.icon_content_description; - global::Xamarin.Forms.Platform.Android.Resource.String.item_view_role_description = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.item_view_role_description; - global::Xamarin.Forms.Platform.Android.Resource.String.material_slider_range_end = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.material_slider_range_end; - global::Xamarin.Forms.Platform.Android.Resource.String.material_slider_range_start = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.material_slider_range_start; - global::Xamarin.Forms.Platform.Android.Resource.String.mtrl_badge_numberless_content_description = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.mtrl_badge_numberless_content_description; - global::Xamarin.Forms.Platform.Android.Resource.String.mtrl_chip_close_icon_content_description = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.mtrl_chip_close_icon_content_description; - global::Xamarin.Forms.Platform.Android.Resource.String.mtrl_exceed_max_badge_number_content_description = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.mtrl_exceed_max_badge_number_content_description; - global::Xamarin.Forms.Platform.Android.Resource.String.mtrl_exceed_max_badge_number_suffix = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.mtrl_exceed_max_badge_number_suffix; - global::Xamarin.Forms.Platform.Android.Resource.String.mtrl_picker_a11y_next_month = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.mtrl_picker_a11y_next_month; - global::Xamarin.Forms.Platform.Android.Resource.String.mtrl_picker_a11y_prev_month = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.mtrl_picker_a11y_prev_month; - global::Xamarin.Forms.Platform.Android.Resource.String.mtrl_picker_announce_current_selection = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.mtrl_picker_announce_current_selection; - global::Xamarin.Forms.Platform.Android.Resource.String.mtrl_picker_cancel = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.mtrl_picker_cancel; - global::Xamarin.Forms.Platform.Android.Resource.String.mtrl_picker_confirm = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.mtrl_picker_confirm; - global::Xamarin.Forms.Platform.Android.Resource.String.mtrl_picker_date_header_selected = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.mtrl_picker_date_header_selected; - global::Xamarin.Forms.Platform.Android.Resource.String.mtrl_picker_date_header_title = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.mtrl_picker_date_header_title; - global::Xamarin.Forms.Platform.Android.Resource.String.mtrl_picker_date_header_unselected = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.mtrl_picker_date_header_unselected; - global::Xamarin.Forms.Platform.Android.Resource.String.mtrl_picker_day_of_week_column_header = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.mtrl_picker_day_of_week_column_header; - global::Xamarin.Forms.Platform.Android.Resource.String.mtrl_picker_invalid_format = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.mtrl_picker_invalid_format; - global::Xamarin.Forms.Platform.Android.Resource.String.mtrl_picker_invalid_format_example = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.mtrl_picker_invalid_format_example; - global::Xamarin.Forms.Platform.Android.Resource.String.mtrl_picker_invalid_format_use = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.mtrl_picker_invalid_format_use; - global::Xamarin.Forms.Platform.Android.Resource.String.mtrl_picker_invalid_range = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.mtrl_picker_invalid_range; - global::Xamarin.Forms.Platform.Android.Resource.String.mtrl_picker_navigate_to_year_description = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.mtrl_picker_navigate_to_year_description; - global::Xamarin.Forms.Platform.Android.Resource.String.mtrl_picker_out_of_range = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.mtrl_picker_out_of_range; - global::Xamarin.Forms.Platform.Android.Resource.String.mtrl_picker_range_header_only_end_selected = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.mtrl_picker_range_header_only_end_selected; - global::Xamarin.Forms.Platform.Android.Resource.String.mtrl_picker_range_header_only_start_selected = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.mtrl_picker_range_header_only_start_selected; - global::Xamarin.Forms.Platform.Android.Resource.String.mtrl_picker_range_header_selected = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.mtrl_picker_range_header_selected; - global::Xamarin.Forms.Platform.Android.Resource.String.mtrl_picker_range_header_title = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.mtrl_picker_range_header_title; - global::Xamarin.Forms.Platform.Android.Resource.String.mtrl_picker_range_header_unselected = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.mtrl_picker_range_header_unselected; - global::Xamarin.Forms.Platform.Android.Resource.String.mtrl_picker_save = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.mtrl_picker_save; - global::Xamarin.Forms.Platform.Android.Resource.String.mtrl_picker_text_input_date_hint = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.mtrl_picker_text_input_date_hint; - global::Xamarin.Forms.Platform.Android.Resource.String.mtrl_picker_text_input_date_range_end_hint = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.mtrl_picker_text_input_date_range_end_hint; - global::Xamarin.Forms.Platform.Android.Resource.String.mtrl_picker_text_input_date_range_start_hint = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.mtrl_picker_text_input_date_range_start_hint; - global::Xamarin.Forms.Platform.Android.Resource.String.mtrl_picker_text_input_day_abbr = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.mtrl_picker_text_input_day_abbr; - global::Xamarin.Forms.Platform.Android.Resource.String.mtrl_picker_text_input_month_abbr = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.mtrl_picker_text_input_month_abbr; - global::Xamarin.Forms.Platform.Android.Resource.String.mtrl_picker_text_input_year_abbr = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.mtrl_picker_text_input_year_abbr; - global::Xamarin.Forms.Platform.Android.Resource.String.mtrl_picker_toggle_to_calendar_input_mode = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.mtrl_picker_toggle_to_calendar_input_mode; - global::Xamarin.Forms.Platform.Android.Resource.String.mtrl_picker_toggle_to_day_selection = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.mtrl_picker_toggle_to_day_selection; - global::Xamarin.Forms.Platform.Android.Resource.String.mtrl_picker_toggle_to_text_input_mode = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.mtrl_picker_toggle_to_text_input_mode; - global::Xamarin.Forms.Platform.Android.Resource.String.mtrl_picker_toggle_to_year_selection = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.mtrl_picker_toggle_to_year_selection; - global::Xamarin.Forms.Platform.Android.Resource.String.nav_app_bar_navigate_up_description = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.nav_app_bar_navigate_up_description; - global::Xamarin.Forms.Platform.Android.Resource.String.nav_app_bar_open_drawer_description = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.nav_app_bar_open_drawer_description; - global::Xamarin.Forms.Platform.Android.Resource.String.overflow_tab_title = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.overflow_tab_title; - global::Xamarin.Forms.Platform.Android.Resource.String.password_toggle_content_description = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.password_toggle_content_description; - global::Xamarin.Forms.Platform.Android.Resource.String.path_password_eye = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.path_password_eye; - global::Xamarin.Forms.Platform.Android.Resource.String.path_password_eye_mask_strike_through = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.path_password_eye_mask_strike_through; - global::Xamarin.Forms.Platform.Android.Resource.String.path_password_eye_mask_visible = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.path_password_eye_mask_visible; - global::Xamarin.Forms.Platform.Android.Resource.String.path_password_strike_through = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.path_password_strike_through; - global::Xamarin.Forms.Platform.Android.Resource.String.search_menu_title = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.search_menu_title; - global::Xamarin.Forms.Platform.Android.Resource.String.status_bar_notification_info_overflow = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.status_bar_notification_info_overflow; - global::Xamarin.Forms.Platform.Android.Resource.Style.AlertDialog_AppCompat = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.AlertDialog_AppCompat; - global::Xamarin.Forms.Platform.Android.Resource.Style.AlertDialog_AppCompat_Light = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.AlertDialog_AppCompat_Light; - global::Xamarin.Forms.Platform.Android.Resource.Style.AndroidThemeColorAccentYellow = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.AndroidThemeColorAccentYellow; - global::Xamarin.Forms.Platform.Android.Resource.Style.Animation_AppCompat_Dialog = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Animation_AppCompat_Dialog; - global::Xamarin.Forms.Platform.Android.Resource.Style.Animation_AppCompat_DropDownUp = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Animation_AppCompat_DropDownUp; - global::Xamarin.Forms.Platform.Android.Resource.Style.Animation_AppCompat_Tooltip = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Animation_AppCompat_Tooltip; - global::Xamarin.Forms.Platform.Android.Resource.Style.Animation_Design_BottomSheetDialog = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Animation_Design_BottomSheetDialog; - global::Xamarin.Forms.Platform.Android.Resource.Style.Animation_MaterialComponents_BottomSheetDialog = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Animation_MaterialComponents_BottomSheetDialog; - global::Xamarin.Forms.Platform.Android.Resource.Style.AppCompatDialogStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.AppCompatDialogStyle; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_AlertDialog_AppCompat = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_AlertDialog_AppCompat; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_AlertDialog_AppCompat_Light = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_AlertDialog_AppCompat_Light; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_Animation_AppCompat_Dialog = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Animation_AppCompat_Dialog; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_Animation_AppCompat_DropDownUp = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Animation_AppCompat_DropDownUp; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_Animation_AppCompat_Tooltip = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Animation_AppCompat_Tooltip; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_CardView = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_CardView; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_DialogWindowTitleBackground_AppCompat = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_DialogWindowTitleBackground_AppCompat; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_DialogWindowTitle_AppCompat = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_DialogWindowTitle_AppCompat; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_MaterialAlertDialog_MaterialComponents_Title_Icon = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_MaterialAlertDialog_MaterialComponents_Title_Icon; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_MaterialAlertDialog_MaterialComponents_Title_Panel = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_MaterialAlertDialog_MaterialComponents_Title_Panel; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_MaterialAlertDialog_MaterialComponents_Title_Text = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_MaterialAlertDialog_MaterialComponents_Title_Text; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_TextAppearance_AppCompat = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_TextAppearance_AppCompat; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_TextAppearance_AppCompat_Body1 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_TextAppearance_AppCompat_Body1; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_TextAppearance_AppCompat_Body2 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_TextAppearance_AppCompat_Body2; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_TextAppearance_AppCompat_Button = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_TextAppearance_AppCompat_Button; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_TextAppearance_AppCompat_Caption = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_TextAppearance_AppCompat_Caption; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_TextAppearance_AppCompat_Display1 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_TextAppearance_AppCompat_Display1; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_TextAppearance_AppCompat_Display2 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_TextAppearance_AppCompat_Display2; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_TextAppearance_AppCompat_Display3 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_TextAppearance_AppCompat_Display3; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_TextAppearance_AppCompat_Display4 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_TextAppearance_AppCompat_Display4; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_TextAppearance_AppCompat_Headline = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_TextAppearance_AppCompat_Headline; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_TextAppearance_AppCompat_Inverse = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_TextAppearance_AppCompat_Inverse; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_TextAppearance_AppCompat_Large = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_TextAppearance_AppCompat_Large; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_TextAppearance_AppCompat_Large_Inverse = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_TextAppearance_AppCompat_Large_Inverse; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_TextAppearance_AppCompat_Light_Widget_PopupMenu_Large = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_TextAppearance_AppCompat_Light_Widget_PopupMenu_Large; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_TextAppearance_AppCompat_Light_Widget_PopupMenu_Small = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_TextAppearance_AppCompat_Light_Widget_PopupMenu_Small; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_TextAppearance_AppCompat_Medium = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_TextAppearance_AppCompat_Medium; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_TextAppearance_AppCompat_Medium_Inverse = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_TextAppearance_AppCompat_Medium_Inverse; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_TextAppearance_AppCompat_Menu = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_TextAppearance_AppCompat_Menu; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_TextAppearance_AppCompat_SearchResult = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_TextAppearance_AppCompat_SearchResult; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_TextAppearance_AppCompat_SearchResult_Subtitle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_TextAppearance_AppCompat_SearchResult_Subtitle; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_TextAppearance_AppCompat_SearchResult_Title = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_TextAppearance_AppCompat_SearchResult_Title; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_TextAppearance_AppCompat_Small = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_TextAppearance_AppCompat_Small; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_TextAppearance_AppCompat_Small_Inverse = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_TextAppearance_AppCompat_Small_Inverse; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_TextAppearance_AppCompat_Subhead = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_TextAppearance_AppCompat_Subhead; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_TextAppearance_AppCompat_Subhead_Inverse = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_TextAppearance_AppCompat_Subhead_Inverse; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_TextAppearance_AppCompat_Title = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_TextAppearance_AppCompat_Title; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_TextAppearance_AppCompat_Title_Inverse = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_TextAppearance_AppCompat_Title_Inverse; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_TextAppearance_AppCompat_Tooltip = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_TextAppearance_AppCompat_Tooltip; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_TextAppearance_AppCompat_Widget_ActionBar_Menu = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_TextAppearance_AppCompat_Widget_ActionBar_Menu; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_TextAppearance_AppCompat_Widget_ActionBar_Subtitle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_TextAppearance_AppCompat_Widget_ActionBar_Subtitle; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_TextAppearance_AppCompat_Widget_ActionBar_Subtitle_Inverse = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_TextAppearance_AppCompat_Widget_ActionBar_Subtitle_Inverse; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_TextAppearance_AppCompat_Widget_ActionBar_Title = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_TextAppearance_AppCompat_Widget_ActionBar_Title; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_TextAppearance_AppCompat_Widget_ActionBar_Title_Inverse = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_TextAppearance_AppCompat_Widget_ActionBar_Title_Inverse; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_TextAppearance_AppCompat_Widget_ActionMode_Subtitle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_TextAppearance_AppCompat_Widget_ActionMode_Subtitle; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_TextAppearance_AppCompat_Widget_ActionMode_Title = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_TextAppearance_AppCompat_Widget_ActionMode_Title; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_TextAppearance_AppCompat_Widget_Button = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_TextAppearance_AppCompat_Widget_Button; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_TextAppearance_AppCompat_Widget_Button_Borderless_Colored = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_TextAppearance_AppCompat_Widget_Button_Borderless_Colored; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_TextAppearance_AppCompat_Widget_Button_Colored = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_TextAppearance_AppCompat_Widget_Button_Colored; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_TextAppearance_AppCompat_Widget_Button_Inverse = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_TextAppearance_AppCompat_Widget_Button_Inverse; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_TextAppearance_AppCompat_Widget_DropDownItem = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_TextAppearance_AppCompat_Widget_DropDownItem; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_TextAppearance_AppCompat_Widget_PopupMenu_Header = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_TextAppearance_AppCompat_Widget_PopupMenu_Header; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_TextAppearance_AppCompat_Widget_PopupMenu_Large = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_TextAppearance_AppCompat_Widget_PopupMenu_Large; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_TextAppearance_AppCompat_Widget_PopupMenu_Small = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_TextAppearance_AppCompat_Widget_PopupMenu_Small; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_TextAppearance_AppCompat_Widget_Switch = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_TextAppearance_AppCompat_Widget_Switch; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_TextAppearance_AppCompat_Widget_TextView_SpinnerItem = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_TextAppearance_AppCompat_Widget_TextView_SpinnerItem; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_TextAppearance_MaterialComponents_Badge = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_TextAppearance_MaterialComponents_Badge; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_TextAppearance_MaterialComponents_Button = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_TextAppearance_MaterialComponents_Button; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_TextAppearance_MaterialComponents_Headline6 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_TextAppearance_MaterialComponents_Headline6; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_TextAppearance_MaterialComponents_Subtitle2 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_TextAppearance_MaterialComponents_Subtitle2; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_TextAppearance_Widget_AppCompat_ExpandedMenu_Item = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_TextAppearance_Widget_AppCompat_ExpandedMenu_Item; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_TextAppearance_Widget_AppCompat_Toolbar_Subtitle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_TextAppearance_Widget_AppCompat_Toolbar_Subtitle; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_TextAppearance_Widget_AppCompat_Toolbar_Title = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_TextAppearance_Widget_AppCompat_Toolbar_Title; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_ThemeOverlay_AppCompat = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_ThemeOverlay_AppCompat; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_ThemeOverlay_AppCompat_ActionBar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_ThemeOverlay_AppCompat_ActionBar; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_ThemeOverlay_AppCompat_Dark = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_ThemeOverlay_AppCompat_Dark; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_ThemeOverlay_AppCompat_Dark_ActionBar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_ThemeOverlay_AppCompat_Dark_ActionBar; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_ThemeOverlay_AppCompat_Dialog = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_ThemeOverlay_AppCompat_Dialog; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_ThemeOverlay_AppCompat_Dialog_Alert = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_ThemeOverlay_AppCompat_Dialog_Alert; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_ThemeOverlay_AppCompat_Light = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_ThemeOverlay_AppCompat_Light; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_ThemeOverlay_MaterialComponents_Dialog = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_ThemeOverlay_MaterialComponents_Dialog; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_ThemeOverlay_MaterialComponents_Dialog_Alert = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_ThemeOverlay_MaterialComponents_Dialog_Alert; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_ThemeOverlay_MaterialComponents_Dialog_Alert_Framework = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_ThemeOverlay_MaterialComponents_Dialog_Alert_Framework; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_ThemeOverlay_MaterialComponents_Light_Dialog_Alert_Framework = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_ThemeOverlay_MaterialComponents_Light_Dialog_Alert_Framework; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_ThemeOverlay_MaterialComponents_MaterialAlertDialog = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_ThemeOverlay_MaterialComponents_MaterialAlertDialog; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_Theme_AppCompat = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Theme_AppCompat; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_Theme_AppCompat_CompactMenu = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Theme_AppCompat_CompactMenu; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_Theme_AppCompat_Dialog = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Theme_AppCompat_Dialog; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_Theme_AppCompat_DialogWhenLarge = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Theme_AppCompat_DialogWhenLarge; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_Theme_AppCompat_Dialog_Alert = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Theme_AppCompat_Dialog_Alert; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_Theme_AppCompat_Dialog_FixedSize = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Theme_AppCompat_Dialog_FixedSize; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_Theme_AppCompat_Dialog_MinWidth = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Theme_AppCompat_Dialog_MinWidth; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_Theme_AppCompat_Light = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Theme_AppCompat_Light; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_Theme_AppCompat_Light_DarkActionBar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Theme_AppCompat_Light_DarkActionBar; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_Theme_AppCompat_Light_Dialog = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Theme_AppCompat_Light_Dialog; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_Theme_AppCompat_Light_DialogWhenLarge = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Theme_AppCompat_Light_DialogWhenLarge; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_Theme_AppCompat_Light_Dialog_Alert = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Theme_AppCompat_Light_Dialog_Alert; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_Theme_AppCompat_Light_Dialog_FixedSize = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Theme_AppCompat_Light_Dialog_FixedSize; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_Theme_AppCompat_Light_Dialog_MinWidth = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Theme_AppCompat_Light_Dialog_MinWidth; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_Theme_MaterialComponents = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Theme_MaterialComponents; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_Theme_MaterialComponents_Bridge = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Theme_MaterialComponents_Bridge; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_Theme_MaterialComponents_CompactMenu = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Theme_MaterialComponents_CompactMenu; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_Theme_MaterialComponents_Dialog = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Theme_MaterialComponents_Dialog; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_Theme_MaterialComponents_DialogWhenLarge = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Theme_MaterialComponents_DialogWhenLarge; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_Theme_MaterialComponents_Dialog_Alert = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Theme_MaterialComponents_Dialog_Alert; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_Theme_MaterialComponents_Dialog_Bridge = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Theme_MaterialComponents_Dialog_Bridge; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_Theme_MaterialComponents_Dialog_FixedSize = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Theme_MaterialComponents_Dialog_FixedSize; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_Theme_MaterialComponents_Dialog_MinWidth = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Theme_MaterialComponents_Dialog_MinWidth; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_Theme_MaterialComponents_Light = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Theme_MaterialComponents_Light; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_Theme_MaterialComponents_Light_Bridge = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Theme_MaterialComponents_Light_Bridge; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_Theme_MaterialComponents_Light_DarkActionBar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Theme_MaterialComponents_Light_DarkActionBar; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_Theme_MaterialComponents_Light_DarkActionBar_Bridge = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Theme_MaterialComponents_Light_DarkActionBar_Bridge; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_Theme_MaterialComponents_Light_Dialog = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Theme_MaterialComponents_Light_Dialog; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_Theme_MaterialComponents_Light_DialogWhenLarge = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Theme_MaterialComponents_Light_DialogWhenLarge; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_Theme_MaterialComponents_Light_Dialog_Alert = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Theme_MaterialComponents_Light_Dialog_Alert; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_Theme_MaterialComponents_Light_Dialog_Bridge = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Theme_MaterialComponents_Light_Dialog_Bridge; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_Theme_MaterialComponents_Light_Dialog_FixedSize = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Theme_MaterialComponents_Light_Dialog_FixedSize; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_Theme_MaterialComponents_Light_Dialog_MinWidth = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Theme_MaterialComponents_Light_Dialog_MinWidth; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_V14_ThemeOverlay_MaterialComponents_Dialog = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_V14_ThemeOverlay_MaterialComponents_Dialog; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_V14_ThemeOverlay_MaterialComponents_Dialog_Alert = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_V14_ThemeOverlay_MaterialComponents_Dialog_Alert; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_V14_ThemeOverlay_MaterialComponents_MaterialAlertDialog = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_V14_ThemeOverlay_MaterialComponents_MaterialAlertDialog; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_V14_Theme_MaterialComponents = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_V14_Theme_MaterialComponents; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_V14_Theme_MaterialComponents_Bridge = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_V14_Theme_MaterialComponents_Bridge; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_V14_Theme_MaterialComponents_Dialog = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_V14_Theme_MaterialComponents_Dialog; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_V14_Theme_MaterialComponents_Dialog_Bridge = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_V14_Theme_MaterialComponents_Dialog_Bridge; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_V14_Theme_MaterialComponents_Light = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_V14_Theme_MaterialComponents_Light; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_V14_Theme_MaterialComponents_Light_Bridge = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_V14_Theme_MaterialComponents_Light_Bridge; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_V14_Theme_MaterialComponents_Light_DarkActionBar_Bridge = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_V14_Theme_MaterialComponents_Light_DarkActionBar_Bridge; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_V14_Theme_MaterialComponents_Light_Dialog = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_V14_Theme_MaterialComponents_Light_Dialog; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_V14_Theme_MaterialComponents_Light_Dialog_Bridge = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_V14_Theme_MaterialComponents_Light_Dialog_Bridge; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_V21_ThemeOverlay_AppCompat_Dialog = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_V21_ThemeOverlay_AppCompat_Dialog; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_V21_Theme_AppCompat = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_V21_Theme_AppCompat; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_V21_Theme_AppCompat_Dialog = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_V21_Theme_AppCompat_Dialog; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_V21_Theme_AppCompat_Light = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_V21_Theme_AppCompat_Light; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_V21_Theme_AppCompat_Light_Dialog = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_V21_Theme_AppCompat_Light_Dialog; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_V21_Theme_MaterialComponents = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_V21_Theme_MaterialComponents; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_V21_Theme_MaterialComponents_Dialog = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_V21_Theme_MaterialComponents_Dialog; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_V21_Theme_MaterialComponents_Light = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_V21_Theme_MaterialComponents_Light; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_V21_Theme_MaterialComponents_Light_Dialog = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_V21_Theme_MaterialComponents_Light_Dialog; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_V22_Theme_AppCompat = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_V22_Theme_AppCompat; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_V22_Theme_AppCompat_Light = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_V22_Theme_AppCompat_Light; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_V23_Theme_AppCompat = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_V23_Theme_AppCompat; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_V23_Theme_AppCompat_Light = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_V23_Theme_AppCompat_Light; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_V26_Theme_AppCompat = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_V26_Theme_AppCompat; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_V26_Theme_AppCompat_Light = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_V26_Theme_AppCompat_Light; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_V26_Widget_AppCompat_Toolbar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_V26_Widget_AppCompat_Toolbar; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_V28_Theme_AppCompat = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_V28_Theme_AppCompat; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_V28_Theme_AppCompat_Light = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_V28_Theme_AppCompat_Light; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_V7_ThemeOverlay_AppCompat_Dialog = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_V7_ThemeOverlay_AppCompat_Dialog; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_V7_Theme_AppCompat = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_V7_Theme_AppCompat; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_V7_Theme_AppCompat_Dialog = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_V7_Theme_AppCompat_Dialog; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_V7_Theme_AppCompat_Light = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_V7_Theme_AppCompat_Light; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_V7_Theme_AppCompat_Light_Dialog = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_V7_Theme_AppCompat_Light_Dialog; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_V7_Widget_AppCompat_AutoCompleteTextView = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_V7_Widget_AppCompat_AutoCompleteTextView; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_V7_Widget_AppCompat_EditText = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_V7_Widget_AppCompat_EditText; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_V7_Widget_AppCompat_Toolbar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_V7_Widget_AppCompat_Toolbar; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_Widget_AppCompat_ActionBar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Widget_AppCompat_ActionBar; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_Widget_AppCompat_ActionBar_Solid = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Widget_AppCompat_ActionBar_Solid; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_Widget_AppCompat_ActionBar_TabBar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Widget_AppCompat_ActionBar_TabBar; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_Widget_AppCompat_ActionBar_TabText = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Widget_AppCompat_ActionBar_TabText; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_Widget_AppCompat_ActionBar_TabView = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Widget_AppCompat_ActionBar_TabView; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_Widget_AppCompat_ActionButton = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Widget_AppCompat_ActionButton; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_Widget_AppCompat_ActionButton_CloseMode = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Widget_AppCompat_ActionButton_CloseMode; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_Widget_AppCompat_ActionButton_Overflow = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Widget_AppCompat_ActionButton_Overflow; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_Widget_AppCompat_ActionMode = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Widget_AppCompat_ActionMode; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_Widget_AppCompat_ActivityChooserView = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Widget_AppCompat_ActivityChooserView; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_Widget_AppCompat_AutoCompleteTextView = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Widget_AppCompat_AutoCompleteTextView; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_Widget_AppCompat_Button = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Widget_AppCompat_Button; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_Widget_AppCompat_ButtonBar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Widget_AppCompat_ButtonBar; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_Widget_AppCompat_ButtonBar_AlertDialog = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Widget_AppCompat_ButtonBar_AlertDialog; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_Widget_AppCompat_Button_Borderless = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Widget_AppCompat_Button_Borderless; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_Widget_AppCompat_Button_Borderless_Colored = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Widget_AppCompat_Button_Borderless_Colored; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_Widget_AppCompat_Button_ButtonBar_AlertDialog = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Widget_AppCompat_Button_ButtonBar_AlertDialog; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_Widget_AppCompat_Button_Colored = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Widget_AppCompat_Button_Colored; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_Widget_AppCompat_Button_Small = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Widget_AppCompat_Button_Small; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_Widget_AppCompat_CompoundButton_CheckBox = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Widget_AppCompat_CompoundButton_CheckBox; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_Widget_AppCompat_CompoundButton_RadioButton = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Widget_AppCompat_CompoundButton_RadioButton; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_Widget_AppCompat_CompoundButton_Switch = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Widget_AppCompat_CompoundButton_Switch; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_Widget_AppCompat_DrawerArrowToggle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Widget_AppCompat_DrawerArrowToggle; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_Widget_AppCompat_DrawerArrowToggle_Common = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Widget_AppCompat_DrawerArrowToggle_Common; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_Widget_AppCompat_DropDownItem_Spinner = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Widget_AppCompat_DropDownItem_Spinner; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_Widget_AppCompat_EditText = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Widget_AppCompat_EditText; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_Widget_AppCompat_ImageButton = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Widget_AppCompat_ImageButton; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_Widget_AppCompat_Light_ActionBar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Widget_AppCompat_Light_ActionBar; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_Widget_AppCompat_Light_ActionBar_Solid = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Widget_AppCompat_Light_ActionBar_Solid; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_Widget_AppCompat_Light_ActionBar_TabBar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Widget_AppCompat_Light_ActionBar_TabBar; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_Widget_AppCompat_Light_ActionBar_TabText = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Widget_AppCompat_Light_ActionBar_TabText; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_Widget_AppCompat_Light_ActionBar_TabText_Inverse = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Widget_AppCompat_Light_ActionBar_TabText_Inverse; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_Widget_AppCompat_Light_ActionBar_TabView = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Widget_AppCompat_Light_ActionBar_TabView; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_Widget_AppCompat_Light_PopupMenu = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Widget_AppCompat_Light_PopupMenu; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_Widget_AppCompat_Light_PopupMenu_Overflow = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Widget_AppCompat_Light_PopupMenu_Overflow; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_Widget_AppCompat_ListMenuView = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Widget_AppCompat_ListMenuView; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_Widget_AppCompat_ListPopupWindow = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Widget_AppCompat_ListPopupWindow; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_Widget_AppCompat_ListView = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Widget_AppCompat_ListView; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_Widget_AppCompat_ListView_DropDown = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Widget_AppCompat_ListView_DropDown; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_Widget_AppCompat_ListView_Menu = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Widget_AppCompat_ListView_Menu; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_Widget_AppCompat_PopupMenu = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Widget_AppCompat_PopupMenu; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_Widget_AppCompat_PopupMenu_Overflow = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Widget_AppCompat_PopupMenu_Overflow; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_Widget_AppCompat_PopupWindow = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Widget_AppCompat_PopupWindow; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_Widget_AppCompat_ProgressBar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Widget_AppCompat_ProgressBar; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_Widget_AppCompat_ProgressBar_Horizontal = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Widget_AppCompat_ProgressBar_Horizontal; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_Widget_AppCompat_RatingBar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Widget_AppCompat_RatingBar; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_Widget_AppCompat_RatingBar_Indicator = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Widget_AppCompat_RatingBar_Indicator; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_Widget_AppCompat_RatingBar_Small = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Widget_AppCompat_RatingBar_Small; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_Widget_AppCompat_SearchView = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Widget_AppCompat_SearchView; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_Widget_AppCompat_SearchView_ActionBar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Widget_AppCompat_SearchView_ActionBar; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_Widget_AppCompat_SeekBar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Widget_AppCompat_SeekBar; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_Widget_AppCompat_SeekBar_Discrete = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Widget_AppCompat_SeekBar_Discrete; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_Widget_AppCompat_Spinner = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Widget_AppCompat_Spinner; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_Widget_AppCompat_Spinner_Underlined = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Widget_AppCompat_Spinner_Underlined; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_Widget_AppCompat_TextView = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Widget_AppCompat_TextView; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_Widget_AppCompat_TextView_SpinnerItem = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Widget_AppCompat_TextView_SpinnerItem; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_Widget_AppCompat_Toolbar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Widget_AppCompat_Toolbar; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_Widget_AppCompat_Toolbar_Button_Navigation = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Widget_AppCompat_Toolbar_Button_Navigation; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_Widget_Design_TabLayout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Widget_Design_TabLayout; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_Widget_MaterialComponents_AutoCompleteTextView = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Widget_MaterialComponents_AutoCompleteTextView; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_Widget_MaterialComponents_CheckedTextView = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Widget_MaterialComponents_CheckedTextView; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_Widget_MaterialComponents_Chip = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Widget_MaterialComponents_Chip; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_Widget_MaterialComponents_PopupMenu = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Widget_MaterialComponents_PopupMenu; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_Widget_MaterialComponents_PopupMenu_ContextMenu = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Widget_MaterialComponents_PopupMenu_ContextMenu; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_Widget_MaterialComponents_PopupMenu_ListPopupWindow = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Widget_MaterialComponents_PopupMenu_ListPopupWindow; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_Widget_MaterialComponents_PopupMenu_Overflow = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Widget_MaterialComponents_PopupMenu_Overflow; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_Widget_MaterialComponents_Slider = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Widget_MaterialComponents_Slider; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_Widget_MaterialComponents_TextInputEditText = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Widget_MaterialComponents_TextInputEditText; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_Widget_MaterialComponents_TextInputLayout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Widget_MaterialComponents_TextInputLayout; - global::Xamarin.Forms.Platform.Android.Resource.Style.Base_Widget_MaterialComponents_TextView = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Widget_MaterialComponents_TextView; - global::Xamarin.Forms.Platform.Android.Resource.Style.CardView = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.CardView; - global::Xamarin.Forms.Platform.Android.Resource.Style.CardView_Dark = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.CardView_Dark; - global::Xamarin.Forms.Platform.Android.Resource.Style.CardView_Light = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.CardView_Light; - global::Xamarin.Forms.Platform.Android.Resource.Style.collectionViewTheme = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.collectionViewTheme; - global::Xamarin.Forms.Platform.Android.Resource.Style.EmptyTheme = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.EmptyTheme; - global::Xamarin.Forms.Platform.Android.Resource.Style.MainTheme = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.MainTheme; - global::Xamarin.Forms.Platform.Android.Resource.Style.MainTheme_Base = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.MainTheme_Base; - global::Xamarin.Forms.Platform.Android.Resource.Style.MaterialAlertDialog_MaterialComponents = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.MaterialAlertDialog_MaterialComponents; - global::Xamarin.Forms.Platform.Android.Resource.Style.MaterialAlertDialog_MaterialComponents_Body_Text = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.MaterialAlertDialog_MaterialComponents_Body_Text; - global::Xamarin.Forms.Platform.Android.Resource.Style.MaterialAlertDialog_MaterialComponents_Picker_Date_Calendar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.MaterialAlertDialog_MaterialComponents_Picker_Date_Calendar; - global::Xamarin.Forms.Platform.Android.Resource.Style.MaterialAlertDialog_MaterialComponents_Picker_Date_Spinner = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.MaterialAlertDialog_MaterialComponents_Picker_Date_Spinner; - global::Xamarin.Forms.Platform.Android.Resource.Style.MaterialAlertDialog_MaterialComponents_Title_Icon = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.MaterialAlertDialog_MaterialComponents_Title_Icon; - global::Xamarin.Forms.Platform.Android.Resource.Style.MaterialAlertDialog_MaterialComponents_Title_Icon_CenterStacked = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.MaterialAlertDialog_MaterialComponents_Title_Icon_CenterStacked; - global::Xamarin.Forms.Platform.Android.Resource.Style.MaterialAlertDialog_MaterialComponents_Title_Panel = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.MaterialAlertDialog_MaterialComponents_Title_Panel; - global::Xamarin.Forms.Platform.Android.Resource.Style.MaterialAlertDialog_MaterialComponents_Title_Panel_CenterStacked = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.MaterialAlertDialog_MaterialComponents_Title_Panel_CenterStacked; - global::Xamarin.Forms.Platform.Android.Resource.Style.MaterialAlertDialog_MaterialComponents_Title_Text = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.MaterialAlertDialog_MaterialComponents_Title_Text; - global::Xamarin.Forms.Platform.Android.Resource.Style.MaterialAlertDialog_MaterialComponents_Title_Text_CenterStacked = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.MaterialAlertDialog_MaterialComponents_Title_Text_CenterStacked; - global::Xamarin.Forms.Platform.Android.Resource.Style.Platform_AppCompat = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Platform_AppCompat; - global::Xamarin.Forms.Platform.Android.Resource.Style.Platform_AppCompat_Light = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Platform_AppCompat_Light; - global::Xamarin.Forms.Platform.Android.Resource.Style.Platform_MaterialComponents = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Platform_MaterialComponents; - global::Xamarin.Forms.Platform.Android.Resource.Style.Platform_MaterialComponents_Dialog = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Platform_MaterialComponents_Dialog; - global::Xamarin.Forms.Platform.Android.Resource.Style.Platform_MaterialComponents_Light = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Platform_MaterialComponents_Light; - global::Xamarin.Forms.Platform.Android.Resource.Style.Platform_MaterialComponents_Light_Dialog = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Platform_MaterialComponents_Light_Dialog; - global::Xamarin.Forms.Platform.Android.Resource.Style.Platform_ThemeOverlay_AppCompat = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Platform_ThemeOverlay_AppCompat; - global::Xamarin.Forms.Platform.Android.Resource.Style.Platform_ThemeOverlay_AppCompat_Dark = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Platform_ThemeOverlay_AppCompat_Dark; - global::Xamarin.Forms.Platform.Android.Resource.Style.Platform_ThemeOverlay_AppCompat_Light = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Platform_ThemeOverlay_AppCompat_Light; - global::Xamarin.Forms.Platform.Android.Resource.Style.Platform_V21_AppCompat = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Platform_V21_AppCompat; - global::Xamarin.Forms.Platform.Android.Resource.Style.Platform_V21_AppCompat_Light = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Platform_V21_AppCompat_Light; - global::Xamarin.Forms.Platform.Android.Resource.Style.Platform_V25_AppCompat = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Platform_V25_AppCompat; - global::Xamarin.Forms.Platform.Android.Resource.Style.Platform_V25_AppCompat_Light = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Platform_V25_AppCompat_Light; - global::Xamarin.Forms.Platform.Android.Resource.Style.Platform_Widget_AppCompat_Spinner = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Platform_Widget_AppCompat_Spinner; - global::Xamarin.Forms.Platform.Android.Resource.Style.RtlOverlay_DialogWindowTitle_AppCompat = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.RtlOverlay_DialogWindowTitle_AppCompat; - global::Xamarin.Forms.Platform.Android.Resource.Style.RtlOverlay_Widget_AppCompat_ActionBar_TitleItem = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.RtlOverlay_Widget_AppCompat_ActionBar_TitleItem; - global::Xamarin.Forms.Platform.Android.Resource.Style.RtlOverlay_Widget_AppCompat_DialogTitle_Icon = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.RtlOverlay_Widget_AppCompat_DialogTitle_Icon; - global::Xamarin.Forms.Platform.Android.Resource.Style.RtlOverlay_Widget_AppCompat_PopupMenuItem = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.RtlOverlay_Widget_AppCompat_PopupMenuItem; - global::Xamarin.Forms.Platform.Android.Resource.Style.RtlOverlay_Widget_AppCompat_PopupMenuItem_InternalGroup = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.RtlOverlay_Widget_AppCompat_PopupMenuItem_InternalGroup; - global::Xamarin.Forms.Platform.Android.Resource.Style.RtlOverlay_Widget_AppCompat_PopupMenuItem_Shortcut = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.RtlOverlay_Widget_AppCompat_PopupMenuItem_Shortcut; - global::Xamarin.Forms.Platform.Android.Resource.Style.RtlOverlay_Widget_AppCompat_PopupMenuItem_SubmenuArrow = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.RtlOverlay_Widget_AppCompat_PopupMenuItem_SubmenuArrow; - global::Xamarin.Forms.Platform.Android.Resource.Style.RtlOverlay_Widget_AppCompat_PopupMenuItem_Text = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.RtlOverlay_Widget_AppCompat_PopupMenuItem_Text; - global::Xamarin.Forms.Platform.Android.Resource.Style.RtlOverlay_Widget_AppCompat_PopupMenuItem_Title = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.RtlOverlay_Widget_AppCompat_PopupMenuItem_Title; - global::Xamarin.Forms.Platform.Android.Resource.Style.RtlOverlay_Widget_AppCompat_SearchView_MagIcon = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.RtlOverlay_Widget_AppCompat_SearchView_MagIcon; - global::Xamarin.Forms.Platform.Android.Resource.Style.RtlOverlay_Widget_AppCompat_Search_DropDown = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.RtlOverlay_Widget_AppCompat_Search_DropDown; - global::Xamarin.Forms.Platform.Android.Resource.Style.RtlOverlay_Widget_AppCompat_Search_DropDown_Icon1 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.RtlOverlay_Widget_AppCompat_Search_DropDown_Icon1; - global::Xamarin.Forms.Platform.Android.Resource.Style.RtlOverlay_Widget_AppCompat_Search_DropDown_Icon2 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.RtlOverlay_Widget_AppCompat_Search_DropDown_Icon2; - global::Xamarin.Forms.Platform.Android.Resource.Style.RtlOverlay_Widget_AppCompat_Search_DropDown_Query = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.RtlOverlay_Widget_AppCompat_Search_DropDown_Query; - global::Xamarin.Forms.Platform.Android.Resource.Style.RtlOverlay_Widget_AppCompat_Search_DropDown_Text = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.RtlOverlay_Widget_AppCompat_Search_DropDown_Text; - global::Xamarin.Forms.Platform.Android.Resource.Style.RtlUnderlay_Widget_AppCompat_ActionButton = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.RtlUnderlay_Widget_AppCompat_ActionButton; - global::Xamarin.Forms.Platform.Android.Resource.Style.RtlUnderlay_Widget_AppCompat_ActionButton_Overflow = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.RtlUnderlay_Widget_AppCompat_ActionButton_Overflow; - global::Xamarin.Forms.Platform.Android.Resource.Style.scrollViewScrollBars = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.scrollViewScrollBars; - global::Xamarin.Forms.Platform.Android.Resource.Style.scrollViewTheme = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.scrollViewTheme; - global::Xamarin.Forms.Platform.Android.Resource.Style.ShapeAppearanceOverlay = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.ShapeAppearanceOverlay; - global::Xamarin.Forms.Platform.Android.Resource.Style.ShapeAppearanceOverlay_BottomLeftDifferentCornerSize = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.ShapeAppearanceOverlay_BottomLeftDifferentCornerSize; - global::Xamarin.Forms.Platform.Android.Resource.Style.ShapeAppearanceOverlay_BottomRightCut = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.ShapeAppearanceOverlay_BottomRightCut; - global::Xamarin.Forms.Platform.Android.Resource.Style.ShapeAppearanceOverlay_Cut = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.ShapeAppearanceOverlay_Cut; - global::Xamarin.Forms.Platform.Android.Resource.Style.ShapeAppearanceOverlay_DifferentCornerSize = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.ShapeAppearanceOverlay_DifferentCornerSize; - global::Xamarin.Forms.Platform.Android.Resource.Style.ShapeAppearanceOverlay_MaterialComponents_BottomSheet = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.ShapeAppearanceOverlay_MaterialComponents_BottomSheet; - global::Xamarin.Forms.Platform.Android.Resource.Style.ShapeAppearanceOverlay_MaterialComponents_Chip = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.ShapeAppearanceOverlay_MaterialComponents_Chip; - global::Xamarin.Forms.Platform.Android.Resource.Style.ShapeAppearanceOverlay_MaterialComponents_ExtendedFloatingActionButton = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.ShapeAppearanceOverlay_MaterialComponents_ExtendedFloatingActionButton; - global::Xamarin.Forms.Platform.Android.Resource.Style.ShapeAppearanceOverlay_MaterialComponents_FloatingActionButton = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.ShapeAppearanceOverlay_MaterialComponents_FloatingActionButton; - global::Xamarin.Forms.Platform.Android.Resource.Style.ShapeAppearanceOverlay_MaterialComponents_MaterialCalendar_Day = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.ShapeAppearanceOverlay_MaterialComponents_MaterialCalendar_Day; - global::Xamarin.Forms.Platform.Android.Resource.Style.ShapeAppearanceOverlay_MaterialComponents_MaterialCalendar_Window_Fullscreen = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.ShapeAppearanceOverlay_MaterialComponents_MaterialCalendar_Window_Fullscreen; - global::Xamarin.Forms.Platform.Android.Resource.Style.ShapeAppearanceOverlay_MaterialComponents_MaterialCalendar_Year = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.ShapeAppearanceOverlay_MaterialComponents_MaterialCalendar_Year; - global::Xamarin.Forms.Platform.Android.Resource.Style.ShapeAppearanceOverlay_MaterialComponents_TextInputLayout_FilledBox = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.ShapeAppearanceOverlay_MaterialComponents_TextInputLayout_FilledBox; - global::Xamarin.Forms.Platform.Android.Resource.Style.ShapeAppearanceOverlay_TopLeftCut = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.ShapeAppearanceOverlay_TopLeftCut; - global::Xamarin.Forms.Platform.Android.Resource.Style.ShapeAppearanceOverlay_TopRightDifferentCornerSize = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.ShapeAppearanceOverlay_TopRightDifferentCornerSize; - global::Xamarin.Forms.Platform.Android.Resource.Style.ShapeAppearance_MaterialComponents = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.ShapeAppearance_MaterialComponents; - global::Xamarin.Forms.Platform.Android.Resource.Style.ShapeAppearance_MaterialComponents_LargeComponent = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.ShapeAppearance_MaterialComponents_LargeComponent; - global::Xamarin.Forms.Platform.Android.Resource.Style.ShapeAppearance_MaterialComponents_MediumComponent = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.ShapeAppearance_MaterialComponents_MediumComponent; - global::Xamarin.Forms.Platform.Android.Resource.Style.ShapeAppearance_MaterialComponents_SmallComponent = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.ShapeAppearance_MaterialComponents_SmallComponent; - global::Xamarin.Forms.Platform.Android.Resource.Style.ShapeAppearance_MaterialComponents_Test = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.ShapeAppearance_MaterialComponents_Test; - global::Xamarin.Forms.Platform.Android.Resource.Style.ShapeAppearance_MaterialComponents_Tooltip = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.ShapeAppearance_MaterialComponents_Tooltip; - global::Xamarin.Forms.Platform.Android.Resource.Style.TestStyleWithLineHeight = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TestStyleWithLineHeight; - global::Xamarin.Forms.Platform.Android.Resource.Style.TestStyleWithLineHeightAppearance = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TestStyleWithLineHeightAppearance; - global::Xamarin.Forms.Platform.Android.Resource.Style.TestStyleWithoutLineHeight = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TestStyleWithoutLineHeight; - global::Xamarin.Forms.Platform.Android.Resource.Style.TestStyleWithThemeLineHeightAttribute = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TestStyleWithThemeLineHeightAttribute; - global::Xamarin.Forms.Platform.Android.Resource.Style.TestThemeWithLineHeight = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TestThemeWithLineHeight; - global::Xamarin.Forms.Platform.Android.Resource.Style.TestThemeWithLineHeightDisabled = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TestThemeWithLineHeightDisabled; - global::Xamarin.Forms.Platform.Android.Resource.Style.Test_ShapeAppearanceOverlay_MaterialComponents_MaterialCalendar_Day = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Test_ShapeAppearanceOverlay_MaterialComponents_MaterialCalendar_Day; - global::Xamarin.Forms.Platform.Android.Resource.Style.Test_Theme_MaterialComponents_MaterialCalendar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Test_Theme_MaterialComponents_MaterialCalendar; - global::Xamarin.Forms.Platform.Android.Resource.Style.Test_Widget_MaterialComponents_MaterialCalendar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Test_Widget_MaterialComponents_MaterialCalendar; - global::Xamarin.Forms.Platform.Android.Resource.Style.Test_Widget_MaterialComponents_MaterialCalendar_Day = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Test_Widget_MaterialComponents_MaterialCalendar_Day; - global::Xamarin.Forms.Platform.Android.Resource.Style.Test_Widget_MaterialComponents_MaterialCalendar_Day_Selected = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Test_Widget_MaterialComponents_MaterialCalendar_Day_Selected; - global::Xamarin.Forms.Platform.Android.Resource.Style.TextAppearance_AppCompat = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_AppCompat; - global::Xamarin.Forms.Platform.Android.Resource.Style.TextAppearance_AppCompat_Body1 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_AppCompat_Body1; - global::Xamarin.Forms.Platform.Android.Resource.Style.TextAppearance_AppCompat_Body2 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_AppCompat_Body2; - global::Xamarin.Forms.Platform.Android.Resource.Style.TextAppearance_AppCompat_Button = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_AppCompat_Button; - global::Xamarin.Forms.Platform.Android.Resource.Style.TextAppearance_AppCompat_Caption = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_AppCompat_Caption; - global::Xamarin.Forms.Platform.Android.Resource.Style.TextAppearance_AppCompat_Display1 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_AppCompat_Display1; - global::Xamarin.Forms.Platform.Android.Resource.Style.TextAppearance_AppCompat_Display2 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_AppCompat_Display2; - global::Xamarin.Forms.Platform.Android.Resource.Style.TextAppearance_AppCompat_Display3 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_AppCompat_Display3; - global::Xamarin.Forms.Platform.Android.Resource.Style.TextAppearance_AppCompat_Display4 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_AppCompat_Display4; - global::Xamarin.Forms.Platform.Android.Resource.Style.TextAppearance_AppCompat_Headline = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_AppCompat_Headline; - global::Xamarin.Forms.Platform.Android.Resource.Style.TextAppearance_AppCompat_Inverse = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_AppCompat_Inverse; - global::Xamarin.Forms.Platform.Android.Resource.Style.TextAppearance_AppCompat_Large = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_AppCompat_Large; - global::Xamarin.Forms.Platform.Android.Resource.Style.TextAppearance_AppCompat_Large_Inverse = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_AppCompat_Large_Inverse; - global::Xamarin.Forms.Platform.Android.Resource.Style.TextAppearance_AppCompat_Light_SearchResult_Subtitle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_AppCompat_Light_SearchResult_Subtitle; - global::Xamarin.Forms.Platform.Android.Resource.Style.TextAppearance_AppCompat_Light_SearchResult_Title = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_AppCompat_Light_SearchResult_Title; - global::Xamarin.Forms.Platform.Android.Resource.Style.TextAppearance_AppCompat_Light_Widget_PopupMenu_Large = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_AppCompat_Light_Widget_PopupMenu_Large; - global::Xamarin.Forms.Platform.Android.Resource.Style.TextAppearance_AppCompat_Light_Widget_PopupMenu_Small = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_AppCompat_Light_Widget_PopupMenu_Small; - global::Xamarin.Forms.Platform.Android.Resource.Style.TextAppearance_AppCompat_Medium = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_AppCompat_Medium; - global::Xamarin.Forms.Platform.Android.Resource.Style.TextAppearance_AppCompat_Medium_Inverse = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_AppCompat_Medium_Inverse; - global::Xamarin.Forms.Platform.Android.Resource.Style.TextAppearance_AppCompat_Menu = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_AppCompat_Menu; - global::Xamarin.Forms.Platform.Android.Resource.Style.TextAppearance_AppCompat_SearchResult_Subtitle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_AppCompat_SearchResult_Subtitle; - global::Xamarin.Forms.Platform.Android.Resource.Style.TextAppearance_AppCompat_SearchResult_Title = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_AppCompat_SearchResult_Title; - global::Xamarin.Forms.Platform.Android.Resource.Style.TextAppearance_AppCompat_Small = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_AppCompat_Small; - global::Xamarin.Forms.Platform.Android.Resource.Style.TextAppearance_AppCompat_Small_Inverse = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_AppCompat_Small_Inverse; - global::Xamarin.Forms.Platform.Android.Resource.Style.TextAppearance_AppCompat_Subhead = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_AppCompat_Subhead; - global::Xamarin.Forms.Platform.Android.Resource.Style.TextAppearance_AppCompat_Subhead_Inverse = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_AppCompat_Subhead_Inverse; - global::Xamarin.Forms.Platform.Android.Resource.Style.TextAppearance_AppCompat_Title = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_AppCompat_Title; - global::Xamarin.Forms.Platform.Android.Resource.Style.TextAppearance_AppCompat_Title_Inverse = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_AppCompat_Title_Inverse; - global::Xamarin.Forms.Platform.Android.Resource.Style.TextAppearance_AppCompat_Tooltip = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_AppCompat_Tooltip; - global::Xamarin.Forms.Platform.Android.Resource.Style.TextAppearance_AppCompat_Widget_ActionBar_Menu = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_AppCompat_Widget_ActionBar_Menu; - global::Xamarin.Forms.Platform.Android.Resource.Style.TextAppearance_AppCompat_Widget_ActionBar_Subtitle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_AppCompat_Widget_ActionBar_Subtitle; - global::Xamarin.Forms.Platform.Android.Resource.Style.TextAppearance_AppCompat_Widget_ActionBar_Subtitle_Inverse = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_AppCompat_Widget_ActionBar_Subtitle_Inverse; - global::Xamarin.Forms.Platform.Android.Resource.Style.TextAppearance_AppCompat_Widget_ActionBar_Title = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_AppCompat_Widget_ActionBar_Title; - global::Xamarin.Forms.Platform.Android.Resource.Style.TextAppearance_AppCompat_Widget_ActionBar_Title_Inverse = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_AppCompat_Widget_ActionBar_Title_Inverse; - global::Xamarin.Forms.Platform.Android.Resource.Style.TextAppearance_AppCompat_Widget_ActionMode_Subtitle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_AppCompat_Widget_ActionMode_Subtitle; - global::Xamarin.Forms.Platform.Android.Resource.Style.TextAppearance_AppCompat_Widget_ActionMode_Subtitle_Inverse = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_AppCompat_Widget_ActionMode_Subtitle_Inverse; - global::Xamarin.Forms.Platform.Android.Resource.Style.TextAppearance_AppCompat_Widget_ActionMode_Title = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_AppCompat_Widget_ActionMode_Title; - global::Xamarin.Forms.Platform.Android.Resource.Style.TextAppearance_AppCompat_Widget_ActionMode_Title_Inverse = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_AppCompat_Widget_ActionMode_Title_Inverse; - global::Xamarin.Forms.Platform.Android.Resource.Style.TextAppearance_AppCompat_Widget_Button = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_AppCompat_Widget_Button; - global::Xamarin.Forms.Platform.Android.Resource.Style.TextAppearance_AppCompat_Widget_Button_Borderless_Colored = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_AppCompat_Widget_Button_Borderless_Colored; - global::Xamarin.Forms.Platform.Android.Resource.Style.TextAppearance_AppCompat_Widget_Button_Colored = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_AppCompat_Widget_Button_Colored; - global::Xamarin.Forms.Platform.Android.Resource.Style.TextAppearance_AppCompat_Widget_Button_Inverse = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_AppCompat_Widget_Button_Inverse; - global::Xamarin.Forms.Platform.Android.Resource.Style.TextAppearance_AppCompat_Widget_DropDownItem = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_AppCompat_Widget_DropDownItem; - global::Xamarin.Forms.Platform.Android.Resource.Style.TextAppearance_AppCompat_Widget_PopupMenu_Header = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_AppCompat_Widget_PopupMenu_Header; - global::Xamarin.Forms.Platform.Android.Resource.Style.TextAppearance_AppCompat_Widget_PopupMenu_Large = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_AppCompat_Widget_PopupMenu_Large; - global::Xamarin.Forms.Platform.Android.Resource.Style.TextAppearance_AppCompat_Widget_PopupMenu_Small = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_AppCompat_Widget_PopupMenu_Small; - global::Xamarin.Forms.Platform.Android.Resource.Style.TextAppearance_AppCompat_Widget_Switch = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_AppCompat_Widget_Switch; - global::Xamarin.Forms.Platform.Android.Resource.Style.TextAppearance_AppCompat_Widget_TextView_SpinnerItem = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_AppCompat_Widget_TextView_SpinnerItem; - global::Xamarin.Forms.Platform.Android.Resource.Style.TextAppearance_Compat_Notification = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_Compat_Notification; - global::Xamarin.Forms.Platform.Android.Resource.Style.TextAppearance_Compat_Notification_Info = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_Compat_Notification_Info; - global::Xamarin.Forms.Platform.Android.Resource.Style.TextAppearance_Compat_Notification_Info_Media = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_Compat_Notification_Info_Media; - global::Xamarin.Forms.Platform.Android.Resource.Style.TextAppearance_Compat_Notification_Line2 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_Compat_Notification_Line2; - global::Xamarin.Forms.Platform.Android.Resource.Style.TextAppearance_Compat_Notification_Line2_Media = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_Compat_Notification_Line2_Media; - global::Xamarin.Forms.Platform.Android.Resource.Style.TextAppearance_Compat_Notification_Media = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_Compat_Notification_Media; - global::Xamarin.Forms.Platform.Android.Resource.Style.TextAppearance_Compat_Notification_Time = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_Compat_Notification_Time; - global::Xamarin.Forms.Platform.Android.Resource.Style.TextAppearance_Compat_Notification_Time_Media = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_Compat_Notification_Time_Media; - global::Xamarin.Forms.Platform.Android.Resource.Style.TextAppearance_Compat_Notification_Title = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_Compat_Notification_Title; - global::Xamarin.Forms.Platform.Android.Resource.Style.TextAppearance_Compat_Notification_Title_Media = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_Compat_Notification_Title_Media; - global::Xamarin.Forms.Platform.Android.Resource.Style.TextAppearance_Design_CollapsingToolbar_Expanded = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_Design_CollapsingToolbar_Expanded; - global::Xamarin.Forms.Platform.Android.Resource.Style.TextAppearance_Design_Counter = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_Design_Counter; - global::Xamarin.Forms.Platform.Android.Resource.Style.TextAppearance_Design_Counter_Overflow = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_Design_Counter_Overflow; - global::Xamarin.Forms.Platform.Android.Resource.Style.TextAppearance_Design_Error = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_Design_Error; - global::Xamarin.Forms.Platform.Android.Resource.Style.TextAppearance_Design_HelperText = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_Design_HelperText; - global::Xamarin.Forms.Platform.Android.Resource.Style.TextAppearance_Design_Hint = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_Design_Hint; - global::Xamarin.Forms.Platform.Android.Resource.Style.TextAppearance_Design_Placeholder = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_Design_Placeholder; - global::Xamarin.Forms.Platform.Android.Resource.Style.TextAppearance_Design_Prefix = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_Design_Prefix; - global::Xamarin.Forms.Platform.Android.Resource.Style.TextAppearance_Design_Snackbar_Message = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_Design_Snackbar_Message; - global::Xamarin.Forms.Platform.Android.Resource.Style.TextAppearance_Design_Suffix = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_Design_Suffix; - global::Xamarin.Forms.Platform.Android.Resource.Style.TextAppearance_Design_Tab = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_Design_Tab; - global::Xamarin.Forms.Platform.Android.Resource.Style.TextAppearance_MaterialComponents_Badge = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_MaterialComponents_Badge; - global::Xamarin.Forms.Platform.Android.Resource.Style.TextAppearance_MaterialComponents_Body1 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_MaterialComponents_Body1; - global::Xamarin.Forms.Platform.Android.Resource.Style.TextAppearance_MaterialComponents_Body2 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_MaterialComponents_Body2; - global::Xamarin.Forms.Platform.Android.Resource.Style.TextAppearance_MaterialComponents_Button = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_MaterialComponents_Button; - global::Xamarin.Forms.Platform.Android.Resource.Style.TextAppearance_MaterialComponents_Caption = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_MaterialComponents_Caption; - global::Xamarin.Forms.Platform.Android.Resource.Style.TextAppearance_MaterialComponents_Chip = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_MaterialComponents_Chip; - global::Xamarin.Forms.Platform.Android.Resource.Style.TextAppearance_MaterialComponents_Headline1 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_MaterialComponents_Headline1; - global::Xamarin.Forms.Platform.Android.Resource.Style.TextAppearance_MaterialComponents_Headline2 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_MaterialComponents_Headline2; - global::Xamarin.Forms.Platform.Android.Resource.Style.TextAppearance_MaterialComponents_Headline3 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_MaterialComponents_Headline3; - global::Xamarin.Forms.Platform.Android.Resource.Style.TextAppearance_MaterialComponents_Headline4 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_MaterialComponents_Headline4; - global::Xamarin.Forms.Platform.Android.Resource.Style.TextAppearance_MaterialComponents_Headline5 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_MaterialComponents_Headline5; - global::Xamarin.Forms.Platform.Android.Resource.Style.TextAppearance_MaterialComponents_Headline6 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_MaterialComponents_Headline6; - global::Xamarin.Forms.Platform.Android.Resource.Style.TextAppearance_MaterialComponents_Overline = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_MaterialComponents_Overline; - global::Xamarin.Forms.Platform.Android.Resource.Style.TextAppearance_MaterialComponents_Subtitle1 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_MaterialComponents_Subtitle1; - global::Xamarin.Forms.Platform.Android.Resource.Style.TextAppearance_MaterialComponents_Subtitle2 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_MaterialComponents_Subtitle2; - global::Xamarin.Forms.Platform.Android.Resource.Style.TextAppearance_MaterialComponents_Tooltip = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_MaterialComponents_Tooltip; - global::Xamarin.Forms.Platform.Android.Resource.Style.TextAppearance_Widget_AppCompat_ExpandedMenu_Item = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_Widget_AppCompat_ExpandedMenu_Item; - global::Xamarin.Forms.Platform.Android.Resource.Style.TextAppearance_Widget_AppCompat_Toolbar_Subtitle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_Widget_AppCompat_Toolbar_Subtitle; - global::Xamarin.Forms.Platform.Android.Resource.Style.TextAppearance_Widget_AppCompat_Toolbar_Title = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_Widget_AppCompat_Toolbar_Title; - global::Xamarin.Forms.Platform.Android.Resource.Style.ThemeOverlayColorAccentRed = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.ThemeOverlayColorAccentRed; - global::Xamarin.Forms.Platform.Android.Resource.Style.ThemeOverlay_AppCompat = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.ThemeOverlay_AppCompat; - global::Xamarin.Forms.Platform.Android.Resource.Style.ThemeOverlay_AppCompat_ActionBar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.ThemeOverlay_AppCompat_ActionBar; - global::Xamarin.Forms.Platform.Android.Resource.Style.ThemeOverlay_AppCompat_Dark = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.ThemeOverlay_AppCompat_Dark; - global::Xamarin.Forms.Platform.Android.Resource.Style.ThemeOverlay_AppCompat_Dark_ActionBar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.ThemeOverlay_AppCompat_Dark_ActionBar; - global::Xamarin.Forms.Platform.Android.Resource.Style.ThemeOverlay_AppCompat_DayNight = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.ThemeOverlay_AppCompat_DayNight; - global::Xamarin.Forms.Platform.Android.Resource.Style.ThemeOverlay_AppCompat_DayNight_ActionBar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.ThemeOverlay_AppCompat_DayNight_ActionBar; - global::Xamarin.Forms.Platform.Android.Resource.Style.ThemeOverlay_AppCompat_Dialog = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.ThemeOverlay_AppCompat_Dialog; - global::Xamarin.Forms.Platform.Android.Resource.Style.ThemeOverlay_AppCompat_Dialog_Alert = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.ThemeOverlay_AppCompat_Dialog_Alert; - global::Xamarin.Forms.Platform.Android.Resource.Style.ThemeOverlay_AppCompat_Light = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.ThemeOverlay_AppCompat_Light; - global::Xamarin.Forms.Platform.Android.Resource.Style.ThemeOverlay_Design_TextInputEditText = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.ThemeOverlay_Design_TextInputEditText; - global::Xamarin.Forms.Platform.Android.Resource.Style.ThemeOverlay_MaterialComponents = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.ThemeOverlay_MaterialComponents; - global::Xamarin.Forms.Platform.Android.Resource.Style.ThemeOverlay_MaterialComponents_ActionBar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.ThemeOverlay_MaterialComponents_ActionBar; - global::Xamarin.Forms.Platform.Android.Resource.Style.ThemeOverlay_MaterialComponents_ActionBar_Primary = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.ThemeOverlay_MaterialComponents_ActionBar_Primary; - global::Xamarin.Forms.Platform.Android.Resource.Style.ThemeOverlay_MaterialComponents_ActionBar_Surface = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.ThemeOverlay_MaterialComponents_ActionBar_Surface; - global::Xamarin.Forms.Platform.Android.Resource.Style.ThemeOverlay_MaterialComponents_AutoCompleteTextView = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.ThemeOverlay_MaterialComponents_AutoCompleteTextView; - global::Xamarin.Forms.Platform.Android.Resource.Style.ThemeOverlay_MaterialComponents_AutoCompleteTextView_FilledBox = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.ThemeOverlay_MaterialComponents_AutoCompleteTextView_FilledBox; - global::Xamarin.Forms.Platform.Android.Resource.Style.ThemeOverlay_MaterialComponents_AutoCompleteTextView_FilledBox_Dense = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.ThemeOverlay_MaterialComponents_AutoCompleteTextView_FilledBox_Dense; - global::Xamarin.Forms.Platform.Android.Resource.Style.ThemeOverlay_MaterialComponents_AutoCompleteTextView_OutlinedBox = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.ThemeOverlay_MaterialComponents_AutoCompleteTextView_OutlinedBox; - global::Xamarin.Forms.Platform.Android.Resource.Style.ThemeOverlay_MaterialComponents_AutoCompleteTextView_OutlinedBox_Dense = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.ThemeOverlay_MaterialComponents_AutoCompleteTextView_OutlinedBox_Dense; - global::Xamarin.Forms.Platform.Android.Resource.Style.ThemeOverlay_MaterialComponents_BottomAppBar_Primary = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.ThemeOverlay_MaterialComponents_BottomAppBar_Primary; - global::Xamarin.Forms.Platform.Android.Resource.Style.ThemeOverlay_MaterialComponents_BottomAppBar_Surface = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.ThemeOverlay_MaterialComponents_BottomAppBar_Surface; - global::Xamarin.Forms.Platform.Android.Resource.Style.ThemeOverlay_MaterialComponents_BottomSheetDialog = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.ThemeOverlay_MaterialComponents_BottomSheetDialog; - global::Xamarin.Forms.Platform.Android.Resource.Style.ThemeOverlay_MaterialComponents_Dark = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.ThemeOverlay_MaterialComponents_Dark; - global::Xamarin.Forms.Platform.Android.Resource.Style.ThemeOverlay_MaterialComponents_Dark_ActionBar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.ThemeOverlay_MaterialComponents_Dark_ActionBar; - global::Xamarin.Forms.Platform.Android.Resource.Style.ThemeOverlay_MaterialComponents_DayNight_BottomSheetDialog = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.ThemeOverlay_MaterialComponents_DayNight_BottomSheetDialog; - global::Xamarin.Forms.Platform.Android.Resource.Style.ThemeOverlay_MaterialComponents_Dialog = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.ThemeOverlay_MaterialComponents_Dialog; - global::Xamarin.Forms.Platform.Android.Resource.Style.ThemeOverlay_MaterialComponents_Dialog_Alert = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.ThemeOverlay_MaterialComponents_Dialog_Alert; - global::Xamarin.Forms.Platform.Android.Resource.Style.ThemeOverlay_MaterialComponents_Dialog_Alert_Framework = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.ThemeOverlay_MaterialComponents_Dialog_Alert_Framework; - global::Xamarin.Forms.Platform.Android.Resource.Style.ThemeOverlay_MaterialComponents_Light = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.ThemeOverlay_MaterialComponents_Light; - global::Xamarin.Forms.Platform.Android.Resource.Style.ThemeOverlay_MaterialComponents_Light_BottomSheetDialog = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.ThemeOverlay_MaterialComponents_Light_BottomSheetDialog; - global::Xamarin.Forms.Platform.Android.Resource.Style.ThemeOverlay_MaterialComponents_Light_Dialog_Alert_Framework = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.ThemeOverlay_MaterialComponents_Light_Dialog_Alert_Framework; - global::Xamarin.Forms.Platform.Android.Resource.Style.ThemeOverlay_MaterialComponents_MaterialAlertDialog = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.ThemeOverlay_MaterialComponents_MaterialAlertDialog; - global::Xamarin.Forms.Platform.Android.Resource.Style.ThemeOverlay_MaterialComponents_MaterialAlertDialog_Centered = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.ThemeOverlay_MaterialComponents_MaterialAlertDialog_Centered; - global::Xamarin.Forms.Platform.Android.Resource.Style.ThemeOverlay_MaterialComponents_MaterialAlertDialog_Picker_Date = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.ThemeOverlay_MaterialComponents_MaterialAlertDialog_Picker_Date; - global::Xamarin.Forms.Platform.Android.Resource.Style.ThemeOverlay_MaterialComponents_MaterialAlertDialog_Picker_Date_Calendar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.ThemeOverlay_MaterialComponents_MaterialAlertDialog_Picker_Date_Calendar; - global::Xamarin.Forms.Platform.Android.Resource.Style.ThemeOverlay_MaterialComponents_MaterialAlertDialog_Picker_Date_Header_Text = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.ThemeOverlay_MaterialComponents_MaterialAlertDialog_Picker_Date_Header_Text; - global::Xamarin.Forms.Platform.Android.Resource.Style.ThemeOverlay_MaterialComponents_MaterialAlertDialog_Picker_Date_Header_Text_Day = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.ThemeOverlay_MaterialComponents_MaterialAlertDialog_Picker_Date_Header_Text_Day; - global::Xamarin.Forms.Platform.Android.Resource.Style.ThemeOverlay_MaterialComponents_MaterialAlertDialog_Picker_Date_Spinner = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.ThemeOverlay_MaterialComponents_MaterialAlertDialog_Picker_Date_Spinner; - global::Xamarin.Forms.Platform.Android.Resource.Style.ThemeOverlay_MaterialComponents_MaterialCalendar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.ThemeOverlay_MaterialComponents_MaterialCalendar; - global::Xamarin.Forms.Platform.Android.Resource.Style.ThemeOverlay_MaterialComponents_MaterialCalendar_Fullscreen = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.ThemeOverlay_MaterialComponents_MaterialCalendar_Fullscreen; - global::Xamarin.Forms.Platform.Android.Resource.Style.ThemeOverlay_MaterialComponents_TextInputEditText = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.ThemeOverlay_MaterialComponents_TextInputEditText; - global::Xamarin.Forms.Platform.Android.Resource.Style.ThemeOverlay_MaterialComponents_TextInputEditText_FilledBox = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.ThemeOverlay_MaterialComponents_TextInputEditText_FilledBox; - global::Xamarin.Forms.Platform.Android.Resource.Style.ThemeOverlay_MaterialComponents_TextInputEditText_FilledBox_Dense = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.ThemeOverlay_MaterialComponents_TextInputEditText_FilledBox_Dense; - global::Xamarin.Forms.Platform.Android.Resource.Style.ThemeOverlay_MaterialComponents_TextInputEditText_OutlinedBox = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.ThemeOverlay_MaterialComponents_TextInputEditText_OutlinedBox; - global::Xamarin.Forms.Platform.Android.Resource.Style.ThemeOverlay_MaterialComponents_TextInputEditText_OutlinedBox_Dense = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.ThemeOverlay_MaterialComponents_TextInputEditText_OutlinedBox_Dense; - global::Xamarin.Forms.Platform.Android.Resource.Style.ThemeOverlay_MaterialComponents_Toolbar_Primary = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.ThemeOverlay_MaterialComponents_Toolbar_Primary; - global::Xamarin.Forms.Platform.Android.Resource.Style.ThemeOverlay_MaterialComponents_Toolbar_Surface = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.ThemeOverlay_MaterialComponents_Toolbar_Surface; - global::Xamarin.Forms.Platform.Android.Resource.Style.Theme_AppCompat = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_AppCompat; - global::Xamarin.Forms.Platform.Android.Resource.Style.Theme_AppCompat_CompactMenu = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_AppCompat_CompactMenu; - global::Xamarin.Forms.Platform.Android.Resource.Style.Theme_AppCompat_DayNight = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_AppCompat_DayNight; - global::Xamarin.Forms.Platform.Android.Resource.Style.Theme_AppCompat_DayNight_DarkActionBar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_AppCompat_DayNight_DarkActionBar; - global::Xamarin.Forms.Platform.Android.Resource.Style.Theme_AppCompat_DayNight_Dialog = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_AppCompat_DayNight_Dialog; - global::Xamarin.Forms.Platform.Android.Resource.Style.Theme_AppCompat_DayNight_DialogWhenLarge = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_AppCompat_DayNight_DialogWhenLarge; - global::Xamarin.Forms.Platform.Android.Resource.Style.Theme_AppCompat_DayNight_Dialog_Alert = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_AppCompat_DayNight_Dialog_Alert; - global::Xamarin.Forms.Platform.Android.Resource.Style.Theme_AppCompat_DayNight_Dialog_MinWidth = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_AppCompat_DayNight_Dialog_MinWidth; - global::Xamarin.Forms.Platform.Android.Resource.Style.Theme_AppCompat_DayNight_NoActionBar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_AppCompat_DayNight_NoActionBar; - global::Xamarin.Forms.Platform.Android.Resource.Style.Theme_AppCompat_Dialog = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_AppCompat_Dialog; - global::Xamarin.Forms.Platform.Android.Resource.Style.Theme_AppCompat_DialogWhenLarge = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_AppCompat_DialogWhenLarge; - global::Xamarin.Forms.Platform.Android.Resource.Style.Theme_AppCompat_Dialog_Alert = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_AppCompat_Dialog_Alert; - global::Xamarin.Forms.Platform.Android.Resource.Style.Theme_AppCompat_Dialog_MinWidth = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_AppCompat_Dialog_MinWidth; - global::Xamarin.Forms.Platform.Android.Resource.Style.Theme_AppCompat_Empty = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_AppCompat_Empty; - global::Xamarin.Forms.Platform.Android.Resource.Style.Theme_AppCompat_Light = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_AppCompat_Light; - global::Xamarin.Forms.Platform.Android.Resource.Style.Theme_AppCompat_Light_DarkActionBar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_AppCompat_Light_DarkActionBar; - global::Xamarin.Forms.Platform.Android.Resource.Style.Theme_AppCompat_Light_Dialog = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_AppCompat_Light_Dialog; - global::Xamarin.Forms.Platform.Android.Resource.Style.Theme_AppCompat_Light_DialogWhenLarge = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_AppCompat_Light_DialogWhenLarge; - global::Xamarin.Forms.Platform.Android.Resource.Style.Theme_AppCompat_Light_Dialog_Alert = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_AppCompat_Light_Dialog_Alert; - global::Xamarin.Forms.Platform.Android.Resource.Style.Theme_AppCompat_Light_Dialog_MinWidth = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_AppCompat_Light_Dialog_MinWidth; - global::Xamarin.Forms.Platform.Android.Resource.Style.Theme_AppCompat_Light_NoActionBar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_AppCompat_Light_NoActionBar; - global::Xamarin.Forms.Platform.Android.Resource.Style.Theme_AppCompat_NoActionBar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_AppCompat_NoActionBar; - global::Xamarin.Forms.Platform.Android.Resource.Style.Theme_Design = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_Design; - global::Xamarin.Forms.Platform.Android.Resource.Style.Theme_Design_BottomSheetDialog = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_Design_BottomSheetDialog; - global::Xamarin.Forms.Platform.Android.Resource.Style.Theme_Design_Light = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_Design_Light; - global::Xamarin.Forms.Platform.Android.Resource.Style.Theme_Design_Light_BottomSheetDialog = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_Design_Light_BottomSheetDialog; - global::Xamarin.Forms.Platform.Android.Resource.Style.Theme_Design_Light_NoActionBar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_Design_Light_NoActionBar; - global::Xamarin.Forms.Platform.Android.Resource.Style.Theme_Design_NoActionBar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_Design_NoActionBar; - global::Xamarin.Forms.Platform.Android.Resource.Style.Theme_MaterialComponents = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_MaterialComponents; - global::Xamarin.Forms.Platform.Android.Resource.Style.Theme_MaterialComponents_BottomSheetDialog = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_MaterialComponents_BottomSheetDialog; - global::Xamarin.Forms.Platform.Android.Resource.Style.Theme_MaterialComponents_Bridge = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_MaterialComponents_Bridge; - global::Xamarin.Forms.Platform.Android.Resource.Style.Theme_MaterialComponents_CompactMenu = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_MaterialComponents_CompactMenu; - global::Xamarin.Forms.Platform.Android.Resource.Style.Theme_MaterialComponents_DayNight = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_MaterialComponents_DayNight; - global::Xamarin.Forms.Platform.Android.Resource.Style.Theme_MaterialComponents_DayNight_BottomSheetDialog = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_MaterialComponents_DayNight_BottomSheetDialog; - global::Xamarin.Forms.Platform.Android.Resource.Style.Theme_MaterialComponents_DayNight_Bridge = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_MaterialComponents_DayNight_Bridge; - global::Xamarin.Forms.Platform.Android.Resource.Style.Theme_MaterialComponents_DayNight_DarkActionBar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_MaterialComponents_DayNight_DarkActionBar; - global::Xamarin.Forms.Platform.Android.Resource.Style.Theme_MaterialComponents_DayNight_DarkActionBar_Bridge = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_MaterialComponents_DayNight_DarkActionBar_Bridge; - global::Xamarin.Forms.Platform.Android.Resource.Style.Theme_MaterialComponents_DayNight_Dialog = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_MaterialComponents_DayNight_Dialog; - global::Xamarin.Forms.Platform.Android.Resource.Style.Theme_MaterialComponents_DayNight_DialogWhenLarge = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_MaterialComponents_DayNight_DialogWhenLarge; - global::Xamarin.Forms.Platform.Android.Resource.Style.Theme_MaterialComponents_DayNight_Dialog_Alert = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_MaterialComponents_DayNight_Dialog_Alert; - global::Xamarin.Forms.Platform.Android.Resource.Style.Theme_MaterialComponents_DayNight_Dialog_Alert_Bridge = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_MaterialComponents_DayNight_Dialog_Alert_Bridge; - global::Xamarin.Forms.Platform.Android.Resource.Style.Theme_MaterialComponents_DayNight_Dialog_Bridge = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_MaterialComponents_DayNight_Dialog_Bridge; - global::Xamarin.Forms.Platform.Android.Resource.Style.Theme_MaterialComponents_DayNight_Dialog_FixedSize = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_MaterialComponents_DayNight_Dialog_FixedSize; - global::Xamarin.Forms.Platform.Android.Resource.Style.Theme_MaterialComponents_DayNight_Dialog_FixedSize_Bridge = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_MaterialComponents_DayNight_Dialog_FixedSize_Bridge; - global::Xamarin.Forms.Platform.Android.Resource.Style.Theme_MaterialComponents_DayNight_Dialog_MinWidth = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_MaterialComponents_DayNight_Dialog_MinWidth; - global::Xamarin.Forms.Platform.Android.Resource.Style.Theme_MaterialComponents_DayNight_Dialog_MinWidth_Bridge = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_MaterialComponents_DayNight_Dialog_MinWidth_Bridge; - global::Xamarin.Forms.Platform.Android.Resource.Style.Theme_MaterialComponents_DayNight_NoActionBar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_MaterialComponents_DayNight_NoActionBar; - global::Xamarin.Forms.Platform.Android.Resource.Style.Theme_MaterialComponents_DayNight_NoActionBar_Bridge = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_MaterialComponents_DayNight_NoActionBar_Bridge; - global::Xamarin.Forms.Platform.Android.Resource.Style.Theme_MaterialComponents_Dialog = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_MaterialComponents_Dialog; - global::Xamarin.Forms.Platform.Android.Resource.Style.Theme_MaterialComponents_DialogWhenLarge = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_MaterialComponents_DialogWhenLarge; - global::Xamarin.Forms.Platform.Android.Resource.Style.Theme_MaterialComponents_Dialog_Alert = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_MaterialComponents_Dialog_Alert; - global::Xamarin.Forms.Platform.Android.Resource.Style.Theme_MaterialComponents_Dialog_Alert_Bridge = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_MaterialComponents_Dialog_Alert_Bridge; - global::Xamarin.Forms.Platform.Android.Resource.Style.Theme_MaterialComponents_Dialog_Bridge = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_MaterialComponents_Dialog_Bridge; - global::Xamarin.Forms.Platform.Android.Resource.Style.Theme_MaterialComponents_Dialog_FixedSize = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_MaterialComponents_Dialog_FixedSize; - global::Xamarin.Forms.Platform.Android.Resource.Style.Theme_MaterialComponents_Dialog_FixedSize_Bridge = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_MaterialComponents_Dialog_FixedSize_Bridge; - global::Xamarin.Forms.Platform.Android.Resource.Style.Theme_MaterialComponents_Dialog_MinWidth = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_MaterialComponents_Dialog_MinWidth; - global::Xamarin.Forms.Platform.Android.Resource.Style.Theme_MaterialComponents_Dialog_MinWidth_Bridge = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_MaterialComponents_Dialog_MinWidth_Bridge; - global::Xamarin.Forms.Platform.Android.Resource.Style.Theme_MaterialComponents_Light = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_MaterialComponents_Light; - global::Xamarin.Forms.Platform.Android.Resource.Style.Theme_MaterialComponents_Light_BarSize = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_MaterialComponents_Light_BarSize; - global::Xamarin.Forms.Platform.Android.Resource.Style.Theme_MaterialComponents_Light_BottomSheetDialog = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_MaterialComponents_Light_BottomSheetDialog; - global::Xamarin.Forms.Platform.Android.Resource.Style.Theme_MaterialComponents_Light_Bridge = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_MaterialComponents_Light_Bridge; - global::Xamarin.Forms.Platform.Android.Resource.Style.Theme_MaterialComponents_Light_DarkActionBar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_MaterialComponents_Light_DarkActionBar; - global::Xamarin.Forms.Platform.Android.Resource.Style.Theme_MaterialComponents_Light_DarkActionBar_Bridge = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_MaterialComponents_Light_DarkActionBar_Bridge; - global::Xamarin.Forms.Platform.Android.Resource.Style.Theme_MaterialComponents_Light_Dialog = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_MaterialComponents_Light_Dialog; - global::Xamarin.Forms.Platform.Android.Resource.Style.Theme_MaterialComponents_Light_DialogWhenLarge = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_MaterialComponents_Light_DialogWhenLarge; - global::Xamarin.Forms.Platform.Android.Resource.Style.Theme_MaterialComponents_Light_Dialog_Alert = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_MaterialComponents_Light_Dialog_Alert; - global::Xamarin.Forms.Platform.Android.Resource.Style.Theme_MaterialComponents_Light_Dialog_Alert_Bridge = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_MaterialComponents_Light_Dialog_Alert_Bridge; - global::Xamarin.Forms.Platform.Android.Resource.Style.Theme_MaterialComponents_Light_Dialog_Bridge = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_MaterialComponents_Light_Dialog_Bridge; - global::Xamarin.Forms.Platform.Android.Resource.Style.Theme_MaterialComponents_Light_Dialog_FixedSize = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_MaterialComponents_Light_Dialog_FixedSize; - global::Xamarin.Forms.Platform.Android.Resource.Style.Theme_MaterialComponents_Light_Dialog_FixedSize_Bridge = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_MaterialComponents_Light_Dialog_FixedSize_Bridge; - global::Xamarin.Forms.Platform.Android.Resource.Style.Theme_MaterialComponents_Light_Dialog_MinWidth = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_MaterialComponents_Light_Dialog_MinWidth; - global::Xamarin.Forms.Platform.Android.Resource.Style.Theme_MaterialComponents_Light_Dialog_MinWidth_Bridge = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_MaterialComponents_Light_Dialog_MinWidth_Bridge; - global::Xamarin.Forms.Platform.Android.Resource.Style.Theme_MaterialComponents_Light_LargeTouch = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_MaterialComponents_Light_LargeTouch; - global::Xamarin.Forms.Platform.Android.Resource.Style.Theme_MaterialComponents_Light_NoActionBar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_MaterialComponents_Light_NoActionBar; - global::Xamarin.Forms.Platform.Android.Resource.Style.Theme_MaterialComponents_Light_NoActionBar_Bridge = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_MaterialComponents_Light_NoActionBar_Bridge; - global::Xamarin.Forms.Platform.Android.Resource.Style.Theme_MaterialComponents_NoActionBar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_MaterialComponents_NoActionBar; - global::Xamarin.Forms.Platform.Android.Resource.Style.Theme_MaterialComponents_NoActionBar_Bridge = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_MaterialComponents_NoActionBar_Bridge; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_AppCompat_ActionBar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_ActionBar; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_AppCompat_ActionBar_Solid = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_ActionBar_Solid; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_AppCompat_ActionBar_TabBar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_ActionBar_TabBar; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_AppCompat_ActionBar_TabText = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_ActionBar_TabText; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_AppCompat_ActionBar_TabView = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_ActionBar_TabView; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_AppCompat_ActionButton = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_ActionButton; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_AppCompat_ActionButton_CloseMode = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_ActionButton_CloseMode; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_AppCompat_ActionButton_Overflow = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_ActionButton_Overflow; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_AppCompat_ActionMode = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_ActionMode; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_AppCompat_ActivityChooserView = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_ActivityChooserView; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_AppCompat_AutoCompleteTextView = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_AutoCompleteTextView; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_AppCompat_Button = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_Button; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_AppCompat_ButtonBar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_ButtonBar; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_AppCompat_ButtonBar_AlertDialog = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_ButtonBar_AlertDialog; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_AppCompat_Button_Borderless = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_Button_Borderless; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_AppCompat_Button_Borderless_Colored = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_Button_Borderless_Colored; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_AppCompat_Button_ButtonBar_AlertDialog = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_Button_ButtonBar_AlertDialog; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_AppCompat_Button_Colored = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_Button_Colored; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_AppCompat_Button_Small = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_Button_Small; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_AppCompat_CompoundButton_CheckBox = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_CompoundButton_CheckBox; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_AppCompat_CompoundButton_RadioButton = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_CompoundButton_RadioButton; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_AppCompat_CompoundButton_Switch = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_CompoundButton_Switch; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_AppCompat_DrawerArrowToggle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_DrawerArrowToggle; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_AppCompat_DropDownItem_Spinner = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_DropDownItem_Spinner; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_AppCompat_EditText = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_EditText; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_AppCompat_ImageButton = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_ImageButton; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_AppCompat_Light_ActionBar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_Light_ActionBar; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_AppCompat_Light_ActionBar_Solid = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_Light_ActionBar_Solid; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_AppCompat_Light_ActionBar_Solid_Inverse = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_Light_ActionBar_Solid_Inverse; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_AppCompat_Light_ActionBar_TabBar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_Light_ActionBar_TabBar; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_AppCompat_Light_ActionBar_TabBar_Inverse = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_Light_ActionBar_TabBar_Inverse; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_AppCompat_Light_ActionBar_TabText = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_Light_ActionBar_TabText; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_AppCompat_Light_ActionBar_TabText_Inverse = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_Light_ActionBar_TabText_Inverse; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_AppCompat_Light_ActionBar_TabView = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_Light_ActionBar_TabView; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_AppCompat_Light_ActionBar_TabView_Inverse = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_Light_ActionBar_TabView_Inverse; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_AppCompat_Light_ActionButton = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_Light_ActionButton; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_AppCompat_Light_ActionButton_CloseMode = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_Light_ActionButton_CloseMode; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_AppCompat_Light_ActionButton_Overflow = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_Light_ActionButton_Overflow; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_AppCompat_Light_ActionMode_Inverse = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_Light_ActionMode_Inverse; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_AppCompat_Light_ActivityChooserView = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_Light_ActivityChooserView; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_AppCompat_Light_AutoCompleteTextView = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_Light_AutoCompleteTextView; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_AppCompat_Light_DropDownItem_Spinner = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_Light_DropDownItem_Spinner; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_AppCompat_Light_ListPopupWindow = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_Light_ListPopupWindow; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_AppCompat_Light_ListView_DropDown = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_Light_ListView_DropDown; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_AppCompat_Light_PopupMenu = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_Light_PopupMenu; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_AppCompat_Light_PopupMenu_Overflow = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_Light_PopupMenu_Overflow; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_AppCompat_Light_SearchView = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_Light_SearchView; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_AppCompat_Light_Spinner_DropDown_ActionBar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_Light_Spinner_DropDown_ActionBar; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_AppCompat_ListMenuView = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_ListMenuView; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_AppCompat_ListPopupWindow = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_ListPopupWindow; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_AppCompat_ListView = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_ListView; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_AppCompat_ListView_DropDown = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_ListView_DropDown; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_AppCompat_ListView_Menu = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_ListView_Menu; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_AppCompat_PopupMenu = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_PopupMenu; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_AppCompat_PopupMenu_Overflow = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_PopupMenu_Overflow; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_AppCompat_PopupWindow = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_PopupWindow; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_AppCompat_ProgressBar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_ProgressBar; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_AppCompat_ProgressBar_Horizontal = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_ProgressBar_Horizontal; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_AppCompat_RatingBar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_RatingBar; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_AppCompat_RatingBar_Indicator = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_RatingBar_Indicator; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_AppCompat_RatingBar_Small = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_RatingBar_Small; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_AppCompat_SearchView = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_SearchView; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_AppCompat_SearchView_ActionBar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_SearchView_ActionBar; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_AppCompat_SeekBar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_SeekBar; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_AppCompat_SeekBar_Discrete = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_SeekBar_Discrete; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_AppCompat_Spinner = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_Spinner; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_AppCompat_Spinner_DropDown = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_Spinner_DropDown; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_AppCompat_Spinner_DropDown_ActionBar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_Spinner_DropDown_ActionBar; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_AppCompat_Spinner_Underlined = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_Spinner_Underlined; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_AppCompat_TextView = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_TextView; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_AppCompat_TextView_SpinnerItem = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_TextView_SpinnerItem; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_AppCompat_Toolbar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_Toolbar; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_AppCompat_Toolbar_Button_Navigation = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_Toolbar_Button_Navigation; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_Compat_NotificationActionContainer = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_Compat_NotificationActionContainer; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_Compat_NotificationActionText = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_Compat_NotificationActionText; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_Design_AppBarLayout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_Design_AppBarLayout; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_Design_BottomNavigationView = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_Design_BottomNavigationView; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_Design_BottomSheet_Modal = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_Design_BottomSheet_Modal; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_Design_CollapsingToolbar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_Design_CollapsingToolbar; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_Design_FloatingActionButton = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_Design_FloatingActionButton; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_Design_NavigationView = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_Design_NavigationView; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_Design_ScrimInsetsFrameLayout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_Design_ScrimInsetsFrameLayout; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_Design_Snackbar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_Design_Snackbar; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_Design_TabLayout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_Design_TabLayout; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_Design_TextInputEditText = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_Design_TextInputEditText; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_Design_TextInputLayout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_Design_TextInputLayout; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_MaterialComponents_ActionBar_Primary = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_ActionBar_Primary; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_MaterialComponents_ActionBar_PrimarySurface = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_ActionBar_PrimarySurface; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_MaterialComponents_ActionBar_Solid = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_ActionBar_Solid; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_MaterialComponents_ActionBar_Surface = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_ActionBar_Surface; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_MaterialComponents_AppBarLayout_Primary = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_AppBarLayout_Primary; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_MaterialComponents_AppBarLayout_PrimarySurface = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_AppBarLayout_PrimarySurface; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_MaterialComponents_AppBarLayout_Surface = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_AppBarLayout_Surface; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_MaterialComponents_AutoCompleteTextView_FilledBox = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_AutoCompleteTextView_FilledBox; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_MaterialComponents_AutoCompleteTextView_FilledBox_Dense = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_AutoCompleteTextView_FilledBox_Dense; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_MaterialComponents_AutoCompleteTextView_OutlinedBox = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_AutoCompleteTextView_OutlinedBox; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_MaterialComponents_AutoCompleteTextView_OutlinedBox_Dense = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_AutoCompleteTextView_OutlinedBox_Dense; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_MaterialComponents_Badge = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_Badge; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_MaterialComponents_BottomAppBar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_BottomAppBar; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_MaterialComponents_BottomAppBar_Colored = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_BottomAppBar_Colored; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_MaterialComponents_BottomAppBar_PrimarySurface = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_BottomAppBar_PrimarySurface; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_MaterialComponents_BottomNavigationView = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_BottomNavigationView; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_MaterialComponents_BottomNavigationView_Colored = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_BottomNavigationView_Colored; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_MaterialComponents_BottomNavigationView_PrimarySurface = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_BottomNavigationView_PrimarySurface; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_MaterialComponents_BottomSheet = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_BottomSheet; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_MaterialComponents_BottomSheet_Modal = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_BottomSheet_Modal; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_MaterialComponents_Button = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_Button; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_MaterialComponents_Button_Icon = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_Button_Icon; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_MaterialComponents_Button_OutlinedButton = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_Button_OutlinedButton; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_MaterialComponents_Button_OutlinedButton_Icon = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_Button_OutlinedButton_Icon; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_MaterialComponents_Button_TextButton = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_Button_TextButton; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_MaterialComponents_Button_TextButton_Dialog = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_Button_TextButton_Dialog; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_MaterialComponents_Button_TextButton_Dialog_Flush = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_Button_TextButton_Dialog_Flush; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_MaterialComponents_Button_TextButton_Dialog_Icon = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_Button_TextButton_Dialog_Icon; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_MaterialComponents_Button_TextButton_Icon = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_Button_TextButton_Icon; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_MaterialComponents_Button_TextButton_Snackbar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_Button_TextButton_Snackbar; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_MaterialComponents_Button_UnelevatedButton = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_Button_UnelevatedButton; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_MaterialComponents_Button_UnelevatedButton_Icon = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_Button_UnelevatedButton_Icon; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_MaterialComponents_CardView = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_CardView; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_MaterialComponents_CheckedTextView = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_CheckedTextView; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_MaterialComponents_ChipGroup = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_ChipGroup; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_MaterialComponents_Chip_Action = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_Chip_Action; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_MaterialComponents_Chip_Choice = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_Chip_Choice; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_MaterialComponents_Chip_Entry = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_Chip_Entry; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_MaterialComponents_Chip_Filter = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_Chip_Filter; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_MaterialComponents_CompoundButton_CheckBox = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_CompoundButton_CheckBox; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_MaterialComponents_CompoundButton_RadioButton = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_CompoundButton_RadioButton; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_MaterialComponents_CompoundButton_Switch = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_CompoundButton_Switch; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_MaterialComponents_ExtendedFloatingActionButton = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_ExtendedFloatingActionButton; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_MaterialComponents_ExtendedFloatingActionButton_Icon = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_ExtendedFloatingActionButton_Icon; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_MaterialComponents_FloatingActionButton = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_FloatingActionButton; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_MaterialComponents_Light_ActionBar_Solid = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_Light_ActionBar_Solid; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_MaterialComponents_MaterialButtonToggleGroup = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_MaterialButtonToggleGroup; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_MaterialComponents_MaterialCalendar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_MaterialCalendar; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_MaterialComponents_MaterialCalendar_Day = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_MaterialCalendar_Day; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_MaterialComponents_MaterialCalendar_DayTextView = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_MaterialCalendar_DayTextView; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_MaterialComponents_MaterialCalendar_Day_Invalid = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_MaterialCalendar_Day_Invalid; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_MaterialComponents_MaterialCalendar_Day_Selected = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_MaterialCalendar_Day_Selected; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_MaterialComponents_MaterialCalendar_Day_Today = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_MaterialCalendar_Day_Today; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_MaterialComponents_MaterialCalendar_Fullscreen = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_MaterialCalendar_Fullscreen; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_MaterialComponents_MaterialCalendar_HeaderConfirmButton = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_MaterialCalendar_HeaderConfirmButton; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_MaterialComponents_MaterialCalendar_HeaderDivider = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_MaterialCalendar_HeaderDivider; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_MaterialComponents_MaterialCalendar_HeaderLayout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_MaterialCalendar_HeaderLayout; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_MaterialComponents_MaterialCalendar_HeaderSelection = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_MaterialCalendar_HeaderSelection; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_MaterialComponents_MaterialCalendar_HeaderSelection_Fullscreen = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_MaterialCalendar_HeaderSelection_Fullscreen; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_MaterialComponents_MaterialCalendar_HeaderTitle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_MaterialCalendar_HeaderTitle; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_MaterialComponents_MaterialCalendar_HeaderToggleButton = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_MaterialCalendar_HeaderToggleButton; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_MaterialComponents_MaterialCalendar_Item = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_MaterialCalendar_Item; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_MaterialComponents_MaterialCalendar_Year = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_MaterialCalendar_Year; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_MaterialComponents_MaterialCalendar_Year_Selected = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_MaterialCalendar_Year_Selected; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_MaterialComponents_MaterialCalendar_Year_Today = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_MaterialCalendar_Year_Today; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_MaterialComponents_NavigationView = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_NavigationView; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_MaterialComponents_PopupMenu = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_PopupMenu; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_MaterialComponents_PopupMenu_ContextMenu = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_PopupMenu_ContextMenu; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_MaterialComponents_PopupMenu_ListPopupWindow = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_PopupMenu_ListPopupWindow; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_MaterialComponents_PopupMenu_Overflow = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_PopupMenu_Overflow; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_MaterialComponents_ShapeableImageView = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_ShapeableImageView; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_MaterialComponents_Slider = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_Slider; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_MaterialComponents_Snackbar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_Snackbar; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_MaterialComponents_Snackbar_FullWidth = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_Snackbar_FullWidth; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_MaterialComponents_Snackbar_TextView = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_Snackbar_TextView; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_MaterialComponents_TabLayout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_TabLayout; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_MaterialComponents_TabLayout_Colored = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_TabLayout_Colored; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_MaterialComponents_TabLayout_PrimarySurface = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_TabLayout_PrimarySurface; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_MaterialComponents_TextInputEditText_FilledBox = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_TextInputEditText_FilledBox; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_MaterialComponents_TextInputEditText_FilledBox_Dense = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_TextInputEditText_FilledBox_Dense; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_MaterialComponents_TextInputEditText_OutlinedBox = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_TextInputEditText_OutlinedBox; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_MaterialComponents_TextInputEditText_OutlinedBox_Dense = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_TextInputEditText_OutlinedBox_Dense; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_MaterialComponents_TextInputLayout_FilledBox = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_TextInputLayout_FilledBox; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_MaterialComponents_TextInputLayout_FilledBox_Dense = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_TextInputLayout_FilledBox_Dense; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_MaterialComponents_TextInputLayout_FilledBox_Dense_ExposedDropdownMenu = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_TextInputLayout_FilledBox_Dense_ExposedDropdownMenu; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_MaterialComponents_TextInputLayout_FilledBox_ExposedDropdownMenu = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_TextInputLayout_FilledBox_ExposedDropdownMenu; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_MaterialComponents_TextInputLayout_OutlinedBox = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_TextInputLayout_OutlinedBox; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_MaterialComponents_TextInputLayout_OutlinedBox_Dense = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_TextInputLayout_OutlinedBox_Dense; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_MaterialComponents_TextInputLayout_OutlinedBox_Dense_ExposedDropdownMenu = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_TextInputLayout_OutlinedBox_Dense_ExposedDropdownMenu; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_MaterialComponents_TextInputLayout_OutlinedBox_ExposedDropdownMenu = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_TextInputLayout_OutlinedBox_ExposedDropdownMenu; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_MaterialComponents_TextView = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_TextView; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_MaterialComponents_Toolbar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_Toolbar; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_MaterialComponents_Toolbar_Primary = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_Toolbar_Primary; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_MaterialComponents_Toolbar_PrimarySurface = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_Toolbar_PrimarySurface; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_MaterialComponents_Toolbar_Surface = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_Toolbar_Surface; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_MaterialComponents_Tooltip = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_Tooltip; - global::Xamarin.Forms.Platform.Android.Resource.Style.Widget_Support_CoordinatorLayout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_Support_CoordinatorLayout; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.ActionBar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ActionBar; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.ActionBarLayout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ActionBarLayout; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.ActionBarLayout_android_layout_gravity = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ActionBarLayout_android_layout_gravity; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.ActionBar_background = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ActionBar_background; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.ActionBar_backgroundSplit = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ActionBar_backgroundSplit; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.ActionBar_backgroundStacked = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ActionBar_backgroundStacked; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.ActionBar_contentInsetEnd = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ActionBar_contentInsetEnd; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.ActionBar_contentInsetEndWithActions = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ActionBar_contentInsetEndWithActions; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.ActionBar_contentInsetLeft = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ActionBar_contentInsetLeft; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.ActionBar_contentInsetRight = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ActionBar_contentInsetRight; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.ActionBar_contentInsetStart = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ActionBar_contentInsetStart; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.ActionBar_contentInsetStartWithNavigation = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ActionBar_contentInsetStartWithNavigation; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.ActionBar_customNavigationLayout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ActionBar_customNavigationLayout; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.ActionBar_displayOptions = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ActionBar_displayOptions; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.ActionBar_divider = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ActionBar_divider; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.ActionBar_elevation = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ActionBar_elevation; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.ActionBar_height = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ActionBar_height; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.ActionBar_hideOnContentScroll = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ActionBar_hideOnContentScroll; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.ActionBar_homeAsUpIndicator = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ActionBar_homeAsUpIndicator; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.ActionBar_homeLayout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ActionBar_homeLayout; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.ActionBar_icon = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ActionBar_icon; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.ActionBar_indeterminateProgressStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ActionBar_indeterminateProgressStyle; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.ActionBar_itemPadding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ActionBar_itemPadding; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.ActionBar_logo = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ActionBar_logo; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.ActionBar_navigationMode = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ActionBar_navigationMode; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.ActionBar_popupTheme = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ActionBar_popupTheme; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.ActionBar_progressBarPadding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ActionBar_progressBarPadding; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.ActionBar_progressBarStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ActionBar_progressBarStyle; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.ActionBar_subtitle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ActionBar_subtitle; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.ActionBar_subtitleTextStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ActionBar_subtitleTextStyle; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.ActionBar_title = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ActionBar_title; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.ActionBar_titleTextStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ActionBar_titleTextStyle; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.ActionMenuItemView = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ActionMenuItemView; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.ActionMenuItemView_android_minWidth = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ActionMenuItemView_android_minWidth; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.ActionMenuView = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ActionMenuView; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.ActionMode = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ActionMode; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.ActionMode_background = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ActionMode_background; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.ActionMode_backgroundSplit = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ActionMode_backgroundSplit; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.ActionMode_closeItemLayout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ActionMode_closeItemLayout; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.ActionMode_height = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ActionMode_height; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.ActionMode_subtitleTextStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ActionMode_subtitleTextStyle; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.ActionMode_titleTextStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ActionMode_titleTextStyle; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.ActivityChooserView = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ActivityChooserView; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.ActivityChooserView_expandActivityOverflowButtonDrawable = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ActivityChooserView_expandActivityOverflowButtonDrawable; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.ActivityChooserView_initialActivityCount = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ActivityChooserView_initialActivityCount; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.ActivityNavigator = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ActivityNavigator; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.ActivityNavigator_action = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ActivityNavigator_action; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.ActivityNavigator_android_name = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ActivityNavigator_android_name; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.ActivityNavigator_data = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ActivityNavigator_data; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.ActivityNavigator_dataPattern = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ActivityNavigator_dataPattern; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.ActivityNavigator_targetPackage = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ActivityNavigator_targetPackage; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AlertDialog = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AlertDialog; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AlertDialog_android_layout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AlertDialog_android_layout; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AlertDialog_buttonIconDimen = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AlertDialog_buttonIconDimen; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AlertDialog_buttonPanelSideLayout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AlertDialog_buttonPanelSideLayout; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AlertDialog_listItemLayout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AlertDialog_listItemLayout; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AlertDialog_listLayout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AlertDialog_listLayout; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AlertDialog_multiChoiceItemLayout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AlertDialog_multiChoiceItemLayout; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AlertDialog_showTitle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AlertDialog_showTitle; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AlertDialog_singleChoiceItemLayout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AlertDialog_singleChoiceItemLayout; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AnimatedStateListDrawableCompat = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AnimatedStateListDrawableCompat; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AnimatedStateListDrawableCompat_android_constantSize = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AnimatedStateListDrawableCompat_android_constantSize; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AnimatedStateListDrawableCompat_android_dither = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AnimatedStateListDrawableCompat_android_dither; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AnimatedStateListDrawableCompat_android_enterFadeDuration = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AnimatedStateListDrawableCompat_android_enterFadeDuration; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AnimatedStateListDrawableCompat_android_exitFadeDuration = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AnimatedStateListDrawableCompat_android_exitFadeDuration; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AnimatedStateListDrawableCompat_android_variablePadding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AnimatedStateListDrawableCompat_android_variablePadding; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AnimatedStateListDrawableCompat_android_visible = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AnimatedStateListDrawableCompat_android_visible; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AnimatedStateListDrawableItem = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AnimatedStateListDrawableItem; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AnimatedStateListDrawableItem_android_drawable = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AnimatedStateListDrawableItem_android_drawable; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AnimatedStateListDrawableItem_android_id = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AnimatedStateListDrawableItem_android_id; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AnimatedStateListDrawableTransition = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AnimatedStateListDrawableTransition; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AnimatedStateListDrawableTransition_android_drawable = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AnimatedStateListDrawableTransition_android_drawable; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AnimatedStateListDrawableTransition_android_fromId = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AnimatedStateListDrawableTransition_android_fromId; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AnimatedStateListDrawableTransition_android_reversible = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AnimatedStateListDrawableTransition_android_reversible; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AnimatedStateListDrawableTransition_android_toId = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AnimatedStateListDrawableTransition_android_toId; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppBarLayout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppBarLayout; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppBarLayoutStates = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppBarLayoutStates; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppBarLayoutStates_state_collapsed = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppBarLayoutStates_state_collapsed; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppBarLayoutStates_state_collapsible = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppBarLayoutStates_state_collapsible; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppBarLayoutStates_state_liftable = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppBarLayoutStates_state_liftable; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppBarLayoutStates_state_lifted = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppBarLayoutStates_state_lifted; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppBarLayout_android_background = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppBarLayout_android_background; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppBarLayout_android_keyboardNavigationCluster = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppBarLayout_android_keyboardNavigationCluster; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppBarLayout_android_touchscreenBlocksFocus = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppBarLayout_android_touchscreenBlocksFocus; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppBarLayout_elevation = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppBarLayout_elevation; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppBarLayout_expanded = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppBarLayout_expanded; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppBarLayout_Layout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppBarLayout_Layout; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppBarLayout_Layout_layout_scrollFlags = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppBarLayout_Layout_layout_scrollFlags; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppBarLayout_Layout_layout_scrollInterpolator = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppBarLayout_Layout_layout_scrollInterpolator; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppBarLayout_liftOnScroll = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppBarLayout_liftOnScroll; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppBarLayout_liftOnScrollTargetViewId = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppBarLayout_liftOnScrollTargetViewId; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppBarLayout_statusBarForeground = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppBarLayout_statusBarForeground; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatImageView = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatImageView; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatImageView_android_src = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatImageView_android_src; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatImageView_srcCompat = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatImageView_srcCompat; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatImageView_tint = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatImageView_tint; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatImageView_tintMode = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatImageView_tintMode; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatSeekBar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatSeekBar; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatSeekBar_android_thumb = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatSeekBar_android_thumb; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatSeekBar_tickMark = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatSeekBar_tickMark; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatSeekBar_tickMarkTint = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatSeekBar_tickMarkTint; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatSeekBar_tickMarkTintMode = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatSeekBar_tickMarkTintMode; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTextHelper = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTextHelper; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTextHelper_android_drawableBottom = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTextHelper_android_drawableBottom; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTextHelper_android_drawableEnd = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTextHelper_android_drawableEnd; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTextHelper_android_drawableLeft = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTextHelper_android_drawableLeft; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTextHelper_android_drawableRight = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTextHelper_android_drawableRight; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTextHelper_android_drawableStart = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTextHelper_android_drawableStart; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTextHelper_android_drawableTop = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTextHelper_android_drawableTop; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTextHelper_android_textAppearance = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTextHelper_android_textAppearance; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTextView = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTextView; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTextView_android_textAppearance = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTextView_android_textAppearance; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTextView_autoSizeMaxTextSize = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTextView_autoSizeMaxTextSize; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTextView_autoSizeMinTextSize = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTextView_autoSizeMinTextSize; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTextView_autoSizePresetSizes = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTextView_autoSizePresetSizes; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTextView_autoSizeStepGranularity = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTextView_autoSizeStepGranularity; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTextView_autoSizeTextType = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTextView_autoSizeTextType; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTextView_drawableBottomCompat = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTextView_drawableBottomCompat; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTextView_drawableEndCompat = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTextView_drawableEndCompat; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTextView_drawableLeftCompat = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTextView_drawableLeftCompat; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTextView_drawableRightCompat = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTextView_drawableRightCompat; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTextView_drawableStartCompat = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTextView_drawableStartCompat; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTextView_drawableTint = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTextView_drawableTint; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTextView_drawableTintMode = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTextView_drawableTintMode; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTextView_drawableTopCompat = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTextView_drawableTopCompat; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTextView_firstBaselineToTopHeight = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTextView_firstBaselineToTopHeight; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTextView_fontFamily = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTextView_fontFamily; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTextView_fontVariationSettings = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTextView_fontVariationSettings; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTextView_lastBaselineToBottomHeight = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTextView_lastBaselineToBottomHeight; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTextView_lineHeight = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTextView_lineHeight; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTextView_textAllCaps = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTextView_textAllCaps; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTextView_textLocale = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTextView_textLocale; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTheme = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTheme_actionBarDivider = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_actionBarDivider; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTheme_actionBarItemBackground = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_actionBarItemBackground; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTheme_actionBarPopupTheme = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_actionBarPopupTheme; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTheme_actionBarSize = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_actionBarSize; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTheme_actionBarSplitStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_actionBarSplitStyle; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTheme_actionBarStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_actionBarStyle; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTheme_actionBarTabBarStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_actionBarTabBarStyle; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTheme_actionBarTabStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_actionBarTabStyle; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTheme_actionBarTabTextStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_actionBarTabTextStyle; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTheme_actionBarTheme = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_actionBarTheme; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTheme_actionBarWidgetTheme = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_actionBarWidgetTheme; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTheme_actionButtonStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_actionButtonStyle; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTheme_actionDropDownStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_actionDropDownStyle; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTheme_actionMenuTextAppearance = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_actionMenuTextAppearance; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTheme_actionMenuTextColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_actionMenuTextColor; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTheme_actionModeBackground = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_actionModeBackground; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTheme_actionModeCloseButtonStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_actionModeCloseButtonStyle; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTheme_actionModeCloseDrawable = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_actionModeCloseDrawable; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTheme_actionModeCopyDrawable = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_actionModeCopyDrawable; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTheme_actionModeCutDrawable = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_actionModeCutDrawable; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTheme_actionModeFindDrawable = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_actionModeFindDrawable; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTheme_actionModePasteDrawable = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_actionModePasteDrawable; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTheme_actionModePopupWindowStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_actionModePopupWindowStyle; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTheme_actionModeSelectAllDrawable = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_actionModeSelectAllDrawable; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTheme_actionModeShareDrawable = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_actionModeShareDrawable; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTheme_actionModeSplitBackground = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_actionModeSplitBackground; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTheme_actionModeStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_actionModeStyle; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTheme_actionModeWebSearchDrawable = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_actionModeWebSearchDrawable; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTheme_actionOverflowButtonStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_actionOverflowButtonStyle; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTheme_actionOverflowMenuStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_actionOverflowMenuStyle; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTheme_activityChooserViewStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_activityChooserViewStyle; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTheme_alertDialogButtonGroupStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_alertDialogButtonGroupStyle; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTheme_alertDialogCenterButtons = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_alertDialogCenterButtons; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTheme_alertDialogStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_alertDialogStyle; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTheme_alertDialogTheme = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_alertDialogTheme; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTheme_android_windowAnimationStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_android_windowAnimationStyle; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTheme_android_windowIsFloating = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_android_windowIsFloating; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTheme_autoCompleteTextViewStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_autoCompleteTextViewStyle; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTheme_borderlessButtonStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_borderlessButtonStyle; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTheme_buttonBarButtonStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_buttonBarButtonStyle; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTheme_buttonBarNegativeButtonStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_buttonBarNegativeButtonStyle; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTheme_buttonBarNeutralButtonStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_buttonBarNeutralButtonStyle; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTheme_buttonBarPositiveButtonStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_buttonBarPositiveButtonStyle; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTheme_buttonBarStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_buttonBarStyle; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTheme_buttonStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_buttonStyle; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTheme_buttonStyleSmall = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_buttonStyleSmall; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTheme_checkboxStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_checkboxStyle; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTheme_checkedTextViewStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_checkedTextViewStyle; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTheme_colorAccent = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_colorAccent; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTheme_colorBackgroundFloating = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_colorBackgroundFloating; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTheme_colorButtonNormal = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_colorButtonNormal; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTheme_colorControlActivated = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_colorControlActivated; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTheme_colorControlHighlight = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_colorControlHighlight; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTheme_colorControlNormal = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_colorControlNormal; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTheme_colorError = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_colorError; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTheme_colorPrimary = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_colorPrimary; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTheme_colorPrimaryDark = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_colorPrimaryDark; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTheme_colorSwitchThumbNormal = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_colorSwitchThumbNormal; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTheme_controlBackground = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_controlBackground; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTheme_dialogCornerRadius = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_dialogCornerRadius; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTheme_dialogPreferredPadding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_dialogPreferredPadding; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTheme_dialogTheme = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_dialogTheme; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTheme_dividerHorizontal = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_dividerHorizontal; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTheme_dividerVertical = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_dividerVertical; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTheme_dropdownListPreferredItemHeight = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_dropdownListPreferredItemHeight; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTheme_dropDownListViewStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_dropDownListViewStyle; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTheme_editTextBackground = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_editTextBackground; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTheme_editTextColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_editTextColor; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTheme_editTextStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_editTextStyle; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTheme_homeAsUpIndicator = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_homeAsUpIndicator; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTheme_imageButtonStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_imageButtonStyle; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTheme_listChoiceBackgroundIndicator = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_listChoiceBackgroundIndicator; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTheme_listChoiceIndicatorMultipleAnimated = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_listChoiceIndicatorMultipleAnimated; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTheme_listChoiceIndicatorSingleAnimated = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_listChoiceIndicatorSingleAnimated; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTheme_listDividerAlertDialog = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_listDividerAlertDialog; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTheme_listMenuViewStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_listMenuViewStyle; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTheme_listPopupWindowStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_listPopupWindowStyle; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTheme_listPreferredItemHeight = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_listPreferredItemHeight; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTheme_listPreferredItemHeightLarge = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_listPreferredItemHeightLarge; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTheme_listPreferredItemHeightSmall = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_listPreferredItemHeightSmall; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTheme_listPreferredItemPaddingEnd = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_listPreferredItemPaddingEnd; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTheme_listPreferredItemPaddingLeft = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_listPreferredItemPaddingLeft; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTheme_listPreferredItemPaddingRight = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_listPreferredItemPaddingRight; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTheme_listPreferredItemPaddingStart = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_listPreferredItemPaddingStart; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTheme_panelBackground = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_panelBackground; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTheme_panelMenuListTheme = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_panelMenuListTheme; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTheme_panelMenuListWidth = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_panelMenuListWidth; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTheme_popupMenuStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_popupMenuStyle; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTheme_popupWindowStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_popupWindowStyle; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTheme_radioButtonStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_radioButtonStyle; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTheme_ratingBarStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_ratingBarStyle; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTheme_ratingBarStyleIndicator = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_ratingBarStyleIndicator; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTheme_ratingBarStyleSmall = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_ratingBarStyleSmall; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTheme_searchViewStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_searchViewStyle; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTheme_seekBarStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_seekBarStyle; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTheme_selectableItemBackground = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_selectableItemBackground; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTheme_selectableItemBackgroundBorderless = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_selectableItemBackgroundBorderless; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTheme_spinnerDropDownItemStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_spinnerDropDownItemStyle; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTheme_spinnerStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_spinnerStyle; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTheme_switchStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_switchStyle; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTheme_textAppearanceLargePopupMenu = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_textAppearanceLargePopupMenu; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTheme_textAppearanceListItem = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_textAppearanceListItem; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTheme_textAppearanceListItemSecondary = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_textAppearanceListItemSecondary; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTheme_textAppearanceListItemSmall = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_textAppearanceListItemSmall; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTheme_textAppearancePopupMenuHeader = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_textAppearancePopupMenuHeader; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTheme_textAppearanceSearchResultSubtitle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_textAppearanceSearchResultSubtitle; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTheme_textAppearanceSearchResultTitle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_textAppearanceSearchResultTitle; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTheme_textAppearanceSmallPopupMenu = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_textAppearanceSmallPopupMenu; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTheme_textColorAlertDialogListItem = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_textColorAlertDialogListItem; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTheme_textColorSearchUrl = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_textColorSearchUrl; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTheme_toolbarNavigationButtonStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_toolbarNavigationButtonStyle; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTheme_toolbarStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_toolbarStyle; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTheme_tooltipForegroundColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_tooltipForegroundColor; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTheme_tooltipFrameBackground = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_tooltipFrameBackground; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTheme_viewInflaterClass = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_viewInflaterClass; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTheme_windowActionBar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_windowActionBar; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTheme_windowActionBarOverlay = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_windowActionBarOverlay; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTheme_windowActionModeOverlay = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_windowActionModeOverlay; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTheme_windowFixedHeightMajor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_windowFixedHeightMajor; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTheme_windowFixedHeightMinor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_windowFixedHeightMinor; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTheme_windowFixedWidthMajor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_windowFixedWidthMajor; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTheme_windowFixedWidthMinor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_windowFixedWidthMinor; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTheme_windowMinWidthMajor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_windowMinWidthMajor; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTheme_windowMinWidthMinor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_windowMinWidthMinor; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.AppCompatTheme_windowNoTitle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_windowNoTitle; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.Badge = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Badge; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.Badge_backgroundColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Badge_backgroundColor; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.Badge_badgeGravity = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Badge_badgeGravity; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.Badge_badgeTextColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Badge_badgeTextColor; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.Badge_horizontalOffset = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Badge_horizontalOffset; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.Badge_maxCharacterCount = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Badge_maxCharacterCount; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.Badge_number = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Badge_number; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.Badge_verticalOffset = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Badge_verticalOffset; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.BottomAppBar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.BottomAppBar; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.BottomAppBar_backgroundTint = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.BottomAppBar_backgroundTint; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.BottomAppBar_elevation = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.BottomAppBar_elevation; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.BottomAppBar_fabAlignmentMode = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.BottomAppBar_fabAlignmentMode; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.BottomAppBar_fabAnimationMode = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.BottomAppBar_fabAnimationMode; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.BottomAppBar_fabCradleMargin = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.BottomAppBar_fabCradleMargin; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.BottomAppBar_fabCradleRoundedCornerRadius = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.BottomAppBar_fabCradleRoundedCornerRadius; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.BottomAppBar_fabCradleVerticalOffset = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.BottomAppBar_fabCradleVerticalOffset; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.BottomAppBar_hideOnScroll = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.BottomAppBar_hideOnScroll; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.BottomAppBar_paddingBottomSystemWindowInsets = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.BottomAppBar_paddingBottomSystemWindowInsets; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.BottomAppBar_paddingLeftSystemWindowInsets = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.BottomAppBar_paddingLeftSystemWindowInsets; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.BottomAppBar_paddingRightSystemWindowInsets = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.BottomAppBar_paddingRightSystemWindowInsets; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.BottomNavigationView = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.BottomNavigationView; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.BottomNavigationView_backgroundTint = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.BottomNavigationView_backgroundTint; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.BottomNavigationView_elevation = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.BottomNavigationView_elevation; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.BottomNavigationView_itemBackground = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.BottomNavigationView_itemBackground; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.BottomNavigationView_itemHorizontalTranslationEnabled = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.BottomNavigationView_itemHorizontalTranslationEnabled; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.BottomNavigationView_itemIconSize = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.BottomNavigationView_itemIconSize; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.BottomNavigationView_itemIconTint = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.BottomNavigationView_itemIconTint; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.BottomNavigationView_itemRippleColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.BottomNavigationView_itemRippleColor; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.BottomNavigationView_itemTextAppearanceActive = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.BottomNavigationView_itemTextAppearanceActive; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.BottomNavigationView_itemTextAppearanceInactive = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.BottomNavigationView_itemTextAppearanceInactive; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.BottomNavigationView_itemTextColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.BottomNavigationView_itemTextColor; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.BottomNavigationView_labelVisibilityMode = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.BottomNavigationView_labelVisibilityMode; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.BottomNavigationView_menu = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.BottomNavigationView_menu; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.BottomSheetBehavior_Layout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.BottomSheetBehavior_Layout; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.BottomSheetBehavior_Layout_android_elevation = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.BottomSheetBehavior_Layout_android_elevation; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.BottomSheetBehavior_Layout_backgroundTint = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.BottomSheetBehavior_Layout_backgroundTint; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.BottomSheetBehavior_Layout_behavior_draggable = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.BottomSheetBehavior_Layout_behavior_draggable; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.BottomSheetBehavior_Layout_behavior_expandedOffset = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.BottomSheetBehavior_Layout_behavior_expandedOffset; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.BottomSheetBehavior_Layout_behavior_fitToContents = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.BottomSheetBehavior_Layout_behavior_fitToContents; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.BottomSheetBehavior_Layout_behavior_halfExpandedRatio = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.BottomSheetBehavior_Layout_behavior_halfExpandedRatio; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.BottomSheetBehavior_Layout_behavior_hideable = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.BottomSheetBehavior_Layout_behavior_hideable; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.BottomSheetBehavior_Layout_behavior_peekHeight = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.BottomSheetBehavior_Layout_behavior_peekHeight; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.BottomSheetBehavior_Layout_behavior_saveFlags = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.BottomSheetBehavior_Layout_behavior_saveFlags; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.BottomSheetBehavior_Layout_behavior_skipCollapsed = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.BottomSheetBehavior_Layout_behavior_skipCollapsed; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.BottomSheetBehavior_Layout_gestureInsetBottomIgnored = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.BottomSheetBehavior_Layout_gestureInsetBottomIgnored; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.BottomSheetBehavior_Layout_shapeAppearance = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.BottomSheetBehavior_Layout_shapeAppearance; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.BottomSheetBehavior_Layout_shapeAppearanceOverlay = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.BottomSheetBehavior_Layout_shapeAppearanceOverlay; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.ButtonBarLayout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ButtonBarLayout; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.ButtonBarLayout_allowStacking = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ButtonBarLayout_allowStacking; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.CardView = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.CardView; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.CardView_android_minHeight = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.CardView_android_minHeight; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.CardView_android_minWidth = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.CardView_android_minWidth; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.CardView_cardBackgroundColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.CardView_cardBackgroundColor; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.CardView_cardCornerRadius = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.CardView_cardCornerRadius; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.CardView_cardElevation = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.CardView_cardElevation; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.CardView_cardMaxElevation = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.CardView_cardMaxElevation; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.CardView_cardPreventCornerOverlap = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.CardView_cardPreventCornerOverlap; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.CardView_cardUseCompatPadding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.CardView_cardUseCompatPadding; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.CardView_contentPadding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.CardView_contentPadding; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.CardView_contentPaddingBottom = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.CardView_contentPaddingBottom; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.CardView_contentPaddingLeft = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.CardView_contentPaddingLeft; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.CardView_contentPaddingRight = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.CardView_contentPaddingRight; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.CardView_contentPaddingTop = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.CardView_contentPaddingTop; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.Chip = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Chip; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.ChipGroup = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ChipGroup; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.ChipGroup_checkedChip = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ChipGroup_checkedChip; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.ChipGroup_chipSpacing = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ChipGroup_chipSpacing; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.ChipGroup_chipSpacingHorizontal = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ChipGroup_chipSpacingHorizontal; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.ChipGroup_chipSpacingVertical = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ChipGroup_chipSpacingVertical; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.ChipGroup_selectionRequired = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ChipGroup_selectionRequired; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.ChipGroup_singleLine = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ChipGroup_singleLine; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.ChipGroup_singleSelection = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ChipGroup_singleSelection; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.Chip_android_checkable = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Chip_android_checkable; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.Chip_android_ellipsize = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Chip_android_ellipsize; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.Chip_android_maxWidth = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Chip_android_maxWidth; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.Chip_android_text = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Chip_android_text; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.Chip_android_textAppearance = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Chip_android_textAppearance; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.Chip_android_textColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Chip_android_textColor; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.Chip_checkedIcon = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Chip_checkedIcon; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.Chip_checkedIconEnabled = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Chip_checkedIconEnabled; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.Chip_checkedIconTint = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Chip_checkedIconTint; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.Chip_checkedIconVisible = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Chip_checkedIconVisible; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.Chip_chipBackgroundColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Chip_chipBackgroundColor; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.Chip_chipCornerRadius = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Chip_chipCornerRadius; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.Chip_chipEndPadding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Chip_chipEndPadding; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.Chip_chipIcon = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Chip_chipIcon; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.Chip_chipIconEnabled = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Chip_chipIconEnabled; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.Chip_chipIconSize = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Chip_chipIconSize; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.Chip_chipIconTint = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Chip_chipIconTint; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.Chip_chipIconVisible = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Chip_chipIconVisible; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.Chip_chipMinHeight = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Chip_chipMinHeight; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.Chip_chipMinTouchTargetSize = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Chip_chipMinTouchTargetSize; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.Chip_chipStartPadding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Chip_chipStartPadding; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.Chip_chipStrokeColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Chip_chipStrokeColor; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.Chip_chipStrokeWidth = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Chip_chipStrokeWidth; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.Chip_chipSurfaceColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Chip_chipSurfaceColor; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.Chip_closeIcon = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Chip_closeIcon; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.Chip_closeIconEnabled = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Chip_closeIconEnabled; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.Chip_closeIconEndPadding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Chip_closeIconEndPadding; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.Chip_closeIconSize = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Chip_closeIconSize; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.Chip_closeIconStartPadding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Chip_closeIconStartPadding; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.Chip_closeIconTint = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Chip_closeIconTint; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.Chip_closeIconVisible = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Chip_closeIconVisible; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.Chip_ensureMinTouchTargetSize = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Chip_ensureMinTouchTargetSize; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.Chip_hideMotionSpec = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Chip_hideMotionSpec; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.Chip_iconEndPadding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Chip_iconEndPadding; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.Chip_iconStartPadding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Chip_iconStartPadding; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.Chip_rippleColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Chip_rippleColor; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.Chip_shapeAppearance = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Chip_shapeAppearance; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.Chip_shapeAppearanceOverlay = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Chip_shapeAppearanceOverlay; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.Chip_showMotionSpec = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Chip_showMotionSpec; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.Chip_textEndPadding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Chip_textEndPadding; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.Chip_textStartPadding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Chip_textStartPadding; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.CollapsingToolbarLayout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.CollapsingToolbarLayout; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.CollapsingToolbarLayout_collapsedTitleGravity = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.CollapsingToolbarLayout_collapsedTitleGravity; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.CollapsingToolbarLayout_collapsedTitleTextAppearance = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.CollapsingToolbarLayout_collapsedTitleTextAppearance; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.CollapsingToolbarLayout_contentScrim = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.CollapsingToolbarLayout_contentScrim; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.CollapsingToolbarLayout_expandedTitleGravity = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.CollapsingToolbarLayout_expandedTitleGravity; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.CollapsingToolbarLayout_expandedTitleMargin = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.CollapsingToolbarLayout_expandedTitleMargin; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.CollapsingToolbarLayout_expandedTitleMarginBottom = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.CollapsingToolbarLayout_expandedTitleMarginBottom; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.CollapsingToolbarLayout_expandedTitleMarginEnd = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.CollapsingToolbarLayout_expandedTitleMarginEnd; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.CollapsingToolbarLayout_expandedTitleMarginStart = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.CollapsingToolbarLayout_expandedTitleMarginStart; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.CollapsingToolbarLayout_expandedTitleMarginTop = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.CollapsingToolbarLayout_expandedTitleMarginTop; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.CollapsingToolbarLayout_expandedTitleTextAppearance = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.CollapsingToolbarLayout_expandedTitleTextAppearance; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.CollapsingToolbarLayout_Layout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.CollapsingToolbarLayout_Layout; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.CollapsingToolbarLayout_Layout_layout_collapseMode = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.CollapsingToolbarLayout_Layout_layout_collapseMode; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.CollapsingToolbarLayout_Layout_layout_collapseParallaxMultiplier = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.CollapsingToolbarLayout_Layout_layout_collapseParallaxMultiplier; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.CollapsingToolbarLayout_maxLines = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.CollapsingToolbarLayout_maxLines; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.CollapsingToolbarLayout_scrimAnimationDuration = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.CollapsingToolbarLayout_scrimAnimationDuration; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.CollapsingToolbarLayout_scrimVisibleHeightTrigger = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.CollapsingToolbarLayout_scrimVisibleHeightTrigger; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.CollapsingToolbarLayout_statusBarScrim = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.CollapsingToolbarLayout_statusBarScrim; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.CollapsingToolbarLayout_title = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.CollapsingToolbarLayout_title; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.CollapsingToolbarLayout_titleEnabled = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.CollapsingToolbarLayout_titleEnabled; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.CollapsingToolbarLayout_toolbarId = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.CollapsingToolbarLayout_toolbarId; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.ColorStateListItem = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ColorStateListItem; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.ColorStateListItem_alpha = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ColorStateListItem_alpha; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.ColorStateListItem_android_alpha = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ColorStateListItem_android_alpha; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.ColorStateListItem_android_color = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ColorStateListItem_android_color; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.CompoundButton = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.CompoundButton; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.CompoundButton_android_button = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.CompoundButton_android_button; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.CompoundButton_buttonCompat = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.CompoundButton_buttonCompat; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.CompoundButton_buttonTint = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.CompoundButton_buttonTint; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.CompoundButton_buttonTintMode = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.CompoundButton_buttonTintMode; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.CoordinatorLayout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.CoordinatorLayout; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.CoordinatorLayout_keylines = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.CoordinatorLayout_keylines; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.CoordinatorLayout_Layout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.CoordinatorLayout_Layout; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.CoordinatorLayout_Layout_android_layout_gravity = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.CoordinatorLayout_Layout_android_layout_gravity; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.CoordinatorLayout_Layout_layout_anchor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.CoordinatorLayout_Layout_layout_anchor; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.CoordinatorLayout_Layout_layout_anchorGravity = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.CoordinatorLayout_Layout_layout_anchorGravity; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.CoordinatorLayout_Layout_layout_behavior = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.CoordinatorLayout_Layout_layout_behavior; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.CoordinatorLayout_Layout_layout_dodgeInsetEdges = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.CoordinatorLayout_Layout_layout_dodgeInsetEdges; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.CoordinatorLayout_Layout_layout_insetEdge = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.CoordinatorLayout_Layout_layout_insetEdge; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.CoordinatorLayout_Layout_layout_keyline = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.CoordinatorLayout_Layout_layout_keyline; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.CoordinatorLayout_statusBarBackground = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.CoordinatorLayout_statusBarBackground; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.DrawerArrowToggle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.DrawerArrowToggle; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.DrawerArrowToggle_arrowHeadLength = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.DrawerArrowToggle_arrowHeadLength; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.DrawerArrowToggle_arrowShaftLength = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.DrawerArrowToggle_arrowShaftLength; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.DrawerArrowToggle_barLength = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.DrawerArrowToggle_barLength; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.DrawerArrowToggle_color = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.DrawerArrowToggle_color; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.DrawerArrowToggle_drawableSize = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.DrawerArrowToggle_drawableSize; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.DrawerArrowToggle_gapBetweenBars = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.DrawerArrowToggle_gapBetweenBars; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.DrawerArrowToggle_spinBars = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.DrawerArrowToggle_spinBars; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.DrawerArrowToggle_thickness = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.DrawerArrowToggle_thickness; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.DrawerLayout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.DrawerLayout; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.DrawerLayout_elevation = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.DrawerLayout_elevation; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.ExtendedFloatingActionButton = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ExtendedFloatingActionButton; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.ExtendedFloatingActionButton_Behavior_Layout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ExtendedFloatingActionButton_Behavior_Layout; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.ExtendedFloatingActionButton_Behavior_Layout_behavior_autoHide = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ExtendedFloatingActionButton_Behavior_Layout_behavior_autoHide; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.ExtendedFloatingActionButton_Behavior_Layout_behavior_autoShrink = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ExtendedFloatingActionButton_Behavior_Layout_behavior_autoShrink; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.ExtendedFloatingActionButton_elevation = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ExtendedFloatingActionButton_elevation; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.ExtendedFloatingActionButton_extendMotionSpec = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ExtendedFloatingActionButton_extendMotionSpec; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.ExtendedFloatingActionButton_hideMotionSpec = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ExtendedFloatingActionButton_hideMotionSpec; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.ExtendedFloatingActionButton_showMotionSpec = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ExtendedFloatingActionButton_showMotionSpec; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.ExtendedFloatingActionButton_shrinkMotionSpec = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ExtendedFloatingActionButton_shrinkMotionSpec; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.FloatingActionButton = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.FloatingActionButton; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.FloatingActionButton_android_enabled = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.FloatingActionButton_android_enabled; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.FloatingActionButton_backgroundTint = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.FloatingActionButton_backgroundTint; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.FloatingActionButton_backgroundTintMode = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.FloatingActionButton_backgroundTintMode; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.FloatingActionButton_Behavior_Layout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.FloatingActionButton_Behavior_Layout; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.FloatingActionButton_Behavior_Layout_behavior_autoHide = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.FloatingActionButton_Behavior_Layout_behavior_autoHide; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.FloatingActionButton_borderWidth = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.FloatingActionButton_borderWidth; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.FloatingActionButton_elevation = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.FloatingActionButton_elevation; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.FloatingActionButton_ensureMinTouchTargetSize = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.FloatingActionButton_ensureMinTouchTargetSize; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.FloatingActionButton_fabCustomSize = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.FloatingActionButton_fabCustomSize; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.FloatingActionButton_fabSize = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.FloatingActionButton_fabSize; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.FloatingActionButton_hideMotionSpec = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.FloatingActionButton_hideMotionSpec; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.FloatingActionButton_hoveredFocusedTranslationZ = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.FloatingActionButton_hoveredFocusedTranslationZ; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.FloatingActionButton_maxImageSize = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.FloatingActionButton_maxImageSize; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.FloatingActionButton_pressedTranslationZ = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.FloatingActionButton_pressedTranslationZ; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.FloatingActionButton_rippleColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.FloatingActionButton_rippleColor; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.FloatingActionButton_shapeAppearance = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.FloatingActionButton_shapeAppearance; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.FloatingActionButton_shapeAppearanceOverlay = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.FloatingActionButton_shapeAppearanceOverlay; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.FloatingActionButton_showMotionSpec = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.FloatingActionButton_showMotionSpec; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.FloatingActionButton_useCompatPadding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.FloatingActionButton_useCompatPadding; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.FlowLayout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.FlowLayout; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.FlowLayout_itemSpacing = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.FlowLayout_itemSpacing; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.FlowLayout_lineSpacing = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.FlowLayout_lineSpacing; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.FontFamily = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.FontFamily; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.FontFamilyFont = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.FontFamilyFont; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.FontFamilyFont_android_font = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.FontFamilyFont_android_font; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.FontFamilyFont_android_fontStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.FontFamilyFont_android_fontStyle; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.FontFamilyFont_android_fontVariationSettings = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.FontFamilyFont_android_fontVariationSettings; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.FontFamilyFont_android_fontWeight = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.FontFamilyFont_android_fontWeight; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.FontFamilyFont_android_ttcIndex = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.FontFamilyFont_android_ttcIndex; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.FontFamilyFont_font = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.FontFamilyFont_font; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.FontFamilyFont_fontStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.FontFamilyFont_fontStyle; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.FontFamilyFont_fontVariationSettings = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.FontFamilyFont_fontVariationSettings; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.FontFamilyFont_fontWeight = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.FontFamilyFont_fontWeight; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.FontFamilyFont_ttcIndex = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.FontFamilyFont_ttcIndex; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.FontFamily_fontProviderAuthority = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.FontFamily_fontProviderAuthority; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.FontFamily_fontProviderCerts = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.FontFamily_fontProviderCerts; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.FontFamily_fontProviderFetchStrategy = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.FontFamily_fontProviderFetchStrategy; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.FontFamily_fontProviderFetchTimeout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.FontFamily_fontProviderFetchTimeout; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.FontFamily_fontProviderPackage = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.FontFamily_fontProviderPackage; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.FontFamily_fontProviderQuery = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.FontFamily_fontProviderQuery; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.ForegroundLinearLayout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ForegroundLinearLayout; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.ForegroundLinearLayout_android_foreground = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ForegroundLinearLayout_android_foreground; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.ForegroundLinearLayout_android_foregroundGravity = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ForegroundLinearLayout_android_foregroundGravity; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.ForegroundLinearLayout_foregroundInsidePadding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ForegroundLinearLayout_foregroundInsidePadding; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.Fragment = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Fragment; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.FragmentContainerView = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.FragmentContainerView; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.FragmentContainerView_android_name = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.FragmentContainerView_android_name; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.FragmentContainerView_android_tag = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.FragmentContainerView_android_tag; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.Fragment_android_id = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Fragment_android_id; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.Fragment_android_name = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Fragment_android_name; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.Fragment_android_tag = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Fragment_android_tag; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.GradientColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.GradientColor; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.GradientColorItem = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.GradientColorItem; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.GradientColorItem_android_color = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.GradientColorItem_android_color; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.GradientColorItem_android_offset = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.GradientColorItem_android_offset; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.GradientColor_android_centerColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.GradientColor_android_centerColor; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.GradientColor_android_centerX = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.GradientColor_android_centerX; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.GradientColor_android_centerY = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.GradientColor_android_centerY; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.GradientColor_android_endColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.GradientColor_android_endColor; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.GradientColor_android_endX = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.GradientColor_android_endX; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.GradientColor_android_endY = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.GradientColor_android_endY; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.GradientColor_android_gradientRadius = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.GradientColor_android_gradientRadius; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.GradientColor_android_startColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.GradientColor_android_startColor; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.GradientColor_android_startX = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.GradientColor_android_startX; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.GradientColor_android_startY = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.GradientColor_android_startY; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.GradientColor_android_tileMode = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.GradientColor_android_tileMode; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.GradientColor_android_type = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.GradientColor_android_type; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.Insets = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Insets; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.Insets_paddingBottomSystemWindowInsets = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Insets_paddingBottomSystemWindowInsets; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.Insets_paddingLeftSystemWindowInsets = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Insets_paddingLeftSystemWindowInsets; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.Insets_paddingRightSystemWindowInsets = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Insets_paddingRightSystemWindowInsets; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.ItemsViewRendererTheme = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ItemsViewRendererTheme; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.ItemsViewRendererTheme_collectionViewStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ItemsViewRendererTheme_collectionViewStyle; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.LinearLayoutCompat = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.LinearLayoutCompat; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.LinearLayoutCompat_android_baselineAligned = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.LinearLayoutCompat_android_baselineAligned; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.LinearLayoutCompat_android_baselineAlignedChildIndex = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.LinearLayoutCompat_android_baselineAlignedChildIndex; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.LinearLayoutCompat_android_gravity = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.LinearLayoutCompat_android_gravity; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.LinearLayoutCompat_android_orientation = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.LinearLayoutCompat_android_orientation; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.LinearLayoutCompat_android_weightSum = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.LinearLayoutCompat_android_weightSum; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.LinearLayoutCompat_divider = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.LinearLayoutCompat_divider; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.LinearLayoutCompat_dividerPadding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.LinearLayoutCompat_dividerPadding; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.LinearLayoutCompat_Layout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.LinearLayoutCompat_Layout; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.LinearLayoutCompat_Layout_android_layout_gravity = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.LinearLayoutCompat_Layout_android_layout_gravity; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.LinearLayoutCompat_Layout_android_layout_height = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.LinearLayoutCompat_Layout_android_layout_height; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.LinearLayoutCompat_Layout_android_layout_weight = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.LinearLayoutCompat_Layout_android_layout_weight; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.LinearLayoutCompat_Layout_android_layout_width = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.LinearLayoutCompat_Layout_android_layout_width; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.LinearLayoutCompat_measureWithLargestChild = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.LinearLayoutCompat_measureWithLargestChild; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.LinearLayoutCompat_showDividers = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.LinearLayoutCompat_showDividers; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.ListPopupWindow = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ListPopupWindow; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.ListPopupWindow_android_dropDownHorizontalOffset = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ListPopupWindow_android_dropDownHorizontalOffset; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.ListPopupWindow_android_dropDownVerticalOffset = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ListPopupWindow_android_dropDownVerticalOffset; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.MaterialAlertDialog = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialAlertDialog; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.MaterialAlertDialogTheme = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialAlertDialogTheme; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.MaterialAlertDialogTheme_materialAlertDialogBodyTextStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialAlertDialogTheme_materialAlertDialogBodyTextStyle; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.MaterialAlertDialogTheme_materialAlertDialogTheme = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialAlertDialogTheme_materialAlertDialogTheme; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.MaterialAlertDialogTheme_materialAlertDialogTitleIconStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialAlertDialogTheme_materialAlertDialogTitleIconStyle; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.MaterialAlertDialogTheme_materialAlertDialogTitlePanelStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialAlertDialogTheme_materialAlertDialogTitlePanelStyle; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.MaterialAlertDialogTheme_materialAlertDialogTitleTextStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialAlertDialogTheme_materialAlertDialogTitleTextStyle; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.MaterialAlertDialog_backgroundInsetBottom = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialAlertDialog_backgroundInsetBottom; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.MaterialAlertDialog_backgroundInsetEnd = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialAlertDialog_backgroundInsetEnd; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.MaterialAlertDialog_backgroundInsetStart = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialAlertDialog_backgroundInsetStart; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.MaterialAlertDialog_backgroundInsetTop = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialAlertDialog_backgroundInsetTop; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.MaterialAutoCompleteTextView = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialAutoCompleteTextView; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.MaterialAutoCompleteTextView_android_inputType = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialAutoCompleteTextView_android_inputType; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.MaterialButton = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialButton; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.MaterialButtonToggleGroup = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialButtonToggleGroup; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.MaterialButtonToggleGroup_checkedButton = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialButtonToggleGroup_checkedButton; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.MaterialButtonToggleGroup_selectionRequired = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialButtonToggleGroup_selectionRequired; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.MaterialButtonToggleGroup_singleSelection = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialButtonToggleGroup_singleSelection; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.MaterialButton_android_background = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialButton_android_background; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.MaterialButton_android_checkable = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialButton_android_checkable; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.MaterialButton_android_insetBottom = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialButton_android_insetBottom; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.MaterialButton_android_insetLeft = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialButton_android_insetLeft; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.MaterialButton_android_insetRight = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialButton_android_insetRight; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.MaterialButton_android_insetTop = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialButton_android_insetTop; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.MaterialButton_backgroundTint = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialButton_backgroundTint; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.MaterialButton_backgroundTintMode = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialButton_backgroundTintMode; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.MaterialButton_cornerRadius = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialButton_cornerRadius; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.MaterialButton_elevation = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialButton_elevation; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.MaterialButton_icon = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialButton_icon; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.MaterialButton_iconGravity = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialButton_iconGravity; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.MaterialButton_iconPadding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialButton_iconPadding; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.MaterialButton_iconSize = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialButton_iconSize; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.MaterialButton_iconTint = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialButton_iconTint; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.MaterialButton_iconTintMode = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialButton_iconTintMode; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.MaterialButton_rippleColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialButton_rippleColor; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.MaterialButton_shapeAppearance = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialButton_shapeAppearance; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.MaterialButton_shapeAppearanceOverlay = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialButton_shapeAppearanceOverlay; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.MaterialButton_strokeColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialButton_strokeColor; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.MaterialButton_strokeWidth = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialButton_strokeWidth; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.MaterialCalendar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialCalendar; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.MaterialCalendarItem = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialCalendarItem; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.MaterialCalendarItem_android_insetBottom = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialCalendarItem_android_insetBottom; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.MaterialCalendarItem_android_insetLeft = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialCalendarItem_android_insetLeft; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.MaterialCalendarItem_android_insetRight = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialCalendarItem_android_insetRight; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.MaterialCalendarItem_android_insetTop = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialCalendarItem_android_insetTop; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.MaterialCalendarItem_itemFillColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialCalendarItem_itemFillColor; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.MaterialCalendarItem_itemShapeAppearance = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialCalendarItem_itemShapeAppearance; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.MaterialCalendarItem_itemShapeAppearanceOverlay = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialCalendarItem_itemShapeAppearanceOverlay; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.MaterialCalendarItem_itemStrokeColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialCalendarItem_itemStrokeColor; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.MaterialCalendarItem_itemStrokeWidth = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialCalendarItem_itemStrokeWidth; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.MaterialCalendarItem_itemTextColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialCalendarItem_itemTextColor; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.MaterialCalendar_android_windowFullscreen = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialCalendar_android_windowFullscreen; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.MaterialCalendar_dayInvalidStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialCalendar_dayInvalidStyle; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.MaterialCalendar_daySelectedStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialCalendar_daySelectedStyle; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.MaterialCalendar_dayStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialCalendar_dayStyle; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.MaterialCalendar_dayTodayStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialCalendar_dayTodayStyle; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.MaterialCalendar_rangeFillColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialCalendar_rangeFillColor; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.MaterialCalendar_yearSelectedStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialCalendar_yearSelectedStyle; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.MaterialCalendar_yearStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialCalendar_yearStyle; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.MaterialCalendar_yearTodayStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialCalendar_yearTodayStyle; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.MaterialCardView = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialCardView; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.MaterialCardView_android_checkable = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialCardView_android_checkable; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.MaterialCardView_cardForegroundColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialCardView_cardForegroundColor; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.MaterialCardView_checkedIcon = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialCardView_checkedIcon; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.MaterialCardView_checkedIconTint = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialCardView_checkedIconTint; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.MaterialCardView_rippleColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialCardView_rippleColor; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.MaterialCardView_shapeAppearance = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialCardView_shapeAppearance; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.MaterialCardView_shapeAppearanceOverlay = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialCardView_shapeAppearanceOverlay; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.MaterialCardView_state_dragged = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialCardView_state_dragged; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.MaterialCardView_strokeColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialCardView_strokeColor; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.MaterialCardView_strokeWidth = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialCardView_strokeWidth; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.MaterialCheckBox = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialCheckBox; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.MaterialCheckBox_buttonTint = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialCheckBox_buttonTint; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.MaterialCheckBox_useMaterialThemeColors = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialCheckBox_useMaterialThemeColors; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.MaterialRadioButton = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialRadioButton; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.MaterialRadioButton_buttonTint = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialRadioButton_buttonTint; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.MaterialRadioButton_useMaterialThemeColors = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialRadioButton_useMaterialThemeColors; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.MaterialShape = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialShape; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.MaterialShape_shapeAppearance = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialShape_shapeAppearance; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.MaterialShape_shapeAppearanceOverlay = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialShape_shapeAppearanceOverlay; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.MaterialTextAppearance = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialTextAppearance; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.MaterialTextAppearance_android_lineHeight = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialTextAppearance_android_lineHeight; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.MaterialTextAppearance_lineHeight = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialTextAppearance_lineHeight; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.MaterialTextView = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialTextView; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.MaterialTextView_android_lineHeight = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialTextView_android_lineHeight; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.MaterialTextView_android_textAppearance = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialTextView_android_textAppearance; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.MaterialTextView_lineHeight = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialTextView_lineHeight; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.MenuGroup = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MenuGroup; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.MenuGroup_android_checkableBehavior = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MenuGroup_android_checkableBehavior; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.MenuGroup_android_enabled = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MenuGroup_android_enabled; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.MenuGroup_android_id = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MenuGroup_android_id; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.MenuGroup_android_menuCategory = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MenuGroup_android_menuCategory; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.MenuGroup_android_orderInCategory = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MenuGroup_android_orderInCategory; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.MenuGroup_android_visible = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MenuGroup_android_visible; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.MenuItem = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MenuItem; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.MenuItem_actionLayout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MenuItem_actionLayout; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.MenuItem_actionProviderClass = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MenuItem_actionProviderClass; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.MenuItem_actionViewClass = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MenuItem_actionViewClass; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.MenuItem_alphabeticModifiers = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MenuItem_alphabeticModifiers; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.MenuItem_android_alphabeticShortcut = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MenuItem_android_alphabeticShortcut; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.MenuItem_android_checkable = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MenuItem_android_checkable; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.MenuItem_android_checked = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MenuItem_android_checked; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.MenuItem_android_enabled = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MenuItem_android_enabled; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.MenuItem_android_icon = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MenuItem_android_icon; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.MenuItem_android_id = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MenuItem_android_id; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.MenuItem_android_menuCategory = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MenuItem_android_menuCategory; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.MenuItem_android_numericShortcut = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MenuItem_android_numericShortcut; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.MenuItem_android_onClick = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MenuItem_android_onClick; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.MenuItem_android_orderInCategory = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MenuItem_android_orderInCategory; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.MenuItem_android_title = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MenuItem_android_title; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.MenuItem_android_titleCondensed = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MenuItem_android_titleCondensed; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.MenuItem_android_visible = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MenuItem_android_visible; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.MenuItem_contentDescription = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MenuItem_contentDescription; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.MenuItem_iconTint = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MenuItem_iconTint; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.MenuItem_iconTintMode = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MenuItem_iconTintMode; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.MenuItem_numericModifiers = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MenuItem_numericModifiers; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.MenuItem_showAsAction = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MenuItem_showAsAction; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.MenuItem_tooltipText = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MenuItem_tooltipText; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.MenuView = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MenuView; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.MenuView_android_headerBackground = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MenuView_android_headerBackground; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.MenuView_android_horizontalDivider = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MenuView_android_horizontalDivider; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.MenuView_android_itemBackground = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MenuView_android_itemBackground; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.MenuView_android_itemIconDisabledAlpha = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MenuView_android_itemIconDisabledAlpha; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.MenuView_android_itemTextAppearance = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MenuView_android_itemTextAppearance; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.MenuView_android_verticalDivider = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MenuView_android_verticalDivider; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.MenuView_android_windowAnimationStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MenuView_android_windowAnimationStyle; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.MenuView_preserveIconSpacing = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MenuView_preserveIconSpacing; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.MenuView_subMenuArrow = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MenuView_subMenuArrow; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.NavAction = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.NavAction; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.NavAction_android_id = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.NavAction_android_id; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.NavAction_destination = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.NavAction_destination; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.NavAction_enterAnim = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.NavAction_enterAnim; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.NavAction_exitAnim = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.NavAction_exitAnim; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.NavAction_launchSingleTop = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.NavAction_launchSingleTop; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.NavAction_popEnterAnim = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.NavAction_popEnterAnim; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.NavAction_popExitAnim = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.NavAction_popExitAnim; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.NavAction_popUpTo = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.NavAction_popUpTo; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.NavAction_popUpToInclusive = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.NavAction_popUpToInclusive; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.NavArgument = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.NavArgument; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.NavArgument_android_defaultValue = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.NavArgument_android_defaultValue; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.NavArgument_android_name = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.NavArgument_android_name; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.NavArgument_argType = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.NavArgument_argType; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.NavArgument_nullable = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.NavArgument_nullable; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.NavDeepLink = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.NavDeepLink; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.NavDeepLink_action = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.NavDeepLink_action; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.NavDeepLink_android_autoVerify = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.NavDeepLink_android_autoVerify; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.NavDeepLink_mimeType = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.NavDeepLink_mimeType; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.NavDeepLink_uri = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.NavDeepLink_uri; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.NavGraphNavigator = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.NavGraphNavigator; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.NavGraphNavigator_startDestination = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.NavGraphNavigator_startDestination; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.NavHost = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.NavHost; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.NavHost_navGraph = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.NavHost_navGraph; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.NavigationView = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.NavigationView; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.NavigationView_android_background = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.NavigationView_android_background; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.NavigationView_android_fitsSystemWindows = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.NavigationView_android_fitsSystemWindows; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.NavigationView_android_maxWidth = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.NavigationView_android_maxWidth; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.NavigationView_elevation = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.NavigationView_elevation; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.NavigationView_headerLayout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.NavigationView_headerLayout; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.NavigationView_itemBackground = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.NavigationView_itemBackground; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.NavigationView_itemHorizontalPadding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.NavigationView_itemHorizontalPadding; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.NavigationView_itemIconPadding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.NavigationView_itemIconPadding; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.NavigationView_itemIconSize = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.NavigationView_itemIconSize; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.NavigationView_itemIconTint = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.NavigationView_itemIconTint; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.NavigationView_itemMaxLines = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.NavigationView_itemMaxLines; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.NavigationView_itemShapeAppearance = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.NavigationView_itemShapeAppearance; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.NavigationView_itemShapeAppearanceOverlay = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.NavigationView_itemShapeAppearanceOverlay; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.NavigationView_itemShapeFillColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.NavigationView_itemShapeFillColor; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.NavigationView_itemShapeInsetBottom = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.NavigationView_itemShapeInsetBottom; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.NavigationView_itemShapeInsetEnd = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.NavigationView_itemShapeInsetEnd; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.NavigationView_itemShapeInsetStart = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.NavigationView_itemShapeInsetStart; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.NavigationView_itemShapeInsetTop = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.NavigationView_itemShapeInsetTop; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.NavigationView_itemTextAppearance = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.NavigationView_itemTextAppearance; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.NavigationView_itemTextColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.NavigationView_itemTextColor; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.NavigationView_menu = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.NavigationView_menu; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.Navigator = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Navigator; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.Navigator_android_id = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Navigator_android_id; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.Navigator_android_label = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Navigator_android_label; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.NavInclude = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.NavInclude; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.NavInclude_graph = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.NavInclude_graph; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.PopupWindow = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.PopupWindow; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.PopupWindowBackgroundState = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.PopupWindowBackgroundState; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.PopupWindowBackgroundState_state_above_anchor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.PopupWindowBackgroundState_state_above_anchor; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.PopupWindow_android_popupAnimationStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.PopupWindow_android_popupAnimationStyle; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.PopupWindow_android_popupBackground = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.PopupWindow_android_popupBackground; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.PopupWindow_overlapAnchor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.PopupWindow_overlapAnchor; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.RangeSlider = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.RangeSlider; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.RangeSlider_values = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.RangeSlider_values; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.RecycleListView = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.RecycleListView; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.RecycleListView_paddingBottomNoButtons = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.RecycleListView_paddingBottomNoButtons; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.RecycleListView_paddingTopNoTitle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.RecycleListView_paddingTopNoTitle; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.RecyclerView = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.RecyclerView; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.RecyclerView_android_clipToPadding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.RecyclerView_android_clipToPadding; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.RecyclerView_android_descendantFocusability = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.RecyclerView_android_descendantFocusability; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.RecyclerView_android_orientation = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.RecyclerView_android_orientation; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.RecyclerView_fastScrollEnabled = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.RecyclerView_fastScrollEnabled; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.RecyclerView_fastScrollHorizontalThumbDrawable = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.RecyclerView_fastScrollHorizontalThumbDrawable; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.RecyclerView_fastScrollHorizontalTrackDrawable = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.RecyclerView_fastScrollHorizontalTrackDrawable; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.RecyclerView_fastScrollVerticalThumbDrawable = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.RecyclerView_fastScrollVerticalThumbDrawable; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.RecyclerView_fastScrollVerticalTrackDrawable = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.RecyclerView_fastScrollVerticalTrackDrawable; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.RecyclerView_layoutManager = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.RecyclerView_layoutManager; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.RecyclerView_reverseLayout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.RecyclerView_reverseLayout; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.RecyclerView_spanCount = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.RecyclerView_spanCount; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.RecyclerView_stackFromEnd = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.RecyclerView_stackFromEnd; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.ScrimInsetsFrameLayout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ScrimInsetsFrameLayout; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.ScrimInsetsFrameLayout_insetForeground = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ScrimInsetsFrameLayout_insetForeground; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.ScrollingViewBehavior_Layout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ScrollingViewBehavior_Layout; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.ScrollingViewBehavior_Layout_behavior_overlapTop = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ScrollingViewBehavior_Layout_behavior_overlapTop; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.ScrollViewRendererTheme = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ScrollViewRendererTheme; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.ScrollViewRendererTheme_scrollViewStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ScrollViewRendererTheme_scrollViewStyle; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.SearchView = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.SearchView; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.SearchView_android_focusable = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.SearchView_android_focusable; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.SearchView_android_imeOptions = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.SearchView_android_imeOptions; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.SearchView_android_inputType = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.SearchView_android_inputType; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.SearchView_android_maxWidth = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.SearchView_android_maxWidth; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.SearchView_closeIcon = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.SearchView_closeIcon; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.SearchView_commitIcon = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.SearchView_commitIcon; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.SearchView_defaultQueryHint = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.SearchView_defaultQueryHint; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.SearchView_goIcon = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.SearchView_goIcon; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.SearchView_iconifiedByDefault = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.SearchView_iconifiedByDefault; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.SearchView_layout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.SearchView_layout; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.SearchView_queryBackground = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.SearchView_queryBackground; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.SearchView_queryHint = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.SearchView_queryHint; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.SearchView_searchHintIcon = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.SearchView_searchHintIcon; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.SearchView_searchIcon = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.SearchView_searchIcon; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.SearchView_submitBackground = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.SearchView_submitBackground; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.SearchView_suggestionRowLayout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.SearchView_suggestionRowLayout; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.SearchView_voiceIcon = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.SearchView_voiceIcon; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.ShapeableImageView = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ShapeableImageView; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.ShapeableImageView_shapeAppearance = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ShapeableImageView_shapeAppearance; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.ShapeableImageView_shapeAppearanceOverlay = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ShapeableImageView_shapeAppearanceOverlay; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.ShapeableImageView_strokeColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ShapeableImageView_strokeColor; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.ShapeableImageView_strokeWidth = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ShapeableImageView_strokeWidth; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.ShapeAppearance = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ShapeAppearance; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.ShapeAppearance_cornerFamily = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ShapeAppearance_cornerFamily; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.ShapeAppearance_cornerFamilyBottomLeft = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ShapeAppearance_cornerFamilyBottomLeft; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.ShapeAppearance_cornerFamilyBottomRight = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ShapeAppearance_cornerFamilyBottomRight; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.ShapeAppearance_cornerFamilyTopLeft = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ShapeAppearance_cornerFamilyTopLeft; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.ShapeAppearance_cornerFamilyTopRight = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ShapeAppearance_cornerFamilyTopRight; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.ShapeAppearance_cornerSize = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ShapeAppearance_cornerSize; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.ShapeAppearance_cornerSizeBottomLeft = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ShapeAppearance_cornerSizeBottomLeft; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.ShapeAppearance_cornerSizeBottomRight = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ShapeAppearance_cornerSizeBottomRight; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.ShapeAppearance_cornerSizeTopLeft = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ShapeAppearance_cornerSizeTopLeft; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.ShapeAppearance_cornerSizeTopRight = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ShapeAppearance_cornerSizeTopRight; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.Slider = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Slider; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.Slider_android_enabled = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Slider_android_enabled; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.Slider_android_stepSize = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Slider_android_stepSize; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.Slider_android_value = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Slider_android_value; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.Slider_android_valueFrom = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Slider_android_valueFrom; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.Slider_android_valueTo = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Slider_android_valueTo; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.Slider_haloColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Slider_haloColor; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.Slider_haloRadius = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Slider_haloRadius; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.Slider_labelBehavior = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Slider_labelBehavior; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.Slider_labelStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Slider_labelStyle; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.Slider_thumbColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Slider_thumbColor; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.Slider_thumbElevation = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Slider_thumbElevation; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.Slider_thumbRadius = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Slider_thumbRadius; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.Slider_tickColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Slider_tickColor; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.Slider_tickColorActive = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Slider_tickColorActive; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.Slider_tickColorInactive = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Slider_tickColorInactive; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.Slider_trackColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Slider_trackColor; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.Slider_trackColorActive = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Slider_trackColorActive; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.Slider_trackColorInactive = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Slider_trackColorInactive; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.Slider_trackHeight = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Slider_trackHeight; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.Snackbar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Snackbar; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.SnackbarLayout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.SnackbarLayout; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.SnackbarLayout_actionTextColorAlpha = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.SnackbarLayout_actionTextColorAlpha; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.SnackbarLayout_android_maxWidth = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.SnackbarLayout_android_maxWidth; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.SnackbarLayout_animationMode = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.SnackbarLayout_animationMode; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.SnackbarLayout_backgroundOverlayColorAlpha = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.SnackbarLayout_backgroundOverlayColorAlpha; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.SnackbarLayout_backgroundTint = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.SnackbarLayout_backgroundTint; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.SnackbarLayout_backgroundTintMode = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.SnackbarLayout_backgroundTintMode; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.SnackbarLayout_elevation = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.SnackbarLayout_elevation; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.SnackbarLayout_maxActionInlineWidth = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.SnackbarLayout_maxActionInlineWidth; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.Snackbar_snackbarButtonStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Snackbar_snackbarButtonStyle; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.Snackbar_snackbarStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Snackbar_snackbarStyle; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.Snackbar_snackbarTextViewStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Snackbar_snackbarTextViewStyle; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.Spinner = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Spinner; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.Spinner_android_dropDownWidth = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Spinner_android_dropDownWidth; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.Spinner_android_entries = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Spinner_android_entries; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.Spinner_android_popupBackground = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Spinner_android_popupBackground; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.Spinner_android_prompt = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Spinner_android_prompt; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.Spinner_popupTheme = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Spinner_popupTheme; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.StateListDrawable = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.StateListDrawable; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.StateListDrawableItem = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.StateListDrawableItem; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.StateListDrawableItem_android_drawable = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.StateListDrawableItem_android_drawable; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.StateListDrawable_android_constantSize = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.StateListDrawable_android_constantSize; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.StateListDrawable_android_dither = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.StateListDrawable_android_dither; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.StateListDrawable_android_enterFadeDuration = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.StateListDrawable_android_enterFadeDuration; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.StateListDrawable_android_exitFadeDuration = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.StateListDrawable_android_exitFadeDuration; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.StateListDrawable_android_variablePadding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.StateListDrawable_android_variablePadding; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.StateListDrawable_android_visible = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.StateListDrawable_android_visible; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.SwipeRefreshLayout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.SwipeRefreshLayout; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.SwipeRefreshLayout_swipeRefreshLayoutProgressSpinnerBackgroundColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.SwipeRefreshLayout_swipeRefreshLayoutProgressSpinnerBackgroundColor; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.SwitchCompat = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.SwitchCompat; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.SwitchCompat_android_textOff = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.SwitchCompat_android_textOff; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.SwitchCompat_android_textOn = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.SwitchCompat_android_textOn; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.SwitchCompat_android_thumb = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.SwitchCompat_android_thumb; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.SwitchCompat_showText = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.SwitchCompat_showText; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.SwitchCompat_splitTrack = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.SwitchCompat_splitTrack; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.SwitchCompat_switchMinWidth = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.SwitchCompat_switchMinWidth; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.SwitchCompat_switchPadding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.SwitchCompat_switchPadding; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.SwitchCompat_switchTextAppearance = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.SwitchCompat_switchTextAppearance; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.SwitchCompat_thumbTextPadding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.SwitchCompat_thumbTextPadding; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.SwitchCompat_thumbTint = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.SwitchCompat_thumbTint; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.SwitchCompat_thumbTintMode = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.SwitchCompat_thumbTintMode; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.SwitchCompat_track = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.SwitchCompat_track; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.SwitchCompat_trackTint = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.SwitchCompat_trackTint; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.SwitchCompat_trackTintMode = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.SwitchCompat_trackTintMode; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.SwitchMaterial = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.SwitchMaterial; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.SwitchMaterial_useMaterialThemeColors = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.SwitchMaterial_useMaterialThemeColors; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.TabItem = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TabItem; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.TabItem_android_icon = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TabItem_android_icon; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.TabItem_android_layout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TabItem_android_layout; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.TabItem_android_text = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TabItem_android_text; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.TabLayout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TabLayout; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.TabLayout_tabBackground = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TabLayout_tabBackground; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.TabLayout_tabContentStart = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TabLayout_tabContentStart; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.TabLayout_tabGravity = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TabLayout_tabGravity; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.TabLayout_tabIconTint = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TabLayout_tabIconTint; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.TabLayout_tabIconTintMode = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TabLayout_tabIconTintMode; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.TabLayout_tabIndicator = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TabLayout_tabIndicator; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.TabLayout_tabIndicatorAnimationDuration = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TabLayout_tabIndicatorAnimationDuration; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.TabLayout_tabIndicatorColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TabLayout_tabIndicatorColor; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.TabLayout_tabIndicatorFullWidth = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TabLayout_tabIndicatorFullWidth; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.TabLayout_tabIndicatorGravity = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TabLayout_tabIndicatorGravity; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.TabLayout_tabIndicatorHeight = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TabLayout_tabIndicatorHeight; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.TabLayout_tabInlineLabel = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TabLayout_tabInlineLabel; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.TabLayout_tabMaxWidth = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TabLayout_tabMaxWidth; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.TabLayout_tabMinWidth = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TabLayout_tabMinWidth; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.TabLayout_tabMode = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TabLayout_tabMode; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.TabLayout_tabPadding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TabLayout_tabPadding; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.TabLayout_tabPaddingBottom = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TabLayout_tabPaddingBottom; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.TabLayout_tabPaddingEnd = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TabLayout_tabPaddingEnd; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.TabLayout_tabPaddingStart = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TabLayout_tabPaddingStart; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.TabLayout_tabPaddingTop = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TabLayout_tabPaddingTop; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.TabLayout_tabRippleColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TabLayout_tabRippleColor; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.TabLayout_tabSelectedTextColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TabLayout_tabSelectedTextColor; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.TabLayout_tabTextAppearance = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TabLayout_tabTextAppearance; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.TabLayout_tabTextColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TabLayout_tabTextColor; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.TabLayout_tabUnboundedRipple = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TabLayout_tabUnboundedRipple; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.TextAppearance = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextAppearance; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.TextAppearance_android_fontFamily = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextAppearance_android_fontFamily; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.TextAppearance_android_shadowColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextAppearance_android_shadowColor; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.TextAppearance_android_shadowDx = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextAppearance_android_shadowDx; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.TextAppearance_android_shadowDy = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextAppearance_android_shadowDy; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.TextAppearance_android_shadowRadius = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextAppearance_android_shadowRadius; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.TextAppearance_android_textColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextAppearance_android_textColor; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.TextAppearance_android_textColorHint = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextAppearance_android_textColorHint; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.TextAppearance_android_textColorLink = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextAppearance_android_textColorLink; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.TextAppearance_android_textFontWeight = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextAppearance_android_textFontWeight; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.TextAppearance_android_textSize = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextAppearance_android_textSize; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.TextAppearance_android_textStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextAppearance_android_textStyle; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.TextAppearance_android_typeface = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextAppearance_android_typeface; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.TextAppearance_fontFamily = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextAppearance_fontFamily; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.TextAppearance_fontVariationSettings = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextAppearance_fontVariationSettings; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.TextAppearance_textAllCaps = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextAppearance_textAllCaps; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.TextAppearance_textLocale = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextAppearance_textLocale; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.TextInputEditText = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextInputEditText; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.TextInputEditText_textInputLayoutFocusedRectEnabled = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextInputEditText_textInputLayoutFocusedRectEnabled; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.TextInputLayout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextInputLayout; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.TextInputLayout_android_enabled = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextInputLayout_android_enabled; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.TextInputLayout_android_hint = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextInputLayout_android_hint; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.TextInputLayout_android_textColorHint = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextInputLayout_android_textColorHint; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.TextInputLayout_boxBackgroundColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextInputLayout_boxBackgroundColor; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.TextInputLayout_boxBackgroundMode = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextInputLayout_boxBackgroundMode; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.TextInputLayout_boxCollapsedPaddingTop = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextInputLayout_boxCollapsedPaddingTop; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.TextInputLayout_boxCornerRadiusBottomEnd = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextInputLayout_boxCornerRadiusBottomEnd; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.TextInputLayout_boxCornerRadiusBottomStart = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextInputLayout_boxCornerRadiusBottomStart; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.TextInputLayout_boxCornerRadiusTopEnd = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextInputLayout_boxCornerRadiusTopEnd; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.TextInputLayout_boxCornerRadiusTopStart = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextInputLayout_boxCornerRadiusTopStart; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.TextInputLayout_boxStrokeColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextInputLayout_boxStrokeColor; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.TextInputLayout_boxStrokeErrorColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextInputLayout_boxStrokeErrorColor; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.TextInputLayout_boxStrokeWidth = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextInputLayout_boxStrokeWidth; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.TextInputLayout_boxStrokeWidthFocused = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextInputLayout_boxStrokeWidthFocused; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.TextInputLayout_counterEnabled = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextInputLayout_counterEnabled; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.TextInputLayout_counterMaxLength = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextInputLayout_counterMaxLength; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.TextInputLayout_counterOverflowTextAppearance = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextInputLayout_counterOverflowTextAppearance; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.TextInputLayout_counterOverflowTextColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextInputLayout_counterOverflowTextColor; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.TextInputLayout_counterTextAppearance = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextInputLayout_counterTextAppearance; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.TextInputLayout_counterTextColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextInputLayout_counterTextColor; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.TextInputLayout_endIconCheckable = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextInputLayout_endIconCheckable; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.TextInputLayout_endIconContentDescription = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextInputLayout_endIconContentDescription; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.TextInputLayout_endIconDrawable = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextInputLayout_endIconDrawable; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.TextInputLayout_endIconMode = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextInputLayout_endIconMode; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.TextInputLayout_endIconTint = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextInputLayout_endIconTint; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.TextInputLayout_endIconTintMode = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextInputLayout_endIconTintMode; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.TextInputLayout_errorContentDescription = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextInputLayout_errorContentDescription; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.TextInputLayout_errorEnabled = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextInputLayout_errorEnabled; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.TextInputLayout_errorIconDrawable = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextInputLayout_errorIconDrawable; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.TextInputLayout_errorIconTint = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextInputLayout_errorIconTint; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.TextInputLayout_errorIconTintMode = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextInputLayout_errorIconTintMode; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.TextInputLayout_errorTextAppearance = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextInputLayout_errorTextAppearance; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.TextInputLayout_errorTextColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextInputLayout_errorTextColor; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.TextInputLayout_helperText = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextInputLayout_helperText; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.TextInputLayout_helperTextEnabled = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextInputLayout_helperTextEnabled; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.TextInputLayout_helperTextTextAppearance = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextInputLayout_helperTextTextAppearance; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.TextInputLayout_helperTextTextColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextInputLayout_helperTextTextColor; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.TextInputLayout_hintAnimationEnabled = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextInputLayout_hintAnimationEnabled; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.TextInputLayout_hintEnabled = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextInputLayout_hintEnabled; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.TextInputLayout_hintTextAppearance = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextInputLayout_hintTextAppearance; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.TextInputLayout_hintTextColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextInputLayout_hintTextColor; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.TextInputLayout_passwordToggleContentDescription = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextInputLayout_passwordToggleContentDescription; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.TextInputLayout_passwordToggleDrawable = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextInputLayout_passwordToggleDrawable; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.TextInputLayout_passwordToggleEnabled = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextInputLayout_passwordToggleEnabled; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.TextInputLayout_passwordToggleTint = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextInputLayout_passwordToggleTint; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.TextInputLayout_passwordToggleTintMode = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextInputLayout_passwordToggleTintMode; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.TextInputLayout_placeholderText = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextInputLayout_placeholderText; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.TextInputLayout_placeholderTextAppearance = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextInputLayout_placeholderTextAppearance; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.TextInputLayout_placeholderTextColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextInputLayout_placeholderTextColor; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.TextInputLayout_prefixText = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextInputLayout_prefixText; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.TextInputLayout_prefixTextAppearance = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextInputLayout_prefixTextAppearance; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.TextInputLayout_prefixTextColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextInputLayout_prefixTextColor; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.TextInputLayout_shapeAppearance = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextInputLayout_shapeAppearance; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.TextInputLayout_shapeAppearanceOverlay = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextInputLayout_shapeAppearanceOverlay; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.TextInputLayout_startIconCheckable = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextInputLayout_startIconCheckable; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.TextInputLayout_startIconContentDescription = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextInputLayout_startIconContentDescription; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.TextInputLayout_startIconDrawable = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextInputLayout_startIconDrawable; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.TextInputLayout_startIconTint = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextInputLayout_startIconTint; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.TextInputLayout_startIconTintMode = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextInputLayout_startIconTintMode; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.TextInputLayout_suffixText = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextInputLayout_suffixText; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.TextInputLayout_suffixTextAppearance = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextInputLayout_suffixTextAppearance; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.TextInputLayout_suffixTextColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextInputLayout_suffixTextColor; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.ThemeEnforcement = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ThemeEnforcement; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.ThemeEnforcement_android_textAppearance = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ThemeEnforcement_android_textAppearance; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.ThemeEnforcement_enforceMaterialTheme = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ThemeEnforcement_enforceMaterialTheme; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.ThemeEnforcement_enforceTextAppearance = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ThemeEnforcement_enforceTextAppearance; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.Toolbar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Toolbar; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.Toolbar_android_gravity = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Toolbar_android_gravity; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.Toolbar_android_minHeight = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Toolbar_android_minHeight; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.Toolbar_buttonGravity = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Toolbar_buttonGravity; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.Toolbar_collapseContentDescription = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Toolbar_collapseContentDescription; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.Toolbar_collapseIcon = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Toolbar_collapseIcon; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.Toolbar_contentInsetEnd = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Toolbar_contentInsetEnd; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.Toolbar_contentInsetEndWithActions = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Toolbar_contentInsetEndWithActions; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.Toolbar_contentInsetLeft = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Toolbar_contentInsetLeft; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.Toolbar_contentInsetRight = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Toolbar_contentInsetRight; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.Toolbar_contentInsetStart = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Toolbar_contentInsetStart; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.Toolbar_contentInsetStartWithNavigation = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Toolbar_contentInsetStartWithNavigation; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.Toolbar_logo = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Toolbar_logo; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.Toolbar_logoDescription = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Toolbar_logoDescription; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.Toolbar_maxButtonHeight = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Toolbar_maxButtonHeight; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.Toolbar_menu = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Toolbar_menu; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.Toolbar_navigationContentDescription = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Toolbar_navigationContentDescription; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.Toolbar_navigationIcon = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Toolbar_navigationIcon; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.Toolbar_popupTheme = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Toolbar_popupTheme; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.Toolbar_subtitle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Toolbar_subtitle; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.Toolbar_subtitleTextAppearance = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Toolbar_subtitleTextAppearance; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.Toolbar_subtitleTextColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Toolbar_subtitleTextColor; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.Toolbar_title = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Toolbar_title; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.Toolbar_titleMargin = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Toolbar_titleMargin; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.Toolbar_titleMarginBottom = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Toolbar_titleMarginBottom; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.Toolbar_titleMarginEnd = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Toolbar_titleMarginEnd; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.Toolbar_titleMargins = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Toolbar_titleMargins; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.Toolbar_titleMarginStart = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Toolbar_titleMarginStart; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.Toolbar_titleMarginTop = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Toolbar_titleMarginTop; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.Toolbar_titleTextAppearance = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Toolbar_titleTextAppearance; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.Toolbar_titleTextColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Toolbar_titleTextColor; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.Tooltip = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Tooltip; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.Tooltip_android_layout_margin = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Tooltip_android_layout_margin; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.Tooltip_android_minHeight = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Tooltip_android_minHeight; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.Tooltip_android_minWidth = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Tooltip_android_minWidth; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.Tooltip_android_padding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Tooltip_android_padding; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.Tooltip_android_text = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Tooltip_android_text; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.Tooltip_android_textAppearance = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Tooltip_android_textAppearance; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.Tooltip_backgroundTint = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Tooltip_backgroundTint; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.View = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.View; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.ViewBackgroundHelper = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ViewBackgroundHelper; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.ViewBackgroundHelper_android_background = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ViewBackgroundHelper_android_background; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.ViewBackgroundHelper_backgroundTint = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ViewBackgroundHelper_backgroundTint; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.ViewBackgroundHelper_backgroundTintMode = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ViewBackgroundHelper_backgroundTintMode; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.ViewPager2 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ViewPager2; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.ViewPager2_android_orientation = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ViewPager2_android_orientation; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.ViewStubCompat = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ViewStubCompat; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.ViewStubCompat_android_id = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ViewStubCompat_android_id; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.ViewStubCompat_android_inflatedId = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ViewStubCompat_android_inflatedId; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.ViewStubCompat_android_layout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ViewStubCompat_android_layout; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.View_android_focusable = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.View_android_focusable; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.View_android_theme = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.View_android_theme; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.View_paddingEnd = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.View_paddingEnd; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.View_paddingStart = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.View_paddingStart; - global::Xamarin.Forms.Platform.Android.Resource.Styleable.View_theme = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.View_theme; - global::Xamarin.Forms.Platform.Android.Resource.Xml.standalone_badge = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Xml.standalone_badge; - global::Xamarin.Forms.Platform.Android.Resource.Xml.standalone_badge_gravity_bottom_end = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Xml.standalone_badge_gravity_bottom_end; - global::Xamarin.Forms.Platform.Android.Resource.Xml.standalone_badge_gravity_bottom_start = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Xml.standalone_badge_gravity_bottom_start; - global::Xamarin.Forms.Platform.Android.Resource.Xml.standalone_badge_gravity_top_start = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Xml.standalone_badge_gravity_top_start; - global::Xamarin.Forms.Platform.Android.Resource.Xml.standalone_badge_offset = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Xml.standalone_badge_offset; - global::Xamarin.Forms.Platform.Resource.Animation.abc_fade_in = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Animation.abc_fade_in; - global::Xamarin.Forms.Platform.Resource.Animation.abc_fade_out = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Animation.abc_fade_out; - global::Xamarin.Forms.Platform.Resource.Animation.abc_grow_fade_in_from_bottom = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Animation.abc_grow_fade_in_from_bottom; - global::Xamarin.Forms.Platform.Resource.Animation.abc_popup_enter = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Animation.abc_popup_enter; - global::Xamarin.Forms.Platform.Resource.Animation.abc_popup_exit = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Animation.abc_popup_exit; - global::Xamarin.Forms.Platform.Resource.Animation.abc_shrink_fade_out_from_bottom = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Animation.abc_shrink_fade_out_from_bottom; - global::Xamarin.Forms.Platform.Resource.Animation.abc_slide_in_bottom = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Animation.abc_slide_in_bottom; - global::Xamarin.Forms.Platform.Resource.Animation.abc_slide_in_top = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Animation.abc_slide_in_top; - global::Xamarin.Forms.Platform.Resource.Animation.abc_slide_out_bottom = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Animation.abc_slide_out_bottom; - global::Xamarin.Forms.Platform.Resource.Animation.abc_slide_out_top = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Animation.abc_slide_out_top; - global::Xamarin.Forms.Platform.Resource.Animation.abc_tooltip_enter = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Animation.abc_tooltip_enter; - global::Xamarin.Forms.Platform.Resource.Animation.abc_tooltip_exit = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Animation.abc_tooltip_exit; - global::Xamarin.Forms.Platform.Resource.Animation.btn_checkbox_to_checked_box_inner_merged_animation = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Animation.btn_checkbox_to_checked_box_inner_merged_animation; - global::Xamarin.Forms.Platform.Resource.Animation.btn_checkbox_to_checked_box_outer_merged_animation = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Animation.btn_checkbox_to_checked_box_outer_merged_animation; - global::Xamarin.Forms.Platform.Resource.Animation.btn_checkbox_to_checked_icon_null_animation = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Animation.btn_checkbox_to_checked_icon_null_animation; - global::Xamarin.Forms.Platform.Resource.Animation.btn_checkbox_to_unchecked_box_inner_merged_animation = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Animation.btn_checkbox_to_unchecked_box_inner_merged_animation; - global::Xamarin.Forms.Platform.Resource.Animation.btn_checkbox_to_unchecked_check_path_merged_animation = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Animation.btn_checkbox_to_unchecked_check_path_merged_animation; - global::Xamarin.Forms.Platform.Resource.Animation.btn_checkbox_to_unchecked_icon_null_animation = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Animation.btn_checkbox_to_unchecked_icon_null_animation; - global::Xamarin.Forms.Platform.Resource.Animation.btn_radio_to_off_mtrl_dot_group_animation = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Animation.btn_radio_to_off_mtrl_dot_group_animation; - global::Xamarin.Forms.Platform.Resource.Animation.btn_radio_to_off_mtrl_ring_outer_animation = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Animation.btn_radio_to_off_mtrl_ring_outer_animation; - global::Xamarin.Forms.Platform.Resource.Animation.btn_radio_to_off_mtrl_ring_outer_path_animation = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Animation.btn_radio_to_off_mtrl_ring_outer_path_animation; - global::Xamarin.Forms.Platform.Resource.Animation.btn_radio_to_on_mtrl_dot_group_animation = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Animation.btn_radio_to_on_mtrl_dot_group_animation; - global::Xamarin.Forms.Platform.Resource.Animation.btn_radio_to_on_mtrl_ring_outer_animation = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Animation.btn_radio_to_on_mtrl_ring_outer_animation; - global::Xamarin.Forms.Platform.Resource.Animation.btn_radio_to_on_mtrl_ring_outer_path_animation = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Animation.btn_radio_to_on_mtrl_ring_outer_path_animation; - global::Xamarin.Forms.Platform.Resource.Animation.design_bottom_sheet_slide_in = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Animation.design_bottom_sheet_slide_in; - global::Xamarin.Forms.Platform.Resource.Animation.design_bottom_sheet_slide_out = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Animation.design_bottom_sheet_slide_out; - global::Xamarin.Forms.Platform.Resource.Animation.design_snackbar_in = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Animation.design_snackbar_in; - global::Xamarin.Forms.Platform.Resource.Animation.design_snackbar_out = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Animation.design_snackbar_out; - global::Xamarin.Forms.Platform.Resource.Animation.EnterFromLeft = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Animation.EnterFromLeft; - global::Xamarin.Forms.Platform.Resource.Animation.EnterFromRight = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Animation.EnterFromRight; - global::Xamarin.Forms.Platform.Resource.Animation.ExitToLeft = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Animation.ExitToLeft; - global::Xamarin.Forms.Platform.Resource.Animation.ExitToRight = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Animation.ExitToRight; - global::Xamarin.Forms.Platform.Resource.Animation.fragment_fast_out_extra_slow_in = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Animation.fragment_fast_out_extra_slow_in; - global::Xamarin.Forms.Platform.Resource.Animation.mtrl_bottom_sheet_slide_in = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Animation.mtrl_bottom_sheet_slide_in; - global::Xamarin.Forms.Platform.Resource.Animation.mtrl_bottom_sheet_slide_out = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Animation.mtrl_bottom_sheet_slide_out; - global::Xamarin.Forms.Platform.Resource.Animation.mtrl_card_lowers_interpolator = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Animation.mtrl_card_lowers_interpolator; - global::Xamarin.Forms.Platform.Resource.Animation.nav_default_enter_anim = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Animation.nav_default_enter_anim; - global::Xamarin.Forms.Platform.Resource.Animation.nav_default_exit_anim = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Animation.nav_default_exit_anim; - global::Xamarin.Forms.Platform.Resource.Animation.nav_default_pop_enter_anim = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Animation.nav_default_pop_enter_anim; - global::Xamarin.Forms.Platform.Resource.Animation.nav_default_pop_exit_anim = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Animation.nav_default_pop_exit_anim; - global::Xamarin.Forms.Platform.Resource.Animator.design_appbar_state_list_animator = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Animator.design_appbar_state_list_animator; - global::Xamarin.Forms.Platform.Resource.Animator.design_fab_hide_motion_spec = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Animator.design_fab_hide_motion_spec; - global::Xamarin.Forms.Platform.Resource.Animator.design_fab_show_motion_spec = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Animator.design_fab_show_motion_spec; - global::Xamarin.Forms.Platform.Resource.Animator.fragment_close_enter = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Animator.fragment_close_enter; - global::Xamarin.Forms.Platform.Resource.Animator.fragment_close_exit = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Animator.fragment_close_exit; - global::Xamarin.Forms.Platform.Resource.Animator.fragment_fade_enter = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Animator.fragment_fade_enter; - global::Xamarin.Forms.Platform.Resource.Animator.fragment_fade_exit = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Animator.fragment_fade_exit; - global::Xamarin.Forms.Platform.Resource.Animator.fragment_open_enter = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Animator.fragment_open_enter; - global::Xamarin.Forms.Platform.Resource.Animator.fragment_open_exit = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Animator.fragment_open_exit; - global::Xamarin.Forms.Platform.Resource.Animator.mtrl_btn_state_list_anim = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Animator.mtrl_btn_state_list_anim; - global::Xamarin.Forms.Platform.Resource.Animator.mtrl_btn_unelevated_state_list_anim = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Animator.mtrl_btn_unelevated_state_list_anim; - global::Xamarin.Forms.Platform.Resource.Animator.mtrl_card_state_list_anim = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Animator.mtrl_card_state_list_anim; - global::Xamarin.Forms.Platform.Resource.Animator.mtrl_chip_state_list_anim = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Animator.mtrl_chip_state_list_anim; - global::Xamarin.Forms.Platform.Resource.Animator.mtrl_extended_fab_change_size_motion_spec = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Animator.mtrl_extended_fab_change_size_motion_spec; - global::Xamarin.Forms.Platform.Resource.Animator.mtrl_extended_fab_hide_motion_spec = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Animator.mtrl_extended_fab_hide_motion_spec; - global::Xamarin.Forms.Platform.Resource.Animator.mtrl_extended_fab_show_motion_spec = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Animator.mtrl_extended_fab_show_motion_spec; - global::Xamarin.Forms.Platform.Resource.Animator.mtrl_extended_fab_state_list_animator = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Animator.mtrl_extended_fab_state_list_animator; - global::Xamarin.Forms.Platform.Resource.Animator.mtrl_fab_hide_motion_spec = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Animator.mtrl_fab_hide_motion_spec; - global::Xamarin.Forms.Platform.Resource.Animator.mtrl_fab_show_motion_spec = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Animator.mtrl_fab_show_motion_spec; - global::Xamarin.Forms.Platform.Resource.Animator.mtrl_fab_transformation_sheet_collapse_spec = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Animator.mtrl_fab_transformation_sheet_collapse_spec; - global::Xamarin.Forms.Platform.Resource.Animator.mtrl_fab_transformation_sheet_expand_spec = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Animator.mtrl_fab_transformation_sheet_expand_spec; - global::Xamarin.Forms.Platform.Resource.Animator.nav_default_enter_anim = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Animator.nav_default_enter_anim; - global::Xamarin.Forms.Platform.Resource.Animator.nav_default_exit_anim = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Animator.nav_default_exit_anim; - global::Xamarin.Forms.Platform.Resource.Animator.nav_default_pop_enter_anim = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Animator.nav_default_pop_enter_anim; - global::Xamarin.Forms.Platform.Resource.Animator.nav_default_pop_exit_anim = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Animator.nav_default_pop_exit_anim; - global::Xamarin.Forms.Platform.Resource.Attribute.action = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.action; - global::Xamarin.Forms.Platform.Resource.Attribute.actionBarDivider = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.actionBarDivider; - global::Xamarin.Forms.Platform.Resource.Attribute.actionBarItemBackground = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.actionBarItemBackground; - global::Xamarin.Forms.Platform.Resource.Attribute.actionBarPopupTheme = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.actionBarPopupTheme; - global::Xamarin.Forms.Platform.Resource.Attribute.actionBarSize = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.actionBarSize; - global::Xamarin.Forms.Platform.Resource.Attribute.actionBarSplitStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.actionBarSplitStyle; - global::Xamarin.Forms.Platform.Resource.Attribute.actionBarStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.actionBarStyle; - global::Xamarin.Forms.Platform.Resource.Attribute.actionBarTabBarStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.actionBarTabBarStyle; - global::Xamarin.Forms.Platform.Resource.Attribute.actionBarTabStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.actionBarTabStyle; - global::Xamarin.Forms.Platform.Resource.Attribute.actionBarTabTextStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.actionBarTabTextStyle; - global::Xamarin.Forms.Platform.Resource.Attribute.actionBarTheme = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.actionBarTheme; - global::Xamarin.Forms.Platform.Resource.Attribute.actionBarWidgetTheme = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.actionBarWidgetTheme; - global::Xamarin.Forms.Platform.Resource.Attribute.actionButtonStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.actionButtonStyle; - global::Xamarin.Forms.Platform.Resource.Attribute.actionDropDownStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.actionDropDownStyle; - global::Xamarin.Forms.Platform.Resource.Attribute.actionLayout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.actionLayout; - global::Xamarin.Forms.Platform.Resource.Attribute.actionMenuTextAppearance = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.actionMenuTextAppearance; - global::Xamarin.Forms.Platform.Resource.Attribute.actionMenuTextColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.actionMenuTextColor; - global::Xamarin.Forms.Platform.Resource.Attribute.actionModeBackground = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.actionModeBackground; - global::Xamarin.Forms.Platform.Resource.Attribute.actionModeCloseButtonStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.actionModeCloseButtonStyle; - global::Xamarin.Forms.Platform.Resource.Attribute.actionModeCloseDrawable = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.actionModeCloseDrawable; - global::Xamarin.Forms.Platform.Resource.Attribute.actionModeCopyDrawable = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.actionModeCopyDrawable; - global::Xamarin.Forms.Platform.Resource.Attribute.actionModeCutDrawable = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.actionModeCutDrawable; - global::Xamarin.Forms.Platform.Resource.Attribute.actionModeFindDrawable = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.actionModeFindDrawable; - global::Xamarin.Forms.Platform.Resource.Attribute.actionModePasteDrawable = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.actionModePasteDrawable; - global::Xamarin.Forms.Platform.Resource.Attribute.actionModePopupWindowStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.actionModePopupWindowStyle; - global::Xamarin.Forms.Platform.Resource.Attribute.actionModeSelectAllDrawable = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.actionModeSelectAllDrawable; - global::Xamarin.Forms.Platform.Resource.Attribute.actionModeShareDrawable = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.actionModeShareDrawable; - global::Xamarin.Forms.Platform.Resource.Attribute.actionModeSplitBackground = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.actionModeSplitBackground; - global::Xamarin.Forms.Platform.Resource.Attribute.actionModeStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.actionModeStyle; - global::Xamarin.Forms.Platform.Resource.Attribute.actionModeWebSearchDrawable = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.actionModeWebSearchDrawable; - global::Xamarin.Forms.Platform.Resource.Attribute.actionOverflowButtonStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.actionOverflowButtonStyle; - global::Xamarin.Forms.Platform.Resource.Attribute.actionOverflowMenuStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.actionOverflowMenuStyle; - global::Xamarin.Forms.Platform.Resource.Attribute.actionProviderClass = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.actionProviderClass; - global::Xamarin.Forms.Platform.Resource.Attribute.actionTextColorAlpha = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.actionTextColorAlpha; - global::Xamarin.Forms.Platform.Resource.Attribute.actionViewClass = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.actionViewClass; - global::Xamarin.Forms.Platform.Resource.Attribute.activityChooserViewStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.activityChooserViewStyle; - global::Xamarin.Forms.Platform.Resource.Attribute.alertDialogButtonGroupStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.alertDialogButtonGroupStyle; - global::Xamarin.Forms.Platform.Resource.Attribute.alertDialogCenterButtons = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.alertDialogCenterButtons; - global::Xamarin.Forms.Platform.Resource.Attribute.alertDialogStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.alertDialogStyle; - global::Xamarin.Forms.Platform.Resource.Attribute.alertDialogTheme = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.alertDialogTheme; - global::Xamarin.Forms.Platform.Resource.Attribute.allowStacking = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.allowStacking; - global::Xamarin.Forms.Platform.Resource.Attribute.alpha = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.alpha; - global::Xamarin.Forms.Platform.Resource.Attribute.alphabeticModifiers = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.alphabeticModifiers; - global::Xamarin.Forms.Platform.Resource.Attribute.animationMode = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.animationMode; - global::Xamarin.Forms.Platform.Resource.Attribute.appBarLayoutStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.appBarLayoutStyle; - global::Xamarin.Forms.Platform.Resource.Attribute.argType = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.argType; - global::Xamarin.Forms.Platform.Resource.Attribute.arrowHeadLength = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.arrowHeadLength; - global::Xamarin.Forms.Platform.Resource.Attribute.arrowShaftLength = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.arrowShaftLength; - global::Xamarin.Forms.Platform.Resource.Attribute.autoCompleteTextViewStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.autoCompleteTextViewStyle; - global::Xamarin.Forms.Platform.Resource.Attribute.autoSizeMaxTextSize = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.autoSizeMaxTextSize; - global::Xamarin.Forms.Platform.Resource.Attribute.autoSizeMinTextSize = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.autoSizeMinTextSize; - global::Xamarin.Forms.Platform.Resource.Attribute.autoSizePresetSizes = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.autoSizePresetSizes; - global::Xamarin.Forms.Platform.Resource.Attribute.autoSizeStepGranularity = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.autoSizeStepGranularity; - global::Xamarin.Forms.Platform.Resource.Attribute.autoSizeTextType = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.autoSizeTextType; - global::Xamarin.Forms.Platform.Resource.Attribute.background = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.background; - global::Xamarin.Forms.Platform.Resource.Attribute.backgroundColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.backgroundColor; - global::Xamarin.Forms.Platform.Resource.Attribute.backgroundInsetBottom = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.backgroundInsetBottom; - global::Xamarin.Forms.Platform.Resource.Attribute.backgroundInsetEnd = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.backgroundInsetEnd; - global::Xamarin.Forms.Platform.Resource.Attribute.backgroundInsetStart = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.backgroundInsetStart; - global::Xamarin.Forms.Platform.Resource.Attribute.backgroundInsetTop = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.backgroundInsetTop; - global::Xamarin.Forms.Platform.Resource.Attribute.backgroundOverlayColorAlpha = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.backgroundOverlayColorAlpha; - global::Xamarin.Forms.Platform.Resource.Attribute.backgroundSplit = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.backgroundSplit; - global::Xamarin.Forms.Platform.Resource.Attribute.backgroundStacked = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.backgroundStacked; - global::Xamarin.Forms.Platform.Resource.Attribute.backgroundTint = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.backgroundTint; - global::Xamarin.Forms.Platform.Resource.Attribute.backgroundTintMode = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.backgroundTintMode; - global::Xamarin.Forms.Platform.Resource.Attribute.badgeGravity = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.badgeGravity; - global::Xamarin.Forms.Platform.Resource.Attribute.badgeStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.badgeStyle; - global::Xamarin.Forms.Platform.Resource.Attribute.badgeTextColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.badgeTextColor; - global::Xamarin.Forms.Platform.Resource.Attribute.barLength = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.barLength; - global::Xamarin.Forms.Platform.Resource.Attribute.behavior_autoHide = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.behavior_autoHide; - global::Xamarin.Forms.Platform.Resource.Attribute.behavior_autoShrink = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.behavior_autoShrink; - global::Xamarin.Forms.Platform.Resource.Attribute.behavior_draggable = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.behavior_draggable; - global::Xamarin.Forms.Platform.Resource.Attribute.behavior_expandedOffset = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.behavior_expandedOffset; - global::Xamarin.Forms.Platform.Resource.Attribute.behavior_fitToContents = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.behavior_fitToContents; - global::Xamarin.Forms.Platform.Resource.Attribute.behavior_halfExpandedRatio = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.behavior_halfExpandedRatio; - global::Xamarin.Forms.Platform.Resource.Attribute.behavior_hideable = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.behavior_hideable; - global::Xamarin.Forms.Platform.Resource.Attribute.behavior_overlapTop = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.behavior_overlapTop; - global::Xamarin.Forms.Platform.Resource.Attribute.behavior_peekHeight = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.behavior_peekHeight; - global::Xamarin.Forms.Platform.Resource.Attribute.behavior_saveFlags = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.behavior_saveFlags; - global::Xamarin.Forms.Platform.Resource.Attribute.behavior_skipCollapsed = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.behavior_skipCollapsed; - global::Xamarin.Forms.Platform.Resource.Attribute.borderlessButtonStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.borderlessButtonStyle; - global::Xamarin.Forms.Platform.Resource.Attribute.borderWidth = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.borderWidth; - global::Xamarin.Forms.Platform.Resource.Attribute.bottomAppBarStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.bottomAppBarStyle; - global::Xamarin.Forms.Platform.Resource.Attribute.bottomNavigationStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.bottomNavigationStyle; - global::Xamarin.Forms.Platform.Resource.Attribute.bottomSheetDialogTheme = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.bottomSheetDialogTheme; - global::Xamarin.Forms.Platform.Resource.Attribute.bottomSheetStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.bottomSheetStyle; - global::Xamarin.Forms.Platform.Resource.Attribute.boxBackgroundColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.boxBackgroundColor; - global::Xamarin.Forms.Platform.Resource.Attribute.boxBackgroundMode = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.boxBackgroundMode; - global::Xamarin.Forms.Platform.Resource.Attribute.boxCollapsedPaddingTop = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.boxCollapsedPaddingTop; - global::Xamarin.Forms.Platform.Resource.Attribute.boxCornerRadiusBottomEnd = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.boxCornerRadiusBottomEnd; - global::Xamarin.Forms.Platform.Resource.Attribute.boxCornerRadiusBottomStart = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.boxCornerRadiusBottomStart; - global::Xamarin.Forms.Platform.Resource.Attribute.boxCornerRadiusTopEnd = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.boxCornerRadiusTopEnd; - global::Xamarin.Forms.Platform.Resource.Attribute.boxCornerRadiusTopStart = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.boxCornerRadiusTopStart; - global::Xamarin.Forms.Platform.Resource.Attribute.boxStrokeColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.boxStrokeColor; - global::Xamarin.Forms.Platform.Resource.Attribute.boxStrokeErrorColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.boxStrokeErrorColor; - global::Xamarin.Forms.Platform.Resource.Attribute.boxStrokeWidth = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.boxStrokeWidth; - global::Xamarin.Forms.Platform.Resource.Attribute.boxStrokeWidthFocused = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.boxStrokeWidthFocused; - global::Xamarin.Forms.Platform.Resource.Attribute.buttonBarButtonStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.buttonBarButtonStyle; - global::Xamarin.Forms.Platform.Resource.Attribute.buttonBarNegativeButtonStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.buttonBarNegativeButtonStyle; - global::Xamarin.Forms.Platform.Resource.Attribute.buttonBarNeutralButtonStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.buttonBarNeutralButtonStyle; - global::Xamarin.Forms.Platform.Resource.Attribute.buttonBarPositiveButtonStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.buttonBarPositiveButtonStyle; - global::Xamarin.Forms.Platform.Resource.Attribute.buttonBarStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.buttonBarStyle; - global::Xamarin.Forms.Platform.Resource.Attribute.buttonCompat = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.buttonCompat; - global::Xamarin.Forms.Platform.Resource.Attribute.buttonGravity = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.buttonGravity; - global::Xamarin.Forms.Platform.Resource.Attribute.buttonIconDimen = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.buttonIconDimen; - global::Xamarin.Forms.Platform.Resource.Attribute.buttonPanelSideLayout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.buttonPanelSideLayout; - global::Xamarin.Forms.Platform.Resource.Attribute.buttonStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.buttonStyle; - global::Xamarin.Forms.Platform.Resource.Attribute.buttonStyleSmall = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.buttonStyleSmall; - global::Xamarin.Forms.Platform.Resource.Attribute.buttonTint = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.buttonTint; - global::Xamarin.Forms.Platform.Resource.Attribute.buttonTintMode = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.buttonTintMode; - global::Xamarin.Forms.Platform.Resource.Attribute.cardBackgroundColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.cardBackgroundColor; - global::Xamarin.Forms.Platform.Resource.Attribute.cardCornerRadius = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.cardCornerRadius; - global::Xamarin.Forms.Platform.Resource.Attribute.cardElevation = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.cardElevation; - global::Xamarin.Forms.Platform.Resource.Attribute.cardForegroundColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.cardForegroundColor; - global::Xamarin.Forms.Platform.Resource.Attribute.cardMaxElevation = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.cardMaxElevation; - global::Xamarin.Forms.Platform.Resource.Attribute.cardPreventCornerOverlap = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.cardPreventCornerOverlap; - global::Xamarin.Forms.Platform.Resource.Attribute.cardUseCompatPadding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.cardUseCompatPadding; - global::Xamarin.Forms.Platform.Resource.Attribute.cardViewStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.cardViewStyle; - global::Xamarin.Forms.Platform.Resource.Attribute.checkboxStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.checkboxStyle; - global::Xamarin.Forms.Platform.Resource.Attribute.checkedButton = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.checkedButton; - global::Xamarin.Forms.Platform.Resource.Attribute.checkedChip = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.checkedChip; - global::Xamarin.Forms.Platform.Resource.Attribute.checkedIcon = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.checkedIcon; - global::Xamarin.Forms.Platform.Resource.Attribute.checkedIconEnabled = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.checkedIconEnabled; - global::Xamarin.Forms.Platform.Resource.Attribute.checkedIconTint = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.checkedIconTint; - global::Xamarin.Forms.Platform.Resource.Attribute.checkedIconVisible = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.checkedIconVisible; - global::Xamarin.Forms.Platform.Resource.Attribute.checkedTextViewStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.checkedTextViewStyle; - global::Xamarin.Forms.Platform.Resource.Attribute.chipBackgroundColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.chipBackgroundColor; - global::Xamarin.Forms.Platform.Resource.Attribute.chipCornerRadius = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.chipCornerRadius; - global::Xamarin.Forms.Platform.Resource.Attribute.chipEndPadding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.chipEndPadding; - global::Xamarin.Forms.Platform.Resource.Attribute.chipGroupStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.chipGroupStyle; - global::Xamarin.Forms.Platform.Resource.Attribute.chipIcon = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.chipIcon; - global::Xamarin.Forms.Platform.Resource.Attribute.chipIconEnabled = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.chipIconEnabled; - global::Xamarin.Forms.Platform.Resource.Attribute.chipIconSize = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.chipIconSize; - global::Xamarin.Forms.Platform.Resource.Attribute.chipIconTint = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.chipIconTint; - global::Xamarin.Forms.Platform.Resource.Attribute.chipIconVisible = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.chipIconVisible; - global::Xamarin.Forms.Platform.Resource.Attribute.chipMinHeight = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.chipMinHeight; - global::Xamarin.Forms.Platform.Resource.Attribute.chipMinTouchTargetSize = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.chipMinTouchTargetSize; - global::Xamarin.Forms.Platform.Resource.Attribute.chipSpacing = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.chipSpacing; - global::Xamarin.Forms.Platform.Resource.Attribute.chipSpacingHorizontal = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.chipSpacingHorizontal; - global::Xamarin.Forms.Platform.Resource.Attribute.chipSpacingVertical = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.chipSpacingVertical; - global::Xamarin.Forms.Platform.Resource.Attribute.chipStandaloneStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.chipStandaloneStyle; - global::Xamarin.Forms.Platform.Resource.Attribute.chipStartPadding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.chipStartPadding; - global::Xamarin.Forms.Platform.Resource.Attribute.chipStrokeColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.chipStrokeColor; - global::Xamarin.Forms.Platform.Resource.Attribute.chipStrokeWidth = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.chipStrokeWidth; - global::Xamarin.Forms.Platform.Resource.Attribute.chipStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.chipStyle; - global::Xamarin.Forms.Platform.Resource.Attribute.chipSurfaceColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.chipSurfaceColor; - global::Xamarin.Forms.Platform.Resource.Attribute.closeIcon = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.closeIcon; - global::Xamarin.Forms.Platform.Resource.Attribute.closeIconEnabled = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.closeIconEnabled; - global::Xamarin.Forms.Platform.Resource.Attribute.closeIconEndPadding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.closeIconEndPadding; - global::Xamarin.Forms.Platform.Resource.Attribute.closeIconSize = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.closeIconSize; - global::Xamarin.Forms.Platform.Resource.Attribute.closeIconStartPadding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.closeIconStartPadding; - global::Xamarin.Forms.Platform.Resource.Attribute.closeIconTint = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.closeIconTint; - global::Xamarin.Forms.Platform.Resource.Attribute.closeIconVisible = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.closeIconVisible; - global::Xamarin.Forms.Platform.Resource.Attribute.closeItemLayout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.closeItemLayout; - global::Xamarin.Forms.Platform.Resource.Attribute.collapseContentDescription = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.collapseContentDescription; - global::Xamarin.Forms.Platform.Resource.Attribute.collapsedTitleGravity = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.collapsedTitleGravity; - global::Xamarin.Forms.Platform.Resource.Attribute.collapsedTitleTextAppearance = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.collapsedTitleTextAppearance; - global::Xamarin.Forms.Platform.Resource.Attribute.collapseIcon = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.collapseIcon; - global::Xamarin.Forms.Platform.Resource.Attribute.collectionViewStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.collectionViewStyle; - global::Xamarin.Forms.Platform.Resource.Attribute.color = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.color; - global::Xamarin.Forms.Platform.Resource.Attribute.colorAccent = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.colorAccent; - global::Xamarin.Forms.Platform.Resource.Attribute.colorBackgroundFloating = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.colorBackgroundFloating; - global::Xamarin.Forms.Platform.Resource.Attribute.colorButtonNormal = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.colorButtonNormal; - global::Xamarin.Forms.Platform.Resource.Attribute.colorControlActivated = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.colorControlActivated; - global::Xamarin.Forms.Platform.Resource.Attribute.colorControlHighlight = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.colorControlHighlight; - global::Xamarin.Forms.Platform.Resource.Attribute.colorControlNormal = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.colorControlNormal; - global::Xamarin.Forms.Platform.Resource.Attribute.colorError = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.colorError; - global::Xamarin.Forms.Platform.Resource.Attribute.colorOnBackground = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.colorOnBackground; - global::Xamarin.Forms.Platform.Resource.Attribute.colorOnError = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.colorOnError; - global::Xamarin.Forms.Platform.Resource.Attribute.colorOnPrimary = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.colorOnPrimary; - global::Xamarin.Forms.Platform.Resource.Attribute.colorOnPrimarySurface = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.colorOnPrimarySurface; - global::Xamarin.Forms.Platform.Resource.Attribute.colorOnSecondary = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.colorOnSecondary; - global::Xamarin.Forms.Platform.Resource.Attribute.colorOnSurface = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.colorOnSurface; - global::Xamarin.Forms.Platform.Resource.Attribute.colorPrimary = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.colorPrimary; - global::Xamarin.Forms.Platform.Resource.Attribute.colorPrimaryDark = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.colorPrimaryDark; - global::Xamarin.Forms.Platform.Resource.Attribute.colorPrimarySurface = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.colorPrimarySurface; - global::Xamarin.Forms.Platform.Resource.Attribute.colorPrimaryVariant = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.colorPrimaryVariant; - global::Xamarin.Forms.Platform.Resource.Attribute.colorSecondary = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.colorSecondary; - global::Xamarin.Forms.Platform.Resource.Attribute.colorSecondaryVariant = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.colorSecondaryVariant; - global::Xamarin.Forms.Platform.Resource.Attribute.colorSurface = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.colorSurface; - global::Xamarin.Forms.Platform.Resource.Attribute.colorSwitchThumbNormal = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.colorSwitchThumbNormal; - global::Xamarin.Forms.Platform.Resource.Attribute.commitIcon = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.commitIcon; - global::Xamarin.Forms.Platform.Resource.Attribute.contentDescription = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.contentDescription; - global::Xamarin.Forms.Platform.Resource.Attribute.contentInsetEnd = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.contentInsetEnd; - global::Xamarin.Forms.Platform.Resource.Attribute.contentInsetEndWithActions = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.contentInsetEndWithActions; - global::Xamarin.Forms.Platform.Resource.Attribute.contentInsetLeft = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.contentInsetLeft; - global::Xamarin.Forms.Platform.Resource.Attribute.contentInsetRight = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.contentInsetRight; - global::Xamarin.Forms.Platform.Resource.Attribute.contentInsetStart = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.contentInsetStart; - global::Xamarin.Forms.Platform.Resource.Attribute.contentInsetStartWithNavigation = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.contentInsetStartWithNavigation; - global::Xamarin.Forms.Platform.Resource.Attribute.contentPadding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.contentPadding; - global::Xamarin.Forms.Platform.Resource.Attribute.contentPaddingBottom = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.contentPaddingBottom; - global::Xamarin.Forms.Platform.Resource.Attribute.contentPaddingLeft = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.contentPaddingLeft; - global::Xamarin.Forms.Platform.Resource.Attribute.contentPaddingRight = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.contentPaddingRight; - global::Xamarin.Forms.Platform.Resource.Attribute.contentPaddingTop = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.contentPaddingTop; - global::Xamarin.Forms.Platform.Resource.Attribute.contentScrim = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.contentScrim; - global::Xamarin.Forms.Platform.Resource.Attribute.controlBackground = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.controlBackground; - global::Xamarin.Forms.Platform.Resource.Attribute.coordinatorLayoutStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.coordinatorLayoutStyle; - global::Xamarin.Forms.Platform.Resource.Attribute.cornerFamily = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.cornerFamily; - global::Xamarin.Forms.Platform.Resource.Attribute.cornerFamilyBottomLeft = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.cornerFamilyBottomLeft; - global::Xamarin.Forms.Platform.Resource.Attribute.cornerFamilyBottomRight = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.cornerFamilyBottomRight; - global::Xamarin.Forms.Platform.Resource.Attribute.cornerFamilyTopLeft = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.cornerFamilyTopLeft; - global::Xamarin.Forms.Platform.Resource.Attribute.cornerFamilyTopRight = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.cornerFamilyTopRight; - global::Xamarin.Forms.Platform.Resource.Attribute.cornerRadius = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.cornerRadius; - global::Xamarin.Forms.Platform.Resource.Attribute.cornerSize = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.cornerSize; - global::Xamarin.Forms.Platform.Resource.Attribute.cornerSizeBottomLeft = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.cornerSizeBottomLeft; - global::Xamarin.Forms.Platform.Resource.Attribute.cornerSizeBottomRight = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.cornerSizeBottomRight; - global::Xamarin.Forms.Platform.Resource.Attribute.cornerSizeTopLeft = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.cornerSizeTopLeft; - global::Xamarin.Forms.Platform.Resource.Attribute.cornerSizeTopRight = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.cornerSizeTopRight; - global::Xamarin.Forms.Platform.Resource.Attribute.counterEnabled = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.counterEnabled; - global::Xamarin.Forms.Platform.Resource.Attribute.counterMaxLength = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.counterMaxLength; - global::Xamarin.Forms.Platform.Resource.Attribute.counterOverflowTextAppearance = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.counterOverflowTextAppearance; - global::Xamarin.Forms.Platform.Resource.Attribute.counterOverflowTextColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.counterOverflowTextColor; - global::Xamarin.Forms.Platform.Resource.Attribute.counterTextAppearance = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.counterTextAppearance; - global::Xamarin.Forms.Platform.Resource.Attribute.counterTextColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.counterTextColor; - global::Xamarin.Forms.Platform.Resource.Attribute.customNavigationLayout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.customNavigationLayout; - global::Xamarin.Forms.Platform.Resource.Attribute.data = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.data; - global::Xamarin.Forms.Platform.Resource.Attribute.dataPattern = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.dataPattern; - global::Xamarin.Forms.Platform.Resource.Attribute.dayInvalidStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.dayInvalidStyle; - global::Xamarin.Forms.Platform.Resource.Attribute.daySelectedStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.daySelectedStyle; - global::Xamarin.Forms.Platform.Resource.Attribute.dayStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.dayStyle; - global::Xamarin.Forms.Platform.Resource.Attribute.dayTodayStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.dayTodayStyle; - global::Xamarin.Forms.Platform.Resource.Attribute.defaultQueryHint = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.defaultQueryHint; - global::Xamarin.Forms.Platform.Resource.Attribute.destination = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.destination; - global::Xamarin.Forms.Platform.Resource.Attribute.dialogCornerRadius = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.dialogCornerRadius; - global::Xamarin.Forms.Platform.Resource.Attribute.dialogPreferredPadding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.dialogPreferredPadding; - global::Xamarin.Forms.Platform.Resource.Attribute.dialogTheme = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.dialogTheme; - global::Xamarin.Forms.Platform.Resource.Attribute.displayOptions = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.displayOptions; - global::Xamarin.Forms.Platform.Resource.Attribute.divider = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.divider; - global::Xamarin.Forms.Platform.Resource.Attribute.dividerHorizontal = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.dividerHorizontal; - global::Xamarin.Forms.Platform.Resource.Attribute.dividerPadding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.dividerPadding; - global::Xamarin.Forms.Platform.Resource.Attribute.dividerVertical = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.dividerVertical; - global::Xamarin.Forms.Platform.Resource.Attribute.drawableBottomCompat = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.drawableBottomCompat; - global::Xamarin.Forms.Platform.Resource.Attribute.drawableEndCompat = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.drawableEndCompat; - global::Xamarin.Forms.Platform.Resource.Attribute.drawableLeftCompat = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.drawableLeftCompat; - global::Xamarin.Forms.Platform.Resource.Attribute.drawableRightCompat = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.drawableRightCompat; - global::Xamarin.Forms.Platform.Resource.Attribute.drawableSize = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.drawableSize; - global::Xamarin.Forms.Platform.Resource.Attribute.drawableStartCompat = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.drawableStartCompat; - global::Xamarin.Forms.Platform.Resource.Attribute.drawableTint = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.drawableTint; - global::Xamarin.Forms.Platform.Resource.Attribute.drawableTintMode = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.drawableTintMode; - global::Xamarin.Forms.Platform.Resource.Attribute.drawableTopCompat = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.drawableTopCompat; - global::Xamarin.Forms.Platform.Resource.Attribute.drawerArrowStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.drawerArrowStyle; - global::Xamarin.Forms.Platform.Resource.Attribute.drawerLayoutStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.drawerLayoutStyle; - global::Xamarin.Forms.Platform.Resource.Attribute.dropdownListPreferredItemHeight = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.dropdownListPreferredItemHeight; - global::Xamarin.Forms.Platform.Resource.Attribute.dropDownListViewStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.dropDownListViewStyle; - global::Xamarin.Forms.Platform.Resource.Attribute.editTextBackground = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.editTextBackground; - global::Xamarin.Forms.Platform.Resource.Attribute.editTextColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.editTextColor; - global::Xamarin.Forms.Platform.Resource.Attribute.editTextStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.editTextStyle; - global::Xamarin.Forms.Platform.Resource.Attribute.elevation = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.elevation; - global::Xamarin.Forms.Platform.Resource.Attribute.elevationOverlayColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.elevationOverlayColor; - global::Xamarin.Forms.Platform.Resource.Attribute.elevationOverlayEnabled = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.elevationOverlayEnabled; - global::Xamarin.Forms.Platform.Resource.Attribute.endIconCheckable = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.endIconCheckable; - global::Xamarin.Forms.Platform.Resource.Attribute.endIconContentDescription = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.endIconContentDescription; - global::Xamarin.Forms.Platform.Resource.Attribute.endIconDrawable = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.endIconDrawable; - global::Xamarin.Forms.Platform.Resource.Attribute.endIconMode = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.endIconMode; - global::Xamarin.Forms.Platform.Resource.Attribute.endIconTint = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.endIconTint; - global::Xamarin.Forms.Platform.Resource.Attribute.endIconTintMode = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.endIconTintMode; - global::Xamarin.Forms.Platform.Resource.Attribute.enforceMaterialTheme = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.enforceMaterialTheme; - global::Xamarin.Forms.Platform.Resource.Attribute.enforceTextAppearance = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.enforceTextAppearance; - global::Xamarin.Forms.Platform.Resource.Attribute.ensureMinTouchTargetSize = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.ensureMinTouchTargetSize; - global::Xamarin.Forms.Platform.Resource.Attribute.enterAnim = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.enterAnim; - global::Xamarin.Forms.Platform.Resource.Attribute.errorContentDescription = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.errorContentDescription; - global::Xamarin.Forms.Platform.Resource.Attribute.errorEnabled = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.errorEnabled; - global::Xamarin.Forms.Platform.Resource.Attribute.errorIconDrawable = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.errorIconDrawable; - global::Xamarin.Forms.Platform.Resource.Attribute.errorIconTint = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.errorIconTint; - global::Xamarin.Forms.Platform.Resource.Attribute.errorIconTintMode = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.errorIconTintMode; - global::Xamarin.Forms.Platform.Resource.Attribute.errorTextAppearance = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.errorTextAppearance; - global::Xamarin.Forms.Platform.Resource.Attribute.errorTextColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.errorTextColor; - global::Xamarin.Forms.Platform.Resource.Attribute.exitAnim = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.exitAnim; - global::Xamarin.Forms.Platform.Resource.Attribute.expandActivityOverflowButtonDrawable = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.expandActivityOverflowButtonDrawable; - global::Xamarin.Forms.Platform.Resource.Attribute.expanded = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.expanded; - global::Xamarin.Forms.Platform.Resource.Attribute.expandedTitleGravity = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.expandedTitleGravity; - global::Xamarin.Forms.Platform.Resource.Attribute.expandedTitleMargin = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.expandedTitleMargin; - global::Xamarin.Forms.Platform.Resource.Attribute.expandedTitleMarginBottom = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.expandedTitleMarginBottom; - global::Xamarin.Forms.Platform.Resource.Attribute.expandedTitleMarginEnd = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.expandedTitleMarginEnd; - global::Xamarin.Forms.Platform.Resource.Attribute.expandedTitleMarginStart = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.expandedTitleMarginStart; - global::Xamarin.Forms.Platform.Resource.Attribute.expandedTitleMarginTop = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.expandedTitleMarginTop; - global::Xamarin.Forms.Platform.Resource.Attribute.expandedTitleTextAppearance = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.expandedTitleTextAppearance; - global::Xamarin.Forms.Platform.Resource.Attribute.extendedFloatingActionButtonStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.extendedFloatingActionButtonStyle; - global::Xamarin.Forms.Platform.Resource.Attribute.extendMotionSpec = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.extendMotionSpec; - global::Xamarin.Forms.Platform.Resource.Attribute.fabAlignmentMode = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.fabAlignmentMode; - global::Xamarin.Forms.Platform.Resource.Attribute.fabAnimationMode = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.fabAnimationMode; - global::Xamarin.Forms.Platform.Resource.Attribute.fabCradleMargin = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.fabCradleMargin; - global::Xamarin.Forms.Platform.Resource.Attribute.fabCradleRoundedCornerRadius = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.fabCradleRoundedCornerRadius; - global::Xamarin.Forms.Platform.Resource.Attribute.fabCradleVerticalOffset = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.fabCradleVerticalOffset; - global::Xamarin.Forms.Platform.Resource.Attribute.fabCustomSize = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.fabCustomSize; - global::Xamarin.Forms.Platform.Resource.Attribute.fabSize = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.fabSize; - global::Xamarin.Forms.Platform.Resource.Attribute.fastScrollEnabled = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.fastScrollEnabled; - global::Xamarin.Forms.Platform.Resource.Attribute.fastScrollHorizontalThumbDrawable = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.fastScrollHorizontalThumbDrawable; - global::Xamarin.Forms.Platform.Resource.Attribute.fastScrollHorizontalTrackDrawable = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.fastScrollHorizontalTrackDrawable; - global::Xamarin.Forms.Platform.Resource.Attribute.fastScrollVerticalThumbDrawable = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.fastScrollVerticalThumbDrawable; - global::Xamarin.Forms.Platform.Resource.Attribute.fastScrollVerticalTrackDrawable = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.fastScrollVerticalTrackDrawable; - global::Xamarin.Forms.Platform.Resource.Attribute.firstBaselineToTopHeight = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.firstBaselineToTopHeight; - global::Xamarin.Forms.Platform.Resource.Attribute.floatingActionButtonStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.floatingActionButtonStyle; - global::Xamarin.Forms.Platform.Resource.Attribute.font = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.font; - global::Xamarin.Forms.Platform.Resource.Attribute.fontFamily = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.fontFamily; - global::Xamarin.Forms.Platform.Resource.Attribute.fontProviderAuthority = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.fontProviderAuthority; - global::Xamarin.Forms.Platform.Resource.Attribute.fontProviderCerts = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.fontProviderCerts; - global::Xamarin.Forms.Platform.Resource.Attribute.fontProviderFetchStrategy = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.fontProviderFetchStrategy; - global::Xamarin.Forms.Platform.Resource.Attribute.fontProviderFetchTimeout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.fontProviderFetchTimeout; - global::Xamarin.Forms.Platform.Resource.Attribute.fontProviderPackage = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.fontProviderPackage; - global::Xamarin.Forms.Platform.Resource.Attribute.fontProviderQuery = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.fontProviderQuery; - global::Xamarin.Forms.Platform.Resource.Attribute.fontStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.fontStyle; - global::Xamarin.Forms.Platform.Resource.Attribute.fontVariationSettings = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.fontVariationSettings; - global::Xamarin.Forms.Platform.Resource.Attribute.fontWeight = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.fontWeight; - global::Xamarin.Forms.Platform.Resource.Attribute.foregroundInsidePadding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.foregroundInsidePadding; - global::Xamarin.Forms.Platform.Resource.Attribute.gapBetweenBars = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.gapBetweenBars; - global::Xamarin.Forms.Platform.Resource.Attribute.gestureInsetBottomIgnored = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.gestureInsetBottomIgnored; - global::Xamarin.Forms.Platform.Resource.Attribute.goIcon = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.goIcon; - global::Xamarin.Forms.Platform.Resource.Attribute.graph = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.graph; - global::Xamarin.Forms.Platform.Resource.Attribute.haloColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.haloColor; - global::Xamarin.Forms.Platform.Resource.Attribute.haloRadius = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.haloRadius; - global::Xamarin.Forms.Platform.Resource.Attribute.headerLayout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.headerLayout; - global::Xamarin.Forms.Platform.Resource.Attribute.height = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.height; - global::Xamarin.Forms.Platform.Resource.Attribute.helperText = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.helperText; - global::Xamarin.Forms.Platform.Resource.Attribute.helperTextEnabled = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.helperTextEnabled; - global::Xamarin.Forms.Platform.Resource.Attribute.helperTextTextAppearance = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.helperTextTextAppearance; - global::Xamarin.Forms.Platform.Resource.Attribute.helperTextTextColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.helperTextTextColor; - global::Xamarin.Forms.Platform.Resource.Attribute.hideMotionSpec = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.hideMotionSpec; - global::Xamarin.Forms.Platform.Resource.Attribute.hideOnContentScroll = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.hideOnContentScroll; - global::Xamarin.Forms.Platform.Resource.Attribute.hideOnScroll = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.hideOnScroll; - global::Xamarin.Forms.Platform.Resource.Attribute.hintAnimationEnabled = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.hintAnimationEnabled; - global::Xamarin.Forms.Platform.Resource.Attribute.hintEnabled = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.hintEnabled; - global::Xamarin.Forms.Platform.Resource.Attribute.hintTextAppearance = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.hintTextAppearance; - global::Xamarin.Forms.Platform.Resource.Attribute.hintTextColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.hintTextColor; - global::Xamarin.Forms.Platform.Resource.Attribute.homeAsUpIndicator = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.homeAsUpIndicator; - global::Xamarin.Forms.Platform.Resource.Attribute.homeLayout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.homeLayout; - global::Xamarin.Forms.Platform.Resource.Attribute.horizontalOffset = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.horizontalOffset; - global::Xamarin.Forms.Platform.Resource.Attribute.hoveredFocusedTranslationZ = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.hoveredFocusedTranslationZ; - global::Xamarin.Forms.Platform.Resource.Attribute.icon = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.icon; - global::Xamarin.Forms.Platform.Resource.Attribute.iconEndPadding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.iconEndPadding; - global::Xamarin.Forms.Platform.Resource.Attribute.iconGravity = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.iconGravity; - global::Xamarin.Forms.Platform.Resource.Attribute.iconifiedByDefault = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.iconifiedByDefault; - global::Xamarin.Forms.Platform.Resource.Attribute.iconPadding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.iconPadding; - global::Xamarin.Forms.Platform.Resource.Attribute.iconSize = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.iconSize; - global::Xamarin.Forms.Platform.Resource.Attribute.iconStartPadding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.iconStartPadding; - global::Xamarin.Forms.Platform.Resource.Attribute.iconTint = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.iconTint; - global::Xamarin.Forms.Platform.Resource.Attribute.iconTintMode = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.iconTintMode; - global::Xamarin.Forms.Platform.Resource.Attribute.imageButtonStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.imageButtonStyle; - global::Xamarin.Forms.Platform.Resource.Attribute.indeterminateProgressStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.indeterminateProgressStyle; - global::Xamarin.Forms.Platform.Resource.Attribute.initialActivityCount = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.initialActivityCount; - global::Xamarin.Forms.Platform.Resource.Attribute.insetForeground = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.insetForeground; - global::Xamarin.Forms.Platform.Resource.Attribute.isLightTheme = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.isLightTheme; - global::Xamarin.Forms.Platform.Resource.Attribute.isMaterialTheme = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.isMaterialTheme; - global::Xamarin.Forms.Platform.Resource.Attribute.itemBackground = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.itemBackground; - global::Xamarin.Forms.Platform.Resource.Attribute.itemFillColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.itemFillColor; - global::Xamarin.Forms.Platform.Resource.Attribute.itemHorizontalPadding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.itemHorizontalPadding; - global::Xamarin.Forms.Platform.Resource.Attribute.itemHorizontalTranslationEnabled = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.itemHorizontalTranslationEnabled; - global::Xamarin.Forms.Platform.Resource.Attribute.itemIconPadding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.itemIconPadding; - global::Xamarin.Forms.Platform.Resource.Attribute.itemIconSize = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.itemIconSize; - global::Xamarin.Forms.Platform.Resource.Attribute.itemIconTint = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.itemIconTint; - global::Xamarin.Forms.Platform.Resource.Attribute.itemMaxLines = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.itemMaxLines; - global::Xamarin.Forms.Platform.Resource.Attribute.itemPadding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.itemPadding; - global::Xamarin.Forms.Platform.Resource.Attribute.itemRippleColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.itemRippleColor; - global::Xamarin.Forms.Platform.Resource.Attribute.itemShapeAppearance = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.itemShapeAppearance; - global::Xamarin.Forms.Platform.Resource.Attribute.itemShapeAppearanceOverlay = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.itemShapeAppearanceOverlay; - global::Xamarin.Forms.Platform.Resource.Attribute.itemShapeFillColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.itemShapeFillColor; - global::Xamarin.Forms.Platform.Resource.Attribute.itemShapeInsetBottom = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.itemShapeInsetBottom; - global::Xamarin.Forms.Platform.Resource.Attribute.itemShapeInsetEnd = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.itemShapeInsetEnd; - global::Xamarin.Forms.Platform.Resource.Attribute.itemShapeInsetStart = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.itemShapeInsetStart; - global::Xamarin.Forms.Platform.Resource.Attribute.itemShapeInsetTop = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.itemShapeInsetTop; - global::Xamarin.Forms.Platform.Resource.Attribute.itemSpacing = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.itemSpacing; - global::Xamarin.Forms.Platform.Resource.Attribute.itemStrokeColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.itemStrokeColor; - global::Xamarin.Forms.Platform.Resource.Attribute.itemStrokeWidth = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.itemStrokeWidth; - global::Xamarin.Forms.Platform.Resource.Attribute.itemTextAppearance = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.itemTextAppearance; - global::Xamarin.Forms.Platform.Resource.Attribute.itemTextAppearanceActive = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.itemTextAppearanceActive; - global::Xamarin.Forms.Platform.Resource.Attribute.itemTextAppearanceInactive = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.itemTextAppearanceInactive; - global::Xamarin.Forms.Platform.Resource.Attribute.itemTextColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.itemTextColor; - global::Xamarin.Forms.Platform.Resource.Attribute.keylines = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.keylines; - global::Xamarin.Forms.Platform.Resource.Attribute.labelBehavior = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.labelBehavior; - global::Xamarin.Forms.Platform.Resource.Attribute.labelStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.labelStyle; - global::Xamarin.Forms.Platform.Resource.Attribute.labelVisibilityMode = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.labelVisibilityMode; - global::Xamarin.Forms.Platform.Resource.Attribute.lastBaselineToBottomHeight = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.lastBaselineToBottomHeight; - global::Xamarin.Forms.Platform.Resource.Attribute.launchSingleTop = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.launchSingleTop; - global::Xamarin.Forms.Platform.Resource.Attribute.layout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.layout; - global::Xamarin.Forms.Platform.Resource.Attribute.layoutManager = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.layoutManager; - global::Xamarin.Forms.Platform.Resource.Attribute.layout_anchor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.layout_anchor; - global::Xamarin.Forms.Platform.Resource.Attribute.layout_anchorGravity = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.layout_anchorGravity; - global::Xamarin.Forms.Platform.Resource.Attribute.layout_behavior = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.layout_behavior; - global::Xamarin.Forms.Platform.Resource.Attribute.layout_collapseMode = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.layout_collapseMode; - global::Xamarin.Forms.Platform.Resource.Attribute.layout_collapseParallaxMultiplier = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.layout_collapseParallaxMultiplier; - global::Xamarin.Forms.Platform.Resource.Attribute.layout_dodgeInsetEdges = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.layout_dodgeInsetEdges; - global::Xamarin.Forms.Platform.Resource.Attribute.layout_insetEdge = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.layout_insetEdge; - global::Xamarin.Forms.Platform.Resource.Attribute.layout_keyline = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.layout_keyline; - global::Xamarin.Forms.Platform.Resource.Attribute.layout_scrollFlags = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.layout_scrollFlags; - global::Xamarin.Forms.Platform.Resource.Attribute.layout_scrollInterpolator = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.layout_scrollInterpolator; - global::Xamarin.Forms.Platform.Resource.Attribute.liftOnScroll = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.liftOnScroll; - global::Xamarin.Forms.Platform.Resource.Attribute.liftOnScrollTargetViewId = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.liftOnScrollTargetViewId; - global::Xamarin.Forms.Platform.Resource.Attribute.lineHeight = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.lineHeight; - global::Xamarin.Forms.Platform.Resource.Attribute.lineSpacing = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.lineSpacing; - global::Xamarin.Forms.Platform.Resource.Attribute.listChoiceBackgroundIndicator = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.listChoiceBackgroundIndicator; - global::Xamarin.Forms.Platform.Resource.Attribute.listChoiceIndicatorMultipleAnimated = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.listChoiceIndicatorMultipleAnimated; - global::Xamarin.Forms.Platform.Resource.Attribute.listChoiceIndicatorSingleAnimated = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.listChoiceIndicatorSingleAnimated; - global::Xamarin.Forms.Platform.Resource.Attribute.listDividerAlertDialog = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.listDividerAlertDialog; - global::Xamarin.Forms.Platform.Resource.Attribute.listItemLayout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.listItemLayout; - global::Xamarin.Forms.Platform.Resource.Attribute.listLayout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.listLayout; - global::Xamarin.Forms.Platform.Resource.Attribute.listMenuViewStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.listMenuViewStyle; - global::Xamarin.Forms.Platform.Resource.Attribute.listPopupWindowStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.listPopupWindowStyle; - global::Xamarin.Forms.Platform.Resource.Attribute.listPreferredItemHeight = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.listPreferredItemHeight; - global::Xamarin.Forms.Platform.Resource.Attribute.listPreferredItemHeightLarge = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.listPreferredItemHeightLarge; - global::Xamarin.Forms.Platform.Resource.Attribute.listPreferredItemHeightSmall = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.listPreferredItemHeightSmall; - global::Xamarin.Forms.Platform.Resource.Attribute.listPreferredItemPaddingEnd = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.listPreferredItemPaddingEnd; - global::Xamarin.Forms.Platform.Resource.Attribute.listPreferredItemPaddingLeft = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.listPreferredItemPaddingLeft; - global::Xamarin.Forms.Platform.Resource.Attribute.listPreferredItemPaddingRight = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.listPreferredItemPaddingRight; - global::Xamarin.Forms.Platform.Resource.Attribute.listPreferredItemPaddingStart = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.listPreferredItemPaddingStart; - global::Xamarin.Forms.Platform.Resource.Attribute.logo = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.logo; - global::Xamarin.Forms.Platform.Resource.Attribute.logoDescription = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.logoDescription; - global::Xamarin.Forms.Platform.Resource.Attribute.materialAlertDialogBodyTextStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.materialAlertDialogBodyTextStyle; - global::Xamarin.Forms.Platform.Resource.Attribute.materialAlertDialogTheme = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.materialAlertDialogTheme; - global::Xamarin.Forms.Platform.Resource.Attribute.materialAlertDialogTitleIconStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.materialAlertDialogTitleIconStyle; - global::Xamarin.Forms.Platform.Resource.Attribute.materialAlertDialogTitlePanelStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.materialAlertDialogTitlePanelStyle; - global::Xamarin.Forms.Platform.Resource.Attribute.materialAlertDialogTitleTextStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.materialAlertDialogTitleTextStyle; - global::Xamarin.Forms.Platform.Resource.Attribute.materialButtonOutlinedStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.materialButtonOutlinedStyle; - global::Xamarin.Forms.Platform.Resource.Attribute.materialButtonStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.materialButtonStyle; - global::Xamarin.Forms.Platform.Resource.Attribute.materialButtonToggleGroupStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.materialButtonToggleGroupStyle; - global::Xamarin.Forms.Platform.Resource.Attribute.materialCalendarDay = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.materialCalendarDay; - global::Xamarin.Forms.Platform.Resource.Attribute.materialCalendarFullscreenTheme = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.materialCalendarFullscreenTheme; - global::Xamarin.Forms.Platform.Resource.Attribute.materialCalendarHeaderConfirmButton = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.materialCalendarHeaderConfirmButton; - global::Xamarin.Forms.Platform.Resource.Attribute.materialCalendarHeaderDivider = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.materialCalendarHeaderDivider; - global::Xamarin.Forms.Platform.Resource.Attribute.materialCalendarHeaderLayout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.materialCalendarHeaderLayout; - global::Xamarin.Forms.Platform.Resource.Attribute.materialCalendarHeaderSelection = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.materialCalendarHeaderSelection; - global::Xamarin.Forms.Platform.Resource.Attribute.materialCalendarHeaderTitle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.materialCalendarHeaderTitle; - global::Xamarin.Forms.Platform.Resource.Attribute.materialCalendarHeaderToggleButton = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.materialCalendarHeaderToggleButton; - global::Xamarin.Forms.Platform.Resource.Attribute.materialCalendarStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.materialCalendarStyle; - global::Xamarin.Forms.Platform.Resource.Attribute.materialCalendarTheme = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.materialCalendarTheme; - global::Xamarin.Forms.Platform.Resource.Attribute.materialCardViewStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.materialCardViewStyle; - global::Xamarin.Forms.Platform.Resource.Attribute.materialThemeOverlay = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.materialThemeOverlay; - global::Xamarin.Forms.Platform.Resource.Attribute.maxActionInlineWidth = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.maxActionInlineWidth; - global::Xamarin.Forms.Platform.Resource.Attribute.maxButtonHeight = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.maxButtonHeight; - global::Xamarin.Forms.Platform.Resource.Attribute.maxCharacterCount = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.maxCharacterCount; - global::Xamarin.Forms.Platform.Resource.Attribute.maxImageSize = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.maxImageSize; - global::Xamarin.Forms.Platform.Resource.Attribute.maxLines = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.maxLines; - global::Xamarin.Forms.Platform.Resource.Attribute.measureWithLargestChild = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.measureWithLargestChild; - global::Xamarin.Forms.Platform.Resource.Attribute.menu = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.menu; - global::Xamarin.Forms.Platform.Resource.Attribute.mimeType = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.mimeType; - global::Xamarin.Forms.Platform.Resource.Attribute.minTouchTargetSize = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.minTouchTargetSize; - global::Xamarin.Forms.Platform.Resource.Attribute.multiChoiceItemLayout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.multiChoiceItemLayout; - global::Xamarin.Forms.Platform.Resource.Attribute.navGraph = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.navGraph; - global::Xamarin.Forms.Platform.Resource.Attribute.navigationContentDescription = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.navigationContentDescription; - global::Xamarin.Forms.Platform.Resource.Attribute.navigationIcon = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.navigationIcon; - global::Xamarin.Forms.Platform.Resource.Attribute.navigationMode = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.navigationMode; - global::Xamarin.Forms.Platform.Resource.Attribute.navigationViewStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.navigationViewStyle; - global::Xamarin.Forms.Platform.Resource.Attribute.nullable = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.nullable; - global::Xamarin.Forms.Platform.Resource.Attribute.number = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.number; - global::Xamarin.Forms.Platform.Resource.Attribute.numericModifiers = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.numericModifiers; - global::Xamarin.Forms.Platform.Resource.Attribute.overlapAnchor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.overlapAnchor; - global::Xamarin.Forms.Platform.Resource.Attribute.paddingBottomNoButtons = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.paddingBottomNoButtons; - global::Xamarin.Forms.Platform.Resource.Attribute.paddingBottomSystemWindowInsets = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.paddingBottomSystemWindowInsets; - global::Xamarin.Forms.Platform.Resource.Attribute.paddingEnd = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.paddingEnd; - global::Xamarin.Forms.Platform.Resource.Attribute.paddingLeftSystemWindowInsets = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.paddingLeftSystemWindowInsets; - global::Xamarin.Forms.Platform.Resource.Attribute.paddingRightSystemWindowInsets = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.paddingRightSystemWindowInsets; - global::Xamarin.Forms.Platform.Resource.Attribute.paddingStart = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.paddingStart; - global::Xamarin.Forms.Platform.Resource.Attribute.paddingTopNoTitle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.paddingTopNoTitle; - global::Xamarin.Forms.Platform.Resource.Attribute.panelBackground = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.panelBackground; - global::Xamarin.Forms.Platform.Resource.Attribute.panelMenuListTheme = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.panelMenuListTheme; - global::Xamarin.Forms.Platform.Resource.Attribute.panelMenuListWidth = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.panelMenuListWidth; - global::Xamarin.Forms.Platform.Resource.Attribute.passwordToggleContentDescription = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.passwordToggleContentDescription; - global::Xamarin.Forms.Platform.Resource.Attribute.passwordToggleDrawable = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.passwordToggleDrawable; - global::Xamarin.Forms.Platform.Resource.Attribute.passwordToggleEnabled = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.passwordToggleEnabled; - global::Xamarin.Forms.Platform.Resource.Attribute.passwordToggleTint = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.passwordToggleTint; - global::Xamarin.Forms.Platform.Resource.Attribute.passwordToggleTintMode = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.passwordToggleTintMode; - global::Xamarin.Forms.Platform.Resource.Attribute.placeholderText = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.placeholderText; - global::Xamarin.Forms.Platform.Resource.Attribute.placeholderTextAppearance = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.placeholderTextAppearance; - global::Xamarin.Forms.Platform.Resource.Attribute.placeholderTextColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.placeholderTextColor; - global::Xamarin.Forms.Platform.Resource.Attribute.popEnterAnim = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.popEnterAnim; - global::Xamarin.Forms.Platform.Resource.Attribute.popExitAnim = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.popExitAnim; - global::Xamarin.Forms.Platform.Resource.Attribute.popupMenuBackground = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.popupMenuBackground; - global::Xamarin.Forms.Platform.Resource.Attribute.popupMenuStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.popupMenuStyle; - global::Xamarin.Forms.Platform.Resource.Attribute.popupTheme = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.popupTheme; - global::Xamarin.Forms.Platform.Resource.Attribute.popUpTo = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.popUpTo; - global::Xamarin.Forms.Platform.Resource.Attribute.popUpToInclusive = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.popUpToInclusive; - global::Xamarin.Forms.Platform.Resource.Attribute.popupWindowStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.popupWindowStyle; - global::Xamarin.Forms.Platform.Resource.Attribute.prefixText = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.prefixText; - global::Xamarin.Forms.Platform.Resource.Attribute.prefixTextAppearance = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.prefixTextAppearance; - global::Xamarin.Forms.Platform.Resource.Attribute.prefixTextColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.prefixTextColor; - global::Xamarin.Forms.Platform.Resource.Attribute.preserveIconSpacing = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.preserveIconSpacing; - global::Xamarin.Forms.Platform.Resource.Attribute.pressedTranslationZ = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.pressedTranslationZ; - global::Xamarin.Forms.Platform.Resource.Attribute.progressBarPadding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.progressBarPadding; - global::Xamarin.Forms.Platform.Resource.Attribute.progressBarStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.progressBarStyle; - global::Xamarin.Forms.Platform.Resource.Attribute.queryBackground = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.queryBackground; - global::Xamarin.Forms.Platform.Resource.Attribute.queryHint = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.queryHint; - global::Xamarin.Forms.Platform.Resource.Attribute.radioButtonStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.radioButtonStyle; - global::Xamarin.Forms.Platform.Resource.Attribute.rangeFillColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.rangeFillColor; - global::Xamarin.Forms.Platform.Resource.Attribute.ratingBarStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.ratingBarStyle; - global::Xamarin.Forms.Platform.Resource.Attribute.ratingBarStyleIndicator = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.ratingBarStyleIndicator; - global::Xamarin.Forms.Platform.Resource.Attribute.ratingBarStyleSmall = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.ratingBarStyleSmall; - global::Xamarin.Forms.Platform.Resource.Attribute.recyclerViewStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.recyclerViewStyle; - global::Xamarin.Forms.Platform.Resource.Attribute.reverseLayout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.reverseLayout; - global::Xamarin.Forms.Platform.Resource.Attribute.rippleColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.rippleColor; - global::Xamarin.Forms.Platform.Resource.Attribute.scrimAnimationDuration = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.scrimAnimationDuration; - global::Xamarin.Forms.Platform.Resource.Attribute.scrimBackground = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.scrimBackground; - global::Xamarin.Forms.Platform.Resource.Attribute.scrimVisibleHeightTrigger = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.scrimVisibleHeightTrigger; - global::Xamarin.Forms.Platform.Resource.Attribute.scrollViewStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.scrollViewStyle; - global::Xamarin.Forms.Platform.Resource.Attribute.searchHintIcon = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.searchHintIcon; - global::Xamarin.Forms.Platform.Resource.Attribute.searchIcon = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.searchIcon; - global::Xamarin.Forms.Platform.Resource.Attribute.searchViewStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.searchViewStyle; - global::Xamarin.Forms.Platform.Resource.Attribute.seekBarStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.seekBarStyle; - global::Xamarin.Forms.Platform.Resource.Attribute.selectableItemBackground = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.selectableItemBackground; - global::Xamarin.Forms.Platform.Resource.Attribute.selectableItemBackgroundBorderless = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.selectableItemBackgroundBorderless; - global::Xamarin.Forms.Platform.Resource.Attribute.selectionRequired = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.selectionRequired; - global::Xamarin.Forms.Platform.Resource.Attribute.shapeAppearance = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.shapeAppearance; - global::Xamarin.Forms.Platform.Resource.Attribute.shapeAppearanceLargeComponent = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.shapeAppearanceLargeComponent; - global::Xamarin.Forms.Platform.Resource.Attribute.shapeAppearanceMediumComponent = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.shapeAppearanceMediumComponent; - global::Xamarin.Forms.Platform.Resource.Attribute.shapeAppearanceOverlay = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.shapeAppearanceOverlay; - global::Xamarin.Forms.Platform.Resource.Attribute.shapeAppearanceSmallComponent = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.shapeAppearanceSmallComponent; - global::Xamarin.Forms.Platform.Resource.Attribute.showAsAction = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.showAsAction; - global::Xamarin.Forms.Platform.Resource.Attribute.showDividers = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.showDividers; - global::Xamarin.Forms.Platform.Resource.Attribute.showMotionSpec = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.showMotionSpec; - global::Xamarin.Forms.Platform.Resource.Attribute.showText = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.showText; - global::Xamarin.Forms.Platform.Resource.Attribute.showTitle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.showTitle; - global::Xamarin.Forms.Platform.Resource.Attribute.shrinkMotionSpec = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.shrinkMotionSpec; - global::Xamarin.Forms.Platform.Resource.Attribute.singleChoiceItemLayout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.singleChoiceItemLayout; - global::Xamarin.Forms.Platform.Resource.Attribute.singleLine = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.singleLine; - global::Xamarin.Forms.Platform.Resource.Attribute.singleSelection = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.singleSelection; - global::Xamarin.Forms.Platform.Resource.Attribute.sliderStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.sliderStyle; - global::Xamarin.Forms.Platform.Resource.Attribute.snackbarButtonStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.snackbarButtonStyle; - global::Xamarin.Forms.Platform.Resource.Attribute.snackbarStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.snackbarStyle; - global::Xamarin.Forms.Platform.Resource.Attribute.snackbarTextViewStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.snackbarTextViewStyle; - global::Xamarin.Forms.Platform.Resource.Attribute.spanCount = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.spanCount; - global::Xamarin.Forms.Platform.Resource.Attribute.spinBars = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.spinBars; - global::Xamarin.Forms.Platform.Resource.Attribute.spinnerDropDownItemStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.spinnerDropDownItemStyle; - global::Xamarin.Forms.Platform.Resource.Attribute.spinnerStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.spinnerStyle; - global::Xamarin.Forms.Platform.Resource.Attribute.splitTrack = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.splitTrack; - global::Xamarin.Forms.Platform.Resource.Attribute.srcCompat = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.srcCompat; - global::Xamarin.Forms.Platform.Resource.Attribute.stackFromEnd = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.stackFromEnd; - global::Xamarin.Forms.Platform.Resource.Attribute.startDestination = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.startDestination; - global::Xamarin.Forms.Platform.Resource.Attribute.startIconCheckable = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.startIconCheckable; - global::Xamarin.Forms.Platform.Resource.Attribute.startIconContentDescription = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.startIconContentDescription; - global::Xamarin.Forms.Platform.Resource.Attribute.startIconDrawable = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.startIconDrawable; - global::Xamarin.Forms.Platform.Resource.Attribute.startIconTint = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.startIconTint; - global::Xamarin.Forms.Platform.Resource.Attribute.startIconTintMode = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.startIconTintMode; - global::Xamarin.Forms.Platform.Resource.Attribute.state_above_anchor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.state_above_anchor; - global::Xamarin.Forms.Platform.Resource.Attribute.state_collapsed = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.state_collapsed; - global::Xamarin.Forms.Platform.Resource.Attribute.state_collapsible = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.state_collapsible; - global::Xamarin.Forms.Platform.Resource.Attribute.state_dragged = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.state_dragged; - global::Xamarin.Forms.Platform.Resource.Attribute.state_liftable = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.state_liftable; - global::Xamarin.Forms.Platform.Resource.Attribute.state_lifted = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.state_lifted; - global::Xamarin.Forms.Platform.Resource.Attribute.statusBarBackground = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.statusBarBackground; - global::Xamarin.Forms.Platform.Resource.Attribute.statusBarForeground = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.statusBarForeground; - global::Xamarin.Forms.Platform.Resource.Attribute.statusBarScrim = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.statusBarScrim; - global::Xamarin.Forms.Platform.Resource.Attribute.strokeColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.strokeColor; - global::Xamarin.Forms.Platform.Resource.Attribute.strokeWidth = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.strokeWidth; - global::Xamarin.Forms.Platform.Resource.Attribute.subMenuArrow = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.subMenuArrow; - global::Xamarin.Forms.Platform.Resource.Attribute.submitBackground = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.submitBackground; - global::Xamarin.Forms.Platform.Resource.Attribute.subtitle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.subtitle; - global::Xamarin.Forms.Platform.Resource.Attribute.subtitleTextAppearance = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.subtitleTextAppearance; - global::Xamarin.Forms.Platform.Resource.Attribute.subtitleTextColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.subtitleTextColor; - global::Xamarin.Forms.Platform.Resource.Attribute.subtitleTextStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.subtitleTextStyle; - global::Xamarin.Forms.Platform.Resource.Attribute.suffixText = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.suffixText; - global::Xamarin.Forms.Platform.Resource.Attribute.suffixTextAppearance = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.suffixTextAppearance; - global::Xamarin.Forms.Platform.Resource.Attribute.suffixTextColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.suffixTextColor; - global::Xamarin.Forms.Platform.Resource.Attribute.suggestionRowLayout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.suggestionRowLayout; - global::Xamarin.Forms.Platform.Resource.Attribute.swipeRefreshLayoutProgressSpinnerBackgroundColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.swipeRefreshLayoutProgressSpinnerBackgroundColor; - global::Xamarin.Forms.Platform.Resource.Attribute.switchMinWidth = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.switchMinWidth; - global::Xamarin.Forms.Platform.Resource.Attribute.switchPadding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.switchPadding; - global::Xamarin.Forms.Platform.Resource.Attribute.switchStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.switchStyle; - global::Xamarin.Forms.Platform.Resource.Attribute.switchTextAppearance = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.switchTextAppearance; - global::Xamarin.Forms.Platform.Resource.Attribute.tabBackground = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.tabBackground; - global::Xamarin.Forms.Platform.Resource.Attribute.tabContentStart = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.tabContentStart; - global::Xamarin.Forms.Platform.Resource.Attribute.tabGravity = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.tabGravity; - global::Xamarin.Forms.Platform.Resource.Attribute.tabIconTint = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.tabIconTint; - global::Xamarin.Forms.Platform.Resource.Attribute.tabIconTintMode = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.tabIconTintMode; - global::Xamarin.Forms.Platform.Resource.Attribute.tabIndicator = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.tabIndicator; - global::Xamarin.Forms.Platform.Resource.Attribute.tabIndicatorAnimationDuration = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.tabIndicatorAnimationDuration; - global::Xamarin.Forms.Platform.Resource.Attribute.tabIndicatorColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.tabIndicatorColor; - global::Xamarin.Forms.Platform.Resource.Attribute.tabIndicatorFullWidth = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.tabIndicatorFullWidth; - global::Xamarin.Forms.Platform.Resource.Attribute.tabIndicatorGravity = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.tabIndicatorGravity; - global::Xamarin.Forms.Platform.Resource.Attribute.tabIndicatorHeight = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.tabIndicatorHeight; - global::Xamarin.Forms.Platform.Resource.Attribute.tabInlineLabel = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.tabInlineLabel; - global::Xamarin.Forms.Platform.Resource.Attribute.tabMaxWidth = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.tabMaxWidth; - global::Xamarin.Forms.Platform.Resource.Attribute.tabMinWidth = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.tabMinWidth; - global::Xamarin.Forms.Platform.Resource.Attribute.tabMode = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.tabMode; - global::Xamarin.Forms.Platform.Resource.Attribute.tabPadding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.tabPadding; - global::Xamarin.Forms.Platform.Resource.Attribute.tabPaddingBottom = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.tabPaddingBottom; - global::Xamarin.Forms.Platform.Resource.Attribute.tabPaddingEnd = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.tabPaddingEnd; - global::Xamarin.Forms.Platform.Resource.Attribute.tabPaddingStart = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.tabPaddingStart; - global::Xamarin.Forms.Platform.Resource.Attribute.tabPaddingTop = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.tabPaddingTop; - global::Xamarin.Forms.Platform.Resource.Attribute.tabRippleColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.tabRippleColor; - global::Xamarin.Forms.Platform.Resource.Attribute.tabSelectedTextColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.tabSelectedTextColor; - global::Xamarin.Forms.Platform.Resource.Attribute.tabStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.tabStyle; - global::Xamarin.Forms.Platform.Resource.Attribute.tabTextAppearance = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.tabTextAppearance; - global::Xamarin.Forms.Platform.Resource.Attribute.tabTextColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.tabTextColor; - global::Xamarin.Forms.Platform.Resource.Attribute.tabUnboundedRipple = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.tabUnboundedRipple; - global::Xamarin.Forms.Platform.Resource.Attribute.targetPackage = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.targetPackage; - global::Xamarin.Forms.Platform.Resource.Attribute.textAllCaps = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.textAllCaps; - global::Xamarin.Forms.Platform.Resource.Attribute.textAppearanceBody1 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.textAppearanceBody1; - global::Xamarin.Forms.Platform.Resource.Attribute.textAppearanceBody2 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.textAppearanceBody2; - global::Xamarin.Forms.Platform.Resource.Attribute.textAppearanceButton = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.textAppearanceButton; - global::Xamarin.Forms.Platform.Resource.Attribute.textAppearanceCaption = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.textAppearanceCaption; - global::Xamarin.Forms.Platform.Resource.Attribute.textAppearanceHeadline1 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.textAppearanceHeadline1; - global::Xamarin.Forms.Platform.Resource.Attribute.textAppearanceHeadline2 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.textAppearanceHeadline2; - global::Xamarin.Forms.Platform.Resource.Attribute.textAppearanceHeadline3 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.textAppearanceHeadline3; - global::Xamarin.Forms.Platform.Resource.Attribute.textAppearanceHeadline4 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.textAppearanceHeadline4; - global::Xamarin.Forms.Platform.Resource.Attribute.textAppearanceHeadline5 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.textAppearanceHeadline5; - global::Xamarin.Forms.Platform.Resource.Attribute.textAppearanceHeadline6 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.textAppearanceHeadline6; - global::Xamarin.Forms.Platform.Resource.Attribute.textAppearanceLargePopupMenu = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.textAppearanceLargePopupMenu; - global::Xamarin.Forms.Platform.Resource.Attribute.textAppearanceLineHeightEnabled = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.textAppearanceLineHeightEnabled; - global::Xamarin.Forms.Platform.Resource.Attribute.textAppearanceListItem = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.textAppearanceListItem; - global::Xamarin.Forms.Platform.Resource.Attribute.textAppearanceListItemSecondary = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.textAppearanceListItemSecondary; - global::Xamarin.Forms.Platform.Resource.Attribute.textAppearanceListItemSmall = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.textAppearanceListItemSmall; - global::Xamarin.Forms.Platform.Resource.Attribute.textAppearanceOverline = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.textAppearanceOverline; - global::Xamarin.Forms.Platform.Resource.Attribute.textAppearancePopupMenuHeader = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.textAppearancePopupMenuHeader; - global::Xamarin.Forms.Platform.Resource.Attribute.textAppearanceSearchResultSubtitle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.textAppearanceSearchResultSubtitle; - global::Xamarin.Forms.Platform.Resource.Attribute.textAppearanceSearchResultTitle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.textAppearanceSearchResultTitle; - global::Xamarin.Forms.Platform.Resource.Attribute.textAppearanceSmallPopupMenu = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.textAppearanceSmallPopupMenu; - global::Xamarin.Forms.Platform.Resource.Attribute.textAppearanceSubtitle1 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.textAppearanceSubtitle1; - global::Xamarin.Forms.Platform.Resource.Attribute.textAppearanceSubtitle2 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.textAppearanceSubtitle2; - global::Xamarin.Forms.Platform.Resource.Attribute.textColorAlertDialogListItem = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.textColorAlertDialogListItem; - global::Xamarin.Forms.Platform.Resource.Attribute.textColorSearchUrl = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.textColorSearchUrl; - global::Xamarin.Forms.Platform.Resource.Attribute.textEndPadding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.textEndPadding; - global::Xamarin.Forms.Platform.Resource.Attribute.textInputLayoutFocusedRectEnabled = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.textInputLayoutFocusedRectEnabled; - global::Xamarin.Forms.Platform.Resource.Attribute.textInputStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.textInputStyle; - global::Xamarin.Forms.Platform.Resource.Attribute.textLocale = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.textLocale; - global::Xamarin.Forms.Platform.Resource.Attribute.textStartPadding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.textStartPadding; - global::Xamarin.Forms.Platform.Resource.Attribute.theme = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.theme; - global::Xamarin.Forms.Platform.Resource.Attribute.themeLineHeight = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.themeLineHeight; - global::Xamarin.Forms.Platform.Resource.Attribute.thickness = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.thickness; - global::Xamarin.Forms.Platform.Resource.Attribute.thumbColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.thumbColor; - global::Xamarin.Forms.Platform.Resource.Attribute.thumbElevation = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.thumbElevation; - global::Xamarin.Forms.Platform.Resource.Attribute.thumbRadius = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.thumbRadius; - global::Xamarin.Forms.Platform.Resource.Attribute.thumbTextPadding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.thumbTextPadding; - global::Xamarin.Forms.Platform.Resource.Attribute.thumbTint = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.thumbTint; - global::Xamarin.Forms.Platform.Resource.Attribute.thumbTintMode = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.thumbTintMode; - global::Xamarin.Forms.Platform.Resource.Attribute.tickColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.tickColor; - global::Xamarin.Forms.Platform.Resource.Attribute.tickColorActive = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.tickColorActive; - global::Xamarin.Forms.Platform.Resource.Attribute.tickColorInactive = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.tickColorInactive; - global::Xamarin.Forms.Platform.Resource.Attribute.tickMark = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.tickMark; - global::Xamarin.Forms.Platform.Resource.Attribute.tickMarkTint = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.tickMarkTint; - global::Xamarin.Forms.Platform.Resource.Attribute.tickMarkTintMode = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.tickMarkTintMode; - global::Xamarin.Forms.Platform.Resource.Attribute.tint = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.tint; - global::Xamarin.Forms.Platform.Resource.Attribute.tintMode = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.tintMode; - global::Xamarin.Forms.Platform.Resource.Attribute.title = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.title; - global::Xamarin.Forms.Platform.Resource.Attribute.titleEnabled = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.titleEnabled; - global::Xamarin.Forms.Platform.Resource.Attribute.titleMargin = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.titleMargin; - global::Xamarin.Forms.Platform.Resource.Attribute.titleMarginBottom = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.titleMarginBottom; - global::Xamarin.Forms.Platform.Resource.Attribute.titleMarginEnd = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.titleMarginEnd; - global::Xamarin.Forms.Platform.Resource.Attribute.titleMargins = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.titleMargins; - global::Xamarin.Forms.Platform.Resource.Attribute.titleMarginStart = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.titleMarginStart; - global::Xamarin.Forms.Platform.Resource.Attribute.titleMarginTop = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.titleMarginTop; - global::Xamarin.Forms.Platform.Resource.Attribute.titleTextAppearance = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.titleTextAppearance; - global::Xamarin.Forms.Platform.Resource.Attribute.titleTextColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.titleTextColor; - global::Xamarin.Forms.Platform.Resource.Attribute.titleTextStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.titleTextStyle; - global::Xamarin.Forms.Platform.Resource.Attribute.toolbarId = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.toolbarId; - global::Xamarin.Forms.Platform.Resource.Attribute.toolbarNavigationButtonStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.toolbarNavigationButtonStyle; - global::Xamarin.Forms.Platform.Resource.Attribute.toolbarStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.toolbarStyle; - global::Xamarin.Forms.Platform.Resource.Attribute.tooltipForegroundColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.tooltipForegroundColor; - global::Xamarin.Forms.Platform.Resource.Attribute.tooltipFrameBackground = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.tooltipFrameBackground; - global::Xamarin.Forms.Platform.Resource.Attribute.tooltipStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.tooltipStyle; - global::Xamarin.Forms.Platform.Resource.Attribute.tooltipText = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.tooltipText; - global::Xamarin.Forms.Platform.Resource.Attribute.track = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.track; - global::Xamarin.Forms.Platform.Resource.Attribute.trackColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.trackColor; - global::Xamarin.Forms.Platform.Resource.Attribute.trackColorActive = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.trackColorActive; - global::Xamarin.Forms.Platform.Resource.Attribute.trackColorInactive = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.trackColorInactive; - global::Xamarin.Forms.Platform.Resource.Attribute.trackHeight = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.trackHeight; - global::Xamarin.Forms.Platform.Resource.Attribute.trackTint = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.trackTint; - global::Xamarin.Forms.Platform.Resource.Attribute.trackTintMode = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.trackTintMode; - global::Xamarin.Forms.Platform.Resource.Attribute.transitionShapeAppearance = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.transitionShapeAppearance; - global::Xamarin.Forms.Platform.Resource.Attribute.ttcIndex = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.ttcIndex; - global::Xamarin.Forms.Platform.Resource.Attribute.uri = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.uri; - global::Xamarin.Forms.Platform.Resource.Attribute.useCompatPadding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.useCompatPadding; - global::Xamarin.Forms.Platform.Resource.Attribute.useMaterialThemeColors = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.useMaterialThemeColors; - global::Xamarin.Forms.Platform.Resource.Attribute.values = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.values; - global::Xamarin.Forms.Platform.Resource.Attribute.verticalOffset = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.verticalOffset; - global::Xamarin.Forms.Platform.Resource.Attribute.viewInflaterClass = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.viewInflaterClass; - global::Xamarin.Forms.Platform.Resource.Attribute.voiceIcon = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.voiceIcon; - global::Xamarin.Forms.Platform.Resource.Attribute.windowActionBar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.windowActionBar; - global::Xamarin.Forms.Platform.Resource.Attribute.windowActionBarOverlay = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.windowActionBarOverlay; - global::Xamarin.Forms.Platform.Resource.Attribute.windowActionModeOverlay = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.windowActionModeOverlay; - global::Xamarin.Forms.Platform.Resource.Attribute.windowFixedHeightMajor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.windowFixedHeightMajor; - global::Xamarin.Forms.Platform.Resource.Attribute.windowFixedHeightMinor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.windowFixedHeightMinor; - global::Xamarin.Forms.Platform.Resource.Attribute.windowFixedWidthMajor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.windowFixedWidthMajor; - global::Xamarin.Forms.Platform.Resource.Attribute.windowFixedWidthMinor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.windowFixedWidthMinor; - global::Xamarin.Forms.Platform.Resource.Attribute.windowMinWidthMajor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.windowMinWidthMajor; - global::Xamarin.Forms.Platform.Resource.Attribute.windowMinWidthMinor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.windowMinWidthMinor; - global::Xamarin.Forms.Platform.Resource.Attribute.windowNoTitle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.windowNoTitle; - global::Xamarin.Forms.Platform.Resource.Attribute.yearSelectedStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.yearSelectedStyle; - global::Xamarin.Forms.Platform.Resource.Attribute.yearStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.yearStyle; - global::Xamarin.Forms.Platform.Resource.Attribute.yearTodayStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Attribute.yearTodayStyle; - global::Xamarin.Forms.Platform.Resource.Boolean.abc_action_bar_embed_tabs = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Boolean.abc_action_bar_embed_tabs; - global::Xamarin.Forms.Platform.Resource.Boolean.abc_allow_stacked_button_bar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Boolean.abc_allow_stacked_button_bar; - global::Xamarin.Forms.Platform.Resource.Boolean.abc_config_actionMenuItemAllCaps = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Boolean.abc_config_actionMenuItemAllCaps; - global::Xamarin.Forms.Platform.Resource.Boolean.mtrl_btn_textappearance_all_caps = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Boolean.mtrl_btn_textappearance_all_caps; - global::Xamarin.Forms.Platform.Resource.Color.abc_background_cache_hint_selector_material_dark = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.abc_background_cache_hint_selector_material_dark; - global::Xamarin.Forms.Platform.Resource.Color.abc_background_cache_hint_selector_material_light = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.abc_background_cache_hint_selector_material_light; - global::Xamarin.Forms.Platform.Resource.Color.abc_btn_colored_borderless_text_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.abc_btn_colored_borderless_text_material; - global::Xamarin.Forms.Platform.Resource.Color.abc_btn_colored_text_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.abc_btn_colored_text_material; - global::Xamarin.Forms.Platform.Resource.Color.abc_color_highlight_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.abc_color_highlight_material; - global::Xamarin.Forms.Platform.Resource.Color.abc_decor_view_status_guard = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.abc_decor_view_status_guard; - global::Xamarin.Forms.Platform.Resource.Color.abc_decor_view_status_guard_light = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.abc_decor_view_status_guard_light; - global::Xamarin.Forms.Platform.Resource.Color.abc_hint_foreground_material_dark = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.abc_hint_foreground_material_dark; - global::Xamarin.Forms.Platform.Resource.Color.abc_hint_foreground_material_light = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.abc_hint_foreground_material_light; - global::Xamarin.Forms.Platform.Resource.Color.abc_primary_text_disable_only_material_dark = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.abc_primary_text_disable_only_material_dark; - global::Xamarin.Forms.Platform.Resource.Color.abc_primary_text_disable_only_material_light = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.abc_primary_text_disable_only_material_light; - global::Xamarin.Forms.Platform.Resource.Color.abc_primary_text_material_dark = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.abc_primary_text_material_dark; - global::Xamarin.Forms.Platform.Resource.Color.abc_primary_text_material_light = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.abc_primary_text_material_light; - global::Xamarin.Forms.Platform.Resource.Color.abc_search_url_text = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.abc_search_url_text; - global::Xamarin.Forms.Platform.Resource.Color.abc_search_url_text_normal = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.abc_search_url_text_normal; - global::Xamarin.Forms.Platform.Resource.Color.abc_search_url_text_pressed = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.abc_search_url_text_pressed; - global::Xamarin.Forms.Platform.Resource.Color.abc_search_url_text_selected = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.abc_search_url_text_selected; - global::Xamarin.Forms.Platform.Resource.Color.abc_secondary_text_material_dark = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.abc_secondary_text_material_dark; - global::Xamarin.Forms.Platform.Resource.Color.abc_secondary_text_material_light = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.abc_secondary_text_material_light; - global::Xamarin.Forms.Platform.Resource.Color.abc_tint_btn_checkable = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.abc_tint_btn_checkable; - global::Xamarin.Forms.Platform.Resource.Color.abc_tint_default = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.abc_tint_default; - global::Xamarin.Forms.Platform.Resource.Color.abc_tint_edittext = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.abc_tint_edittext; - global::Xamarin.Forms.Platform.Resource.Color.abc_tint_seek_thumb = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.abc_tint_seek_thumb; - global::Xamarin.Forms.Platform.Resource.Color.abc_tint_spinner = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.abc_tint_spinner; - global::Xamarin.Forms.Platform.Resource.Color.abc_tint_switch_track = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.abc_tint_switch_track; - global::Xamarin.Forms.Platform.Resource.Color.accent_material_dark = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.accent_material_dark; - global::Xamarin.Forms.Platform.Resource.Color.accent_material_light = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.accent_material_light; - global::Xamarin.Forms.Platform.Resource.Color.androidx_core_ripple_material_light = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.androidx_core_ripple_material_light; - global::Xamarin.Forms.Platform.Resource.Color.androidx_core_secondary_text_default_material_light = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.androidx_core_secondary_text_default_material_light; - global::Xamarin.Forms.Platform.Resource.Color.background_floating_material_dark = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.background_floating_material_dark; - global::Xamarin.Forms.Platform.Resource.Color.background_floating_material_light = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.background_floating_material_light; - global::Xamarin.Forms.Platform.Resource.Color.background_material_dark = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.background_material_dark; - global::Xamarin.Forms.Platform.Resource.Color.background_material_light = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.background_material_light; - global::Xamarin.Forms.Platform.Resource.Color.bright_foreground_disabled_material_dark = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.bright_foreground_disabled_material_dark; - global::Xamarin.Forms.Platform.Resource.Color.bright_foreground_disabled_material_light = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.bright_foreground_disabled_material_light; - global::Xamarin.Forms.Platform.Resource.Color.bright_foreground_inverse_material_dark = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.bright_foreground_inverse_material_dark; - global::Xamarin.Forms.Platform.Resource.Color.bright_foreground_inverse_material_light = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.bright_foreground_inverse_material_light; - global::Xamarin.Forms.Platform.Resource.Color.bright_foreground_material_dark = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.bright_foreground_material_dark; - global::Xamarin.Forms.Platform.Resource.Color.bright_foreground_material_light = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.bright_foreground_material_light; - global::Xamarin.Forms.Platform.Resource.Color.button_material_dark = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.button_material_dark; - global::Xamarin.Forms.Platform.Resource.Color.button_material_light = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.button_material_light; - global::Xamarin.Forms.Platform.Resource.Color.cardview_dark_background = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.cardview_dark_background; - global::Xamarin.Forms.Platform.Resource.Color.cardview_light_background = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.cardview_light_background; - global::Xamarin.Forms.Platform.Resource.Color.cardview_shadow_end_color = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.cardview_shadow_end_color; - global::Xamarin.Forms.Platform.Resource.Color.cardview_shadow_start_color = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.cardview_shadow_start_color; - global::Xamarin.Forms.Platform.Resource.Color.checkbox_themeable_attribute_color = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.checkbox_themeable_attribute_color; - global::Xamarin.Forms.Platform.Resource.Color.design_bottom_navigation_shadow_color = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.design_bottom_navigation_shadow_color; - global::Xamarin.Forms.Platform.Resource.Color.design_box_stroke_color = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.design_box_stroke_color; - global::Xamarin.Forms.Platform.Resource.Color.design_dark_default_color_background = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.design_dark_default_color_background; - global::Xamarin.Forms.Platform.Resource.Color.design_dark_default_color_error = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.design_dark_default_color_error; - global::Xamarin.Forms.Platform.Resource.Color.design_dark_default_color_on_background = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.design_dark_default_color_on_background; - global::Xamarin.Forms.Platform.Resource.Color.design_dark_default_color_on_error = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.design_dark_default_color_on_error; - global::Xamarin.Forms.Platform.Resource.Color.design_dark_default_color_on_primary = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.design_dark_default_color_on_primary; - global::Xamarin.Forms.Platform.Resource.Color.design_dark_default_color_on_secondary = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.design_dark_default_color_on_secondary; - global::Xamarin.Forms.Platform.Resource.Color.design_dark_default_color_on_surface = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.design_dark_default_color_on_surface; - global::Xamarin.Forms.Platform.Resource.Color.design_dark_default_color_primary = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.design_dark_default_color_primary; - global::Xamarin.Forms.Platform.Resource.Color.design_dark_default_color_primary_dark = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.design_dark_default_color_primary_dark; - global::Xamarin.Forms.Platform.Resource.Color.design_dark_default_color_primary_variant = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.design_dark_default_color_primary_variant; - global::Xamarin.Forms.Platform.Resource.Color.design_dark_default_color_secondary = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.design_dark_default_color_secondary; - global::Xamarin.Forms.Platform.Resource.Color.design_dark_default_color_secondary_variant = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.design_dark_default_color_secondary_variant; - global::Xamarin.Forms.Platform.Resource.Color.design_dark_default_color_surface = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.design_dark_default_color_surface; - global::Xamarin.Forms.Platform.Resource.Color.design_default_color_background = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.design_default_color_background; - global::Xamarin.Forms.Platform.Resource.Color.design_default_color_error = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.design_default_color_error; - global::Xamarin.Forms.Platform.Resource.Color.design_default_color_on_background = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.design_default_color_on_background; - global::Xamarin.Forms.Platform.Resource.Color.design_default_color_on_error = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.design_default_color_on_error; - global::Xamarin.Forms.Platform.Resource.Color.design_default_color_on_primary = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.design_default_color_on_primary; - global::Xamarin.Forms.Platform.Resource.Color.design_default_color_on_secondary = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.design_default_color_on_secondary; - global::Xamarin.Forms.Platform.Resource.Color.design_default_color_on_surface = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.design_default_color_on_surface; - global::Xamarin.Forms.Platform.Resource.Color.design_default_color_primary = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.design_default_color_primary; - global::Xamarin.Forms.Platform.Resource.Color.design_default_color_primary_dark = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.design_default_color_primary_dark; - global::Xamarin.Forms.Platform.Resource.Color.design_default_color_primary_variant = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.design_default_color_primary_variant; - global::Xamarin.Forms.Platform.Resource.Color.design_default_color_secondary = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.design_default_color_secondary; - global::Xamarin.Forms.Platform.Resource.Color.design_default_color_secondary_variant = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.design_default_color_secondary_variant; - global::Xamarin.Forms.Platform.Resource.Color.design_default_color_surface = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.design_default_color_surface; - global::Xamarin.Forms.Platform.Resource.Color.design_error = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.design_error; - global::Xamarin.Forms.Platform.Resource.Color.design_fab_shadow_end_color = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.design_fab_shadow_end_color; - global::Xamarin.Forms.Platform.Resource.Color.design_fab_shadow_mid_color = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.design_fab_shadow_mid_color; - global::Xamarin.Forms.Platform.Resource.Color.design_fab_shadow_start_color = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.design_fab_shadow_start_color; - global::Xamarin.Forms.Platform.Resource.Color.design_fab_stroke_end_inner_color = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.design_fab_stroke_end_inner_color; - global::Xamarin.Forms.Platform.Resource.Color.design_fab_stroke_end_outer_color = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.design_fab_stroke_end_outer_color; - global::Xamarin.Forms.Platform.Resource.Color.design_fab_stroke_top_inner_color = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.design_fab_stroke_top_inner_color; - global::Xamarin.Forms.Platform.Resource.Color.design_fab_stroke_top_outer_color = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.design_fab_stroke_top_outer_color; - global::Xamarin.Forms.Platform.Resource.Color.design_icon_tint = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.design_icon_tint; - global::Xamarin.Forms.Platform.Resource.Color.design_snackbar_background_color = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.design_snackbar_background_color; - global::Xamarin.Forms.Platform.Resource.Color.dim_foreground_disabled_material_dark = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.dim_foreground_disabled_material_dark; - global::Xamarin.Forms.Platform.Resource.Color.dim_foreground_disabled_material_light = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.dim_foreground_disabled_material_light; - global::Xamarin.Forms.Platform.Resource.Color.dim_foreground_material_dark = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.dim_foreground_material_dark; - global::Xamarin.Forms.Platform.Resource.Color.dim_foreground_material_light = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.dim_foreground_material_light; - global::Xamarin.Forms.Platform.Resource.Color.error_color_material_dark = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.error_color_material_dark; - global::Xamarin.Forms.Platform.Resource.Color.error_color_material_light = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.error_color_material_light; - global::Xamarin.Forms.Platform.Resource.Color.foreground_material_dark = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.foreground_material_dark; - global::Xamarin.Forms.Platform.Resource.Color.foreground_material_light = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.foreground_material_light; - global::Xamarin.Forms.Platform.Resource.Color.highlighted_text_material_dark = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.highlighted_text_material_dark; - global::Xamarin.Forms.Platform.Resource.Color.highlighted_text_material_light = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.highlighted_text_material_light; - global::Xamarin.Forms.Platform.Resource.Color.material_blue_grey_800 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.material_blue_grey_800; - global::Xamarin.Forms.Platform.Resource.Color.material_blue_grey_900 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.material_blue_grey_900; - global::Xamarin.Forms.Platform.Resource.Color.material_blue_grey_950 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.material_blue_grey_950; - global::Xamarin.Forms.Platform.Resource.Color.material_deep_teal_200 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.material_deep_teal_200; - global::Xamarin.Forms.Platform.Resource.Color.material_deep_teal_500 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.material_deep_teal_500; - global::Xamarin.Forms.Platform.Resource.Color.material_grey_100 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.material_grey_100; - global::Xamarin.Forms.Platform.Resource.Color.material_grey_300 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.material_grey_300; - global::Xamarin.Forms.Platform.Resource.Color.material_grey_50 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.material_grey_50; - global::Xamarin.Forms.Platform.Resource.Color.material_grey_600 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.material_grey_600; - global::Xamarin.Forms.Platform.Resource.Color.material_grey_800 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.material_grey_800; - global::Xamarin.Forms.Platform.Resource.Color.material_grey_850 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.material_grey_850; - global::Xamarin.Forms.Platform.Resource.Color.material_grey_900 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.material_grey_900; - global::Xamarin.Forms.Platform.Resource.Color.material_on_background_disabled = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.material_on_background_disabled; - global::Xamarin.Forms.Platform.Resource.Color.material_on_background_emphasis_high_type = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.material_on_background_emphasis_high_type; - global::Xamarin.Forms.Platform.Resource.Color.material_on_background_emphasis_medium = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.material_on_background_emphasis_medium; - global::Xamarin.Forms.Platform.Resource.Color.material_on_primary_disabled = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.material_on_primary_disabled; - global::Xamarin.Forms.Platform.Resource.Color.material_on_primary_emphasis_high_type = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.material_on_primary_emphasis_high_type; - global::Xamarin.Forms.Platform.Resource.Color.material_on_primary_emphasis_medium = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.material_on_primary_emphasis_medium; - global::Xamarin.Forms.Platform.Resource.Color.material_on_surface_disabled = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.material_on_surface_disabled; - global::Xamarin.Forms.Platform.Resource.Color.material_on_surface_emphasis_high_type = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.material_on_surface_emphasis_high_type; - global::Xamarin.Forms.Platform.Resource.Color.material_on_surface_emphasis_medium = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.material_on_surface_emphasis_medium; - global::Xamarin.Forms.Platform.Resource.Color.material_on_surface_stroke = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.material_on_surface_stroke; - global::Xamarin.Forms.Platform.Resource.Color.material_slider_active_tick_marks_color = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.material_slider_active_tick_marks_color; - global::Xamarin.Forms.Platform.Resource.Color.material_slider_active_track_color = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.material_slider_active_track_color; - global::Xamarin.Forms.Platform.Resource.Color.material_slider_halo_color = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.material_slider_halo_color; - global::Xamarin.Forms.Platform.Resource.Color.material_slider_inactive_tick_marks_color = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.material_slider_inactive_tick_marks_color; - global::Xamarin.Forms.Platform.Resource.Color.material_slider_inactive_track_color = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.material_slider_inactive_track_color; - global::Xamarin.Forms.Platform.Resource.Color.material_slider_thumb_color = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.material_slider_thumb_color; - global::Xamarin.Forms.Platform.Resource.Color.mtrl_bottom_nav_colored_item_tint = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.mtrl_bottom_nav_colored_item_tint; - global::Xamarin.Forms.Platform.Resource.Color.mtrl_bottom_nav_colored_ripple_color = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.mtrl_bottom_nav_colored_ripple_color; - global::Xamarin.Forms.Platform.Resource.Color.mtrl_bottom_nav_item_tint = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.mtrl_bottom_nav_item_tint; - global::Xamarin.Forms.Platform.Resource.Color.mtrl_bottom_nav_ripple_color = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.mtrl_bottom_nav_ripple_color; - global::Xamarin.Forms.Platform.Resource.Color.mtrl_btn_bg_color_selector = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.mtrl_btn_bg_color_selector; - global::Xamarin.Forms.Platform.Resource.Color.mtrl_btn_ripple_color = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.mtrl_btn_ripple_color; - global::Xamarin.Forms.Platform.Resource.Color.mtrl_btn_stroke_color_selector = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.mtrl_btn_stroke_color_selector; - global::Xamarin.Forms.Platform.Resource.Color.mtrl_btn_text_btn_bg_color_selector = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.mtrl_btn_text_btn_bg_color_selector; - global::Xamarin.Forms.Platform.Resource.Color.mtrl_btn_text_btn_ripple_color = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.mtrl_btn_text_btn_ripple_color; - global::Xamarin.Forms.Platform.Resource.Color.mtrl_btn_text_color_disabled = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.mtrl_btn_text_color_disabled; - global::Xamarin.Forms.Platform.Resource.Color.mtrl_btn_text_color_selector = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.mtrl_btn_text_color_selector; - global::Xamarin.Forms.Platform.Resource.Color.mtrl_btn_transparent_bg_color = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.mtrl_btn_transparent_bg_color; - global::Xamarin.Forms.Platform.Resource.Color.mtrl_calendar_item_stroke_color = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.mtrl_calendar_item_stroke_color; - global::Xamarin.Forms.Platform.Resource.Color.mtrl_calendar_selected_range = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.mtrl_calendar_selected_range; - global::Xamarin.Forms.Platform.Resource.Color.mtrl_card_view_foreground = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.mtrl_card_view_foreground; - global::Xamarin.Forms.Platform.Resource.Color.mtrl_card_view_ripple = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.mtrl_card_view_ripple; - global::Xamarin.Forms.Platform.Resource.Color.mtrl_chip_background_color = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.mtrl_chip_background_color; - global::Xamarin.Forms.Platform.Resource.Color.mtrl_chip_close_icon_tint = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.mtrl_chip_close_icon_tint; - global::Xamarin.Forms.Platform.Resource.Color.mtrl_chip_ripple_color = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.mtrl_chip_ripple_color; - global::Xamarin.Forms.Platform.Resource.Color.mtrl_chip_surface_color = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.mtrl_chip_surface_color; - global::Xamarin.Forms.Platform.Resource.Color.mtrl_chip_text_color = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.mtrl_chip_text_color; - global::Xamarin.Forms.Platform.Resource.Color.mtrl_choice_chip_background_color = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.mtrl_choice_chip_background_color; - global::Xamarin.Forms.Platform.Resource.Color.mtrl_choice_chip_ripple_color = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.mtrl_choice_chip_ripple_color; - global::Xamarin.Forms.Platform.Resource.Color.mtrl_choice_chip_text_color = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.mtrl_choice_chip_text_color; - global::Xamarin.Forms.Platform.Resource.Color.mtrl_error = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.mtrl_error; - global::Xamarin.Forms.Platform.Resource.Color.mtrl_fab_bg_color_selector = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.mtrl_fab_bg_color_selector; - global::Xamarin.Forms.Platform.Resource.Color.mtrl_fab_icon_text_color_selector = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.mtrl_fab_icon_text_color_selector; - global::Xamarin.Forms.Platform.Resource.Color.mtrl_fab_ripple_color = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.mtrl_fab_ripple_color; - global::Xamarin.Forms.Platform.Resource.Color.mtrl_filled_background_color = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.mtrl_filled_background_color; - global::Xamarin.Forms.Platform.Resource.Color.mtrl_filled_icon_tint = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.mtrl_filled_icon_tint; - global::Xamarin.Forms.Platform.Resource.Color.mtrl_filled_stroke_color = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.mtrl_filled_stroke_color; - global::Xamarin.Forms.Platform.Resource.Color.mtrl_indicator_text_color = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.mtrl_indicator_text_color; - global::Xamarin.Forms.Platform.Resource.Color.mtrl_navigation_item_background_color = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.mtrl_navigation_item_background_color; - global::Xamarin.Forms.Platform.Resource.Color.mtrl_navigation_item_icon_tint = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.mtrl_navigation_item_icon_tint; - global::Xamarin.Forms.Platform.Resource.Color.mtrl_navigation_item_text_color = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.mtrl_navigation_item_text_color; - global::Xamarin.Forms.Platform.Resource.Color.mtrl_on_primary_text_btn_text_color_selector = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.mtrl_on_primary_text_btn_text_color_selector; - global::Xamarin.Forms.Platform.Resource.Color.mtrl_outlined_icon_tint = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.mtrl_outlined_icon_tint; - global::Xamarin.Forms.Platform.Resource.Color.mtrl_outlined_stroke_color = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.mtrl_outlined_stroke_color; - global::Xamarin.Forms.Platform.Resource.Color.mtrl_popupmenu_overlay_color = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.mtrl_popupmenu_overlay_color; - global::Xamarin.Forms.Platform.Resource.Color.mtrl_scrim_color = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.mtrl_scrim_color; - global::Xamarin.Forms.Platform.Resource.Color.mtrl_tabs_colored_ripple_color = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.mtrl_tabs_colored_ripple_color; - global::Xamarin.Forms.Platform.Resource.Color.mtrl_tabs_icon_color_selector = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.mtrl_tabs_icon_color_selector; - global::Xamarin.Forms.Platform.Resource.Color.mtrl_tabs_icon_color_selector_colored = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.mtrl_tabs_icon_color_selector_colored; - global::Xamarin.Forms.Platform.Resource.Color.mtrl_tabs_legacy_text_color_selector = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.mtrl_tabs_legacy_text_color_selector; - global::Xamarin.Forms.Platform.Resource.Color.mtrl_tabs_ripple_color = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.mtrl_tabs_ripple_color; - global::Xamarin.Forms.Platform.Resource.Color.mtrl_textinput_default_box_stroke_color = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.mtrl_textinput_default_box_stroke_color; - global::Xamarin.Forms.Platform.Resource.Color.mtrl_textinput_disabled_color = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.mtrl_textinput_disabled_color; - global::Xamarin.Forms.Platform.Resource.Color.mtrl_textinput_filled_box_default_background_color = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.mtrl_textinput_filled_box_default_background_color; - global::Xamarin.Forms.Platform.Resource.Color.mtrl_textinput_focused_box_stroke_color = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.mtrl_textinput_focused_box_stroke_color; - global::Xamarin.Forms.Platform.Resource.Color.mtrl_textinput_hovered_box_stroke_color = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.mtrl_textinput_hovered_box_stroke_color; - global::Xamarin.Forms.Platform.Resource.Color.mtrl_text_btn_text_color_selector = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.mtrl_text_btn_text_color_selector; - global::Xamarin.Forms.Platform.Resource.Color.notification_action_color_filter = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.notification_action_color_filter; - global::Xamarin.Forms.Platform.Resource.Color.notification_icon_bg_color = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.notification_icon_bg_color; - global::Xamarin.Forms.Platform.Resource.Color.notification_material_background_media_default_color = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.notification_material_background_media_default_color; - global::Xamarin.Forms.Platform.Resource.Color.primary_dark_material_dark = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.primary_dark_material_dark; - global::Xamarin.Forms.Platform.Resource.Color.primary_dark_material_light = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.primary_dark_material_light; - global::Xamarin.Forms.Platform.Resource.Color.primary_material_dark = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.primary_material_dark; - global::Xamarin.Forms.Platform.Resource.Color.primary_material_light = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.primary_material_light; - global::Xamarin.Forms.Platform.Resource.Color.primary_text_default_material_dark = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.primary_text_default_material_dark; - global::Xamarin.Forms.Platform.Resource.Color.primary_text_default_material_light = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.primary_text_default_material_light; - global::Xamarin.Forms.Platform.Resource.Color.primary_text_disabled_material_dark = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.primary_text_disabled_material_dark; - global::Xamarin.Forms.Platform.Resource.Color.primary_text_disabled_material_light = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.primary_text_disabled_material_light; - global::Xamarin.Forms.Platform.Resource.Color.radiobutton_themeable_attribute_color = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.radiobutton_themeable_attribute_color; - global::Xamarin.Forms.Platform.Resource.Color.ripple_material_dark = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.ripple_material_dark; - global::Xamarin.Forms.Platform.Resource.Color.ripple_material_light = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.ripple_material_light; - global::Xamarin.Forms.Platform.Resource.Color.secondary_text_default_material_dark = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.secondary_text_default_material_dark; - global::Xamarin.Forms.Platform.Resource.Color.secondary_text_default_material_light = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.secondary_text_default_material_light; - global::Xamarin.Forms.Platform.Resource.Color.secondary_text_disabled_material_dark = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.secondary_text_disabled_material_dark; - global::Xamarin.Forms.Platform.Resource.Color.secondary_text_disabled_material_light = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.secondary_text_disabled_material_light; - global::Xamarin.Forms.Platform.Resource.Color.switch_thumb_disabled_material_dark = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.switch_thumb_disabled_material_dark; - global::Xamarin.Forms.Platform.Resource.Color.switch_thumb_disabled_material_light = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.switch_thumb_disabled_material_light; - global::Xamarin.Forms.Platform.Resource.Color.switch_thumb_material_dark = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.switch_thumb_material_dark; - global::Xamarin.Forms.Platform.Resource.Color.switch_thumb_material_light = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.switch_thumb_material_light; - global::Xamarin.Forms.Platform.Resource.Color.switch_thumb_normal_material_dark = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.switch_thumb_normal_material_dark; - global::Xamarin.Forms.Platform.Resource.Color.switch_thumb_normal_material_light = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.switch_thumb_normal_material_light; - global::Xamarin.Forms.Platform.Resource.Color.test_mtrl_calendar_day = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.test_mtrl_calendar_day; - global::Xamarin.Forms.Platform.Resource.Color.test_mtrl_calendar_day_selected = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.test_mtrl_calendar_day_selected; - global::Xamarin.Forms.Platform.Resource.Color.tooltip_background_dark = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.tooltip_background_dark; - global::Xamarin.Forms.Platform.Resource.Color.tooltip_background_light = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Color.tooltip_background_light; - global::Xamarin.Forms.Platform.Resource.Dimension.abc_action_bar_content_inset_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_action_bar_content_inset_material; - global::Xamarin.Forms.Platform.Resource.Dimension.abc_action_bar_content_inset_with_nav = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_action_bar_content_inset_with_nav; - global::Xamarin.Forms.Platform.Resource.Dimension.abc_action_bar_default_height_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_action_bar_default_height_material; - global::Xamarin.Forms.Platform.Resource.Dimension.abc_action_bar_default_padding_end_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_action_bar_default_padding_end_material; - global::Xamarin.Forms.Platform.Resource.Dimension.abc_action_bar_default_padding_start_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_action_bar_default_padding_start_material; - global::Xamarin.Forms.Platform.Resource.Dimension.abc_action_bar_elevation_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_action_bar_elevation_material; - global::Xamarin.Forms.Platform.Resource.Dimension.abc_action_bar_icon_vertical_padding_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_action_bar_icon_vertical_padding_material; - global::Xamarin.Forms.Platform.Resource.Dimension.abc_action_bar_overflow_padding_end_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_action_bar_overflow_padding_end_material; - global::Xamarin.Forms.Platform.Resource.Dimension.abc_action_bar_overflow_padding_start_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_action_bar_overflow_padding_start_material; - global::Xamarin.Forms.Platform.Resource.Dimension.abc_action_bar_stacked_max_height = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_action_bar_stacked_max_height; - global::Xamarin.Forms.Platform.Resource.Dimension.abc_action_bar_stacked_tab_max_width = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_action_bar_stacked_tab_max_width; - global::Xamarin.Forms.Platform.Resource.Dimension.abc_action_bar_subtitle_bottom_margin_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_action_bar_subtitle_bottom_margin_material; - global::Xamarin.Forms.Platform.Resource.Dimension.abc_action_bar_subtitle_top_margin_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_action_bar_subtitle_top_margin_material; - global::Xamarin.Forms.Platform.Resource.Dimension.abc_action_button_min_height_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_action_button_min_height_material; - global::Xamarin.Forms.Platform.Resource.Dimension.abc_action_button_min_width_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_action_button_min_width_material; - global::Xamarin.Forms.Platform.Resource.Dimension.abc_action_button_min_width_overflow_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_action_button_min_width_overflow_material; - global::Xamarin.Forms.Platform.Resource.Dimension.abc_alert_dialog_button_bar_height = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_alert_dialog_button_bar_height; - global::Xamarin.Forms.Platform.Resource.Dimension.abc_alert_dialog_button_dimen = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_alert_dialog_button_dimen; - global::Xamarin.Forms.Platform.Resource.Dimension.abc_button_inset_horizontal_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_button_inset_horizontal_material; - global::Xamarin.Forms.Platform.Resource.Dimension.abc_button_inset_vertical_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_button_inset_vertical_material; - global::Xamarin.Forms.Platform.Resource.Dimension.abc_button_padding_horizontal_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_button_padding_horizontal_material; - global::Xamarin.Forms.Platform.Resource.Dimension.abc_button_padding_vertical_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_button_padding_vertical_material; - global::Xamarin.Forms.Platform.Resource.Dimension.abc_cascading_menus_min_smallest_width = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_cascading_menus_min_smallest_width; - global::Xamarin.Forms.Platform.Resource.Dimension.abc_config_prefDialogWidth = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_config_prefDialogWidth; - global::Xamarin.Forms.Platform.Resource.Dimension.abc_control_corner_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_control_corner_material; - global::Xamarin.Forms.Platform.Resource.Dimension.abc_control_inset_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_control_inset_material; - global::Xamarin.Forms.Platform.Resource.Dimension.abc_control_padding_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_control_padding_material; - global::Xamarin.Forms.Platform.Resource.Dimension.abc_dialog_corner_radius_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_dialog_corner_radius_material; - global::Xamarin.Forms.Platform.Resource.Dimension.abc_dialog_fixed_height_major = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_dialog_fixed_height_major; - global::Xamarin.Forms.Platform.Resource.Dimension.abc_dialog_fixed_height_minor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_dialog_fixed_height_minor; - global::Xamarin.Forms.Platform.Resource.Dimension.abc_dialog_fixed_width_major = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_dialog_fixed_width_major; - global::Xamarin.Forms.Platform.Resource.Dimension.abc_dialog_fixed_width_minor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_dialog_fixed_width_minor; - global::Xamarin.Forms.Platform.Resource.Dimension.abc_dialog_list_padding_bottom_no_buttons = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_dialog_list_padding_bottom_no_buttons; - global::Xamarin.Forms.Platform.Resource.Dimension.abc_dialog_list_padding_top_no_title = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_dialog_list_padding_top_no_title; - global::Xamarin.Forms.Platform.Resource.Dimension.abc_dialog_min_width_major = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_dialog_min_width_major; - global::Xamarin.Forms.Platform.Resource.Dimension.abc_dialog_min_width_minor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_dialog_min_width_minor; - global::Xamarin.Forms.Platform.Resource.Dimension.abc_dialog_padding_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_dialog_padding_material; - global::Xamarin.Forms.Platform.Resource.Dimension.abc_dialog_padding_top_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_dialog_padding_top_material; - global::Xamarin.Forms.Platform.Resource.Dimension.abc_dialog_title_divider_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_dialog_title_divider_material; - global::Xamarin.Forms.Platform.Resource.Dimension.abc_disabled_alpha_material_dark = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_disabled_alpha_material_dark; - global::Xamarin.Forms.Platform.Resource.Dimension.abc_disabled_alpha_material_light = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_disabled_alpha_material_light; - global::Xamarin.Forms.Platform.Resource.Dimension.abc_dropdownitem_icon_width = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_dropdownitem_icon_width; - global::Xamarin.Forms.Platform.Resource.Dimension.abc_dropdownitem_text_padding_left = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_dropdownitem_text_padding_left; - global::Xamarin.Forms.Platform.Resource.Dimension.abc_dropdownitem_text_padding_right = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_dropdownitem_text_padding_right; - global::Xamarin.Forms.Platform.Resource.Dimension.abc_edit_text_inset_bottom_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_edit_text_inset_bottom_material; - global::Xamarin.Forms.Platform.Resource.Dimension.abc_edit_text_inset_horizontal_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_edit_text_inset_horizontal_material; - global::Xamarin.Forms.Platform.Resource.Dimension.abc_edit_text_inset_top_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_edit_text_inset_top_material; - global::Xamarin.Forms.Platform.Resource.Dimension.abc_floating_window_z = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_floating_window_z; - global::Xamarin.Forms.Platform.Resource.Dimension.abc_list_item_height_large_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_list_item_height_large_material; - global::Xamarin.Forms.Platform.Resource.Dimension.abc_list_item_height_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_list_item_height_material; - global::Xamarin.Forms.Platform.Resource.Dimension.abc_list_item_height_small_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_list_item_height_small_material; - global::Xamarin.Forms.Platform.Resource.Dimension.abc_list_item_padding_horizontal_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_list_item_padding_horizontal_material; - global::Xamarin.Forms.Platform.Resource.Dimension.abc_panel_menu_list_width = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_panel_menu_list_width; - global::Xamarin.Forms.Platform.Resource.Dimension.abc_progress_bar_height_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_progress_bar_height_material; - global::Xamarin.Forms.Platform.Resource.Dimension.abc_search_view_preferred_height = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_search_view_preferred_height; - global::Xamarin.Forms.Platform.Resource.Dimension.abc_search_view_preferred_width = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_search_view_preferred_width; - global::Xamarin.Forms.Platform.Resource.Dimension.abc_seekbar_track_background_height_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_seekbar_track_background_height_material; - global::Xamarin.Forms.Platform.Resource.Dimension.abc_seekbar_track_progress_height_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_seekbar_track_progress_height_material; - global::Xamarin.Forms.Platform.Resource.Dimension.abc_select_dialog_padding_start_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_select_dialog_padding_start_material; - global::Xamarin.Forms.Platform.Resource.Dimension.abc_switch_padding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_switch_padding; - global::Xamarin.Forms.Platform.Resource.Dimension.abc_text_size_body_1_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_text_size_body_1_material; - global::Xamarin.Forms.Platform.Resource.Dimension.abc_text_size_body_2_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_text_size_body_2_material; - global::Xamarin.Forms.Platform.Resource.Dimension.abc_text_size_button_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_text_size_button_material; - global::Xamarin.Forms.Platform.Resource.Dimension.abc_text_size_caption_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_text_size_caption_material; - global::Xamarin.Forms.Platform.Resource.Dimension.abc_text_size_display_1_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_text_size_display_1_material; - global::Xamarin.Forms.Platform.Resource.Dimension.abc_text_size_display_2_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_text_size_display_2_material; - global::Xamarin.Forms.Platform.Resource.Dimension.abc_text_size_display_3_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_text_size_display_3_material; - global::Xamarin.Forms.Platform.Resource.Dimension.abc_text_size_display_4_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_text_size_display_4_material; - global::Xamarin.Forms.Platform.Resource.Dimension.abc_text_size_headline_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_text_size_headline_material; - global::Xamarin.Forms.Platform.Resource.Dimension.abc_text_size_large_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_text_size_large_material; - global::Xamarin.Forms.Platform.Resource.Dimension.abc_text_size_medium_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_text_size_medium_material; - global::Xamarin.Forms.Platform.Resource.Dimension.abc_text_size_menu_header_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_text_size_menu_header_material; - global::Xamarin.Forms.Platform.Resource.Dimension.abc_text_size_menu_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_text_size_menu_material; - global::Xamarin.Forms.Platform.Resource.Dimension.abc_text_size_small_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_text_size_small_material; - global::Xamarin.Forms.Platform.Resource.Dimension.abc_text_size_subhead_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_text_size_subhead_material; - global::Xamarin.Forms.Platform.Resource.Dimension.abc_text_size_subtitle_material_toolbar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_text_size_subtitle_material_toolbar; - global::Xamarin.Forms.Platform.Resource.Dimension.abc_text_size_title_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_text_size_title_material; - global::Xamarin.Forms.Platform.Resource.Dimension.abc_text_size_title_material_toolbar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.abc_text_size_title_material_toolbar; - global::Xamarin.Forms.Platform.Resource.Dimension.action_bar_size = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.action_bar_size; - global::Xamarin.Forms.Platform.Resource.Dimension.appcompat_dialog_background_inset = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.appcompat_dialog_background_inset; - global::Xamarin.Forms.Platform.Resource.Dimension.cardview_compat_inset_shadow = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.cardview_compat_inset_shadow; - global::Xamarin.Forms.Platform.Resource.Dimension.cardview_default_elevation = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.cardview_default_elevation; - global::Xamarin.Forms.Platform.Resource.Dimension.cardview_default_radius = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.cardview_default_radius; - global::Xamarin.Forms.Platform.Resource.Dimension.compat_button_inset_horizontal_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.compat_button_inset_horizontal_material; - global::Xamarin.Forms.Platform.Resource.Dimension.compat_button_inset_vertical_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.compat_button_inset_vertical_material; - global::Xamarin.Forms.Platform.Resource.Dimension.compat_button_padding_horizontal_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.compat_button_padding_horizontal_material; - global::Xamarin.Forms.Platform.Resource.Dimension.compat_button_padding_vertical_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.compat_button_padding_vertical_material; - global::Xamarin.Forms.Platform.Resource.Dimension.compat_control_corner_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.compat_control_corner_material; - global::Xamarin.Forms.Platform.Resource.Dimension.compat_notification_large_icon_max_height = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.compat_notification_large_icon_max_height; - global::Xamarin.Forms.Platform.Resource.Dimension.compat_notification_large_icon_max_width = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.compat_notification_large_icon_max_width; - global::Xamarin.Forms.Platform.Resource.Dimension.default_dimension = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.default_dimension; - global::Xamarin.Forms.Platform.Resource.Dimension.def_drawer_elevation = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.def_drawer_elevation; - global::Xamarin.Forms.Platform.Resource.Dimension.design_appbar_elevation = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.design_appbar_elevation; - global::Xamarin.Forms.Platform.Resource.Dimension.design_bottom_navigation_active_item_max_width = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.design_bottom_navigation_active_item_max_width; - global::Xamarin.Forms.Platform.Resource.Dimension.design_bottom_navigation_active_item_min_width = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.design_bottom_navigation_active_item_min_width; - global::Xamarin.Forms.Platform.Resource.Dimension.design_bottom_navigation_active_text_size = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.design_bottom_navigation_active_text_size; - global::Xamarin.Forms.Platform.Resource.Dimension.design_bottom_navigation_elevation = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.design_bottom_navigation_elevation; - global::Xamarin.Forms.Platform.Resource.Dimension.design_bottom_navigation_height = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.design_bottom_navigation_height; - global::Xamarin.Forms.Platform.Resource.Dimension.design_bottom_navigation_icon_size = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.design_bottom_navigation_icon_size; - global::Xamarin.Forms.Platform.Resource.Dimension.design_bottom_navigation_item_max_width = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.design_bottom_navigation_item_max_width; - global::Xamarin.Forms.Platform.Resource.Dimension.design_bottom_navigation_item_min_width = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.design_bottom_navigation_item_min_width; - global::Xamarin.Forms.Platform.Resource.Dimension.design_bottom_navigation_margin = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.design_bottom_navigation_margin; - global::Xamarin.Forms.Platform.Resource.Dimension.design_bottom_navigation_shadow_height = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.design_bottom_navigation_shadow_height; - global::Xamarin.Forms.Platform.Resource.Dimension.design_bottom_navigation_text_size = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.design_bottom_navigation_text_size; - global::Xamarin.Forms.Platform.Resource.Dimension.design_bottom_sheet_elevation = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.design_bottom_sheet_elevation; - global::Xamarin.Forms.Platform.Resource.Dimension.design_bottom_sheet_modal_elevation = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.design_bottom_sheet_modal_elevation; - global::Xamarin.Forms.Platform.Resource.Dimension.design_bottom_sheet_peek_height_min = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.design_bottom_sheet_peek_height_min; - global::Xamarin.Forms.Platform.Resource.Dimension.design_fab_border_width = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.design_fab_border_width; - global::Xamarin.Forms.Platform.Resource.Dimension.design_fab_elevation = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.design_fab_elevation; - global::Xamarin.Forms.Platform.Resource.Dimension.design_fab_image_size = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.design_fab_image_size; - global::Xamarin.Forms.Platform.Resource.Dimension.design_fab_size_mini = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.design_fab_size_mini; - global::Xamarin.Forms.Platform.Resource.Dimension.design_fab_size_normal = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.design_fab_size_normal; - global::Xamarin.Forms.Platform.Resource.Dimension.design_fab_translation_z_hovered_focused = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.design_fab_translation_z_hovered_focused; - global::Xamarin.Forms.Platform.Resource.Dimension.design_fab_translation_z_pressed = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.design_fab_translation_z_pressed; - global::Xamarin.Forms.Platform.Resource.Dimension.design_navigation_elevation = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.design_navigation_elevation; - global::Xamarin.Forms.Platform.Resource.Dimension.design_navigation_icon_padding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.design_navigation_icon_padding; - global::Xamarin.Forms.Platform.Resource.Dimension.design_navigation_icon_size = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.design_navigation_icon_size; - global::Xamarin.Forms.Platform.Resource.Dimension.design_navigation_item_horizontal_padding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.design_navigation_item_horizontal_padding; - global::Xamarin.Forms.Platform.Resource.Dimension.design_navigation_item_icon_padding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.design_navigation_item_icon_padding; - global::Xamarin.Forms.Platform.Resource.Dimension.design_navigation_max_width = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.design_navigation_max_width; - global::Xamarin.Forms.Platform.Resource.Dimension.design_navigation_padding_bottom = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.design_navigation_padding_bottom; - global::Xamarin.Forms.Platform.Resource.Dimension.design_navigation_separator_vertical_padding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.design_navigation_separator_vertical_padding; - global::Xamarin.Forms.Platform.Resource.Dimension.design_snackbar_action_inline_max_width = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.design_snackbar_action_inline_max_width; - global::Xamarin.Forms.Platform.Resource.Dimension.design_snackbar_action_text_color_alpha = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.design_snackbar_action_text_color_alpha; - global::Xamarin.Forms.Platform.Resource.Dimension.design_snackbar_background_corner_radius = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.design_snackbar_background_corner_radius; - global::Xamarin.Forms.Platform.Resource.Dimension.design_snackbar_elevation = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.design_snackbar_elevation; - global::Xamarin.Forms.Platform.Resource.Dimension.design_snackbar_extra_spacing_horizontal = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.design_snackbar_extra_spacing_horizontal; - global::Xamarin.Forms.Platform.Resource.Dimension.design_snackbar_max_width = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.design_snackbar_max_width; - global::Xamarin.Forms.Platform.Resource.Dimension.design_snackbar_min_width = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.design_snackbar_min_width; - global::Xamarin.Forms.Platform.Resource.Dimension.design_snackbar_padding_horizontal = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.design_snackbar_padding_horizontal; - global::Xamarin.Forms.Platform.Resource.Dimension.design_snackbar_padding_vertical = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.design_snackbar_padding_vertical; - global::Xamarin.Forms.Platform.Resource.Dimension.design_snackbar_padding_vertical_2lines = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.design_snackbar_padding_vertical_2lines; - global::Xamarin.Forms.Platform.Resource.Dimension.design_snackbar_text_size = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.design_snackbar_text_size; - global::Xamarin.Forms.Platform.Resource.Dimension.design_tab_max_width = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.design_tab_max_width; - global::Xamarin.Forms.Platform.Resource.Dimension.design_tab_scrollable_min_width = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.design_tab_scrollable_min_width; - global::Xamarin.Forms.Platform.Resource.Dimension.design_tab_text_size = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.design_tab_text_size; - global::Xamarin.Forms.Platform.Resource.Dimension.design_tab_text_size_2line = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.design_tab_text_size_2line; - global::Xamarin.Forms.Platform.Resource.Dimension.design_textinput_caption_translate_y = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.design_textinput_caption_translate_y; - global::Xamarin.Forms.Platform.Resource.Dimension.disabled_alpha_material_dark = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.disabled_alpha_material_dark; - global::Xamarin.Forms.Platform.Resource.Dimension.disabled_alpha_material_light = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.disabled_alpha_material_light; - global::Xamarin.Forms.Platform.Resource.Dimension.fastscroll_default_thickness = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.fastscroll_default_thickness; - global::Xamarin.Forms.Platform.Resource.Dimension.fastscroll_margin = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.fastscroll_margin; - global::Xamarin.Forms.Platform.Resource.Dimension.fastscroll_minimum_range = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.fastscroll_minimum_range; - global::Xamarin.Forms.Platform.Resource.Dimension.highlight_alpha_material_colored = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.highlight_alpha_material_colored; - global::Xamarin.Forms.Platform.Resource.Dimension.highlight_alpha_material_dark = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.highlight_alpha_material_dark; - global::Xamarin.Forms.Platform.Resource.Dimension.highlight_alpha_material_light = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.highlight_alpha_material_light; - global::Xamarin.Forms.Platform.Resource.Dimension.hint_alpha_material_dark = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.hint_alpha_material_dark; - global::Xamarin.Forms.Platform.Resource.Dimension.hint_alpha_material_light = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.hint_alpha_material_light; - global::Xamarin.Forms.Platform.Resource.Dimension.hint_pressed_alpha_material_dark = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.hint_pressed_alpha_material_dark; - global::Xamarin.Forms.Platform.Resource.Dimension.hint_pressed_alpha_material_light = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.hint_pressed_alpha_material_light; - global::Xamarin.Forms.Platform.Resource.Dimension.item_touch_helper_max_drag_scroll_per_frame = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.item_touch_helper_max_drag_scroll_per_frame; - global::Xamarin.Forms.Platform.Resource.Dimension.item_touch_helper_swipe_escape_max_velocity = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.item_touch_helper_swipe_escape_max_velocity; - global::Xamarin.Forms.Platform.Resource.Dimension.item_touch_helper_swipe_escape_velocity = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.item_touch_helper_swipe_escape_velocity; - global::Xamarin.Forms.Platform.Resource.Dimension.material_emphasis_disabled = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.material_emphasis_disabled; - global::Xamarin.Forms.Platform.Resource.Dimension.material_emphasis_high_type = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.material_emphasis_high_type; - global::Xamarin.Forms.Platform.Resource.Dimension.material_emphasis_medium = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.material_emphasis_medium; - global::Xamarin.Forms.Platform.Resource.Dimension.material_text_view_test_line_height = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.material_text_view_test_line_height; - global::Xamarin.Forms.Platform.Resource.Dimension.material_text_view_test_line_height_override = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.material_text_view_test_line_height_override; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_alert_dialog_background_inset_bottom = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_alert_dialog_background_inset_bottom; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_alert_dialog_background_inset_end = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_alert_dialog_background_inset_end; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_alert_dialog_background_inset_start = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_alert_dialog_background_inset_start; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_alert_dialog_background_inset_top = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_alert_dialog_background_inset_top; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_alert_dialog_picker_background_inset = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_alert_dialog_picker_background_inset; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_badge_horizontal_edge_offset = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_badge_horizontal_edge_offset; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_badge_long_text_horizontal_padding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_badge_long_text_horizontal_padding; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_badge_radius = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_badge_radius; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_badge_text_horizontal_edge_offset = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_badge_text_horizontal_edge_offset; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_badge_text_size = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_badge_text_size; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_badge_with_text_radius = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_badge_with_text_radius; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_bottomappbar_fabOffsetEndMode = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_bottomappbar_fabOffsetEndMode; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_bottomappbar_fab_bottom_margin = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_bottomappbar_fab_bottom_margin; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_bottomappbar_fab_cradle_margin = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_bottomappbar_fab_cradle_margin; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_bottomappbar_fab_cradle_rounded_corner_radius = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_bottomappbar_fab_cradle_rounded_corner_radius; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_bottomappbar_fab_cradle_vertical_offset = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_bottomappbar_fab_cradle_vertical_offset; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_bottomappbar_height = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_bottomappbar_height; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_btn_corner_radius = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_btn_corner_radius; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_btn_dialog_btn_min_width = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_btn_dialog_btn_min_width; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_btn_disabled_elevation = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_btn_disabled_elevation; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_btn_disabled_z = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_btn_disabled_z; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_btn_elevation = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_btn_elevation; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_btn_focused_z = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_btn_focused_z; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_btn_hovered_z = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_btn_hovered_z; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_btn_icon_btn_padding_left = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_btn_icon_btn_padding_left; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_btn_icon_padding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_btn_icon_padding; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_btn_inset = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_btn_inset; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_btn_letter_spacing = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_btn_letter_spacing; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_btn_padding_bottom = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_btn_padding_bottom; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_btn_padding_left = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_btn_padding_left; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_btn_padding_right = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_btn_padding_right; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_btn_padding_top = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_btn_padding_top; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_btn_pressed_z = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_btn_pressed_z; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_btn_stroke_size = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_btn_stroke_size; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_btn_text_btn_icon_padding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_btn_text_btn_icon_padding; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_btn_text_btn_padding_left = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_btn_text_btn_padding_left; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_btn_text_btn_padding_right = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_btn_text_btn_padding_right; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_btn_text_size = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_btn_text_size; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_btn_z = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_btn_z; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_calendar_action_height = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_calendar_action_height; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_calendar_action_padding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_calendar_action_padding; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_calendar_bottom_padding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_calendar_bottom_padding; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_calendar_content_padding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_calendar_content_padding; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_calendar_days_of_week_height = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_calendar_days_of_week_height; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_calendar_day_corner = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_calendar_day_corner; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_calendar_day_height = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_calendar_day_height; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_calendar_day_horizontal_padding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_calendar_day_horizontal_padding; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_calendar_day_today_stroke = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_calendar_day_today_stroke; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_calendar_day_vertical_padding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_calendar_day_vertical_padding; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_calendar_day_width = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_calendar_day_width; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_calendar_dialog_background_inset = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_calendar_dialog_background_inset; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_calendar_header_content_padding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_calendar_header_content_padding; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_calendar_header_content_padding_fullscreen = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_calendar_header_content_padding_fullscreen; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_calendar_header_divider_thickness = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_calendar_header_divider_thickness; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_calendar_header_height = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_calendar_header_height; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_calendar_header_height_fullscreen = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_calendar_header_height_fullscreen; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_calendar_header_selection_line_height = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_calendar_header_selection_line_height; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_calendar_header_text_padding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_calendar_header_text_padding; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_calendar_header_toggle_margin_bottom = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_calendar_header_toggle_margin_bottom; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_calendar_header_toggle_margin_top = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_calendar_header_toggle_margin_top; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_calendar_landscape_header_width = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_calendar_landscape_header_width; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_calendar_maximum_default_fullscreen_minor_axis = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_calendar_maximum_default_fullscreen_minor_axis; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_calendar_month_horizontal_padding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_calendar_month_horizontal_padding; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_calendar_month_vertical_padding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_calendar_month_vertical_padding; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_calendar_navigation_bottom_padding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_calendar_navigation_bottom_padding; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_calendar_navigation_height = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_calendar_navigation_height; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_calendar_navigation_top_padding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_calendar_navigation_top_padding; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_calendar_pre_l_text_clip_padding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_calendar_pre_l_text_clip_padding; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_calendar_selection_baseline_to_top_fullscreen = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_calendar_selection_baseline_to_top_fullscreen; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_calendar_selection_text_baseline_to_bottom = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_calendar_selection_text_baseline_to_bottom; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_calendar_selection_text_baseline_to_bottom_fullscreen = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_calendar_selection_text_baseline_to_bottom_fullscreen; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_calendar_selection_text_baseline_to_top = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_calendar_selection_text_baseline_to_top; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_calendar_text_input_padding_top = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_calendar_text_input_padding_top; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_calendar_title_baseline_to_top = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_calendar_title_baseline_to_top; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_calendar_title_baseline_to_top_fullscreen = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_calendar_title_baseline_to_top_fullscreen; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_calendar_year_corner = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_calendar_year_corner; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_calendar_year_height = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_calendar_year_height; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_calendar_year_horizontal_padding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_calendar_year_horizontal_padding; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_calendar_year_vertical_padding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_calendar_year_vertical_padding; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_calendar_year_width = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_calendar_year_width; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_card_checked_icon_margin = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_card_checked_icon_margin; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_card_checked_icon_size = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_card_checked_icon_size; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_card_corner_radius = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_card_corner_radius; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_card_dragged_z = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_card_dragged_z; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_card_elevation = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_card_elevation; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_card_spacing = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_card_spacing; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_chip_pressed_translation_z = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_chip_pressed_translation_z; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_chip_text_size = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_chip_text_size; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_edittext_rectangle_top_offset = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_edittext_rectangle_top_offset; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_exposed_dropdown_menu_popup_elevation = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_exposed_dropdown_menu_popup_elevation; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_exposed_dropdown_menu_popup_vertical_offset = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_exposed_dropdown_menu_popup_vertical_offset; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_exposed_dropdown_menu_popup_vertical_padding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_exposed_dropdown_menu_popup_vertical_padding; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_extended_fab_bottom_padding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_extended_fab_bottom_padding; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_extended_fab_corner_radius = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_extended_fab_corner_radius; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_extended_fab_disabled_elevation = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_extended_fab_disabled_elevation; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_extended_fab_disabled_translation_z = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_extended_fab_disabled_translation_z; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_extended_fab_elevation = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_extended_fab_elevation; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_extended_fab_end_padding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_extended_fab_end_padding; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_extended_fab_end_padding_icon = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_extended_fab_end_padding_icon; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_extended_fab_icon_size = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_extended_fab_icon_size; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_extended_fab_icon_text_spacing = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_extended_fab_icon_text_spacing; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_extended_fab_min_height = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_extended_fab_min_height; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_extended_fab_min_width = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_extended_fab_min_width; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_extended_fab_start_padding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_extended_fab_start_padding; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_extended_fab_start_padding_icon = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_extended_fab_start_padding_icon; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_extended_fab_top_padding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_extended_fab_top_padding; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_extended_fab_translation_z_base = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_extended_fab_translation_z_base; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_extended_fab_translation_z_hovered_focused = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_extended_fab_translation_z_hovered_focused; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_extended_fab_translation_z_pressed = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_extended_fab_translation_z_pressed; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_fab_elevation = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_fab_elevation; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_fab_min_touch_target = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_fab_min_touch_target; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_fab_translation_z_hovered_focused = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_fab_translation_z_hovered_focused; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_fab_translation_z_pressed = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_fab_translation_z_pressed; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_high_ripple_default_alpha = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_high_ripple_default_alpha; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_high_ripple_focused_alpha = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_high_ripple_focused_alpha; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_high_ripple_hovered_alpha = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_high_ripple_hovered_alpha; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_high_ripple_pressed_alpha = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_high_ripple_pressed_alpha; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_large_touch_target = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_large_touch_target; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_low_ripple_default_alpha = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_low_ripple_default_alpha; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_low_ripple_focused_alpha = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_low_ripple_focused_alpha; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_low_ripple_hovered_alpha = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_low_ripple_hovered_alpha; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_low_ripple_pressed_alpha = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_low_ripple_pressed_alpha; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_min_touch_target_size = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_min_touch_target_size; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_navigation_elevation = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_navigation_elevation; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_navigation_item_horizontal_padding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_navigation_item_horizontal_padding; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_navigation_item_icon_padding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_navigation_item_icon_padding; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_navigation_item_icon_size = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_navigation_item_icon_size; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_navigation_item_shape_horizontal_margin = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_navigation_item_shape_horizontal_margin; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_navigation_item_shape_vertical_margin = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_navigation_item_shape_vertical_margin; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_shape_corner_size_large_component = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_shape_corner_size_large_component; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_shape_corner_size_medium_component = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_shape_corner_size_medium_component; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_shape_corner_size_small_component = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_shape_corner_size_small_component; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_slider_halo_radius = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_slider_halo_radius; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_slider_label_padding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_slider_label_padding; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_slider_label_radius = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_slider_label_radius; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_slider_label_square_side = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_slider_label_square_side; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_slider_thumb_elevation = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_slider_thumb_elevation; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_slider_thumb_radius = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_slider_thumb_radius; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_slider_track_height = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_slider_track_height; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_slider_track_side_padding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_slider_track_side_padding; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_slider_track_top = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_slider_track_top; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_slider_widget_height = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_slider_widget_height; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_snackbar_action_text_color_alpha = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_snackbar_action_text_color_alpha; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_snackbar_background_corner_radius = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_snackbar_background_corner_radius; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_snackbar_background_overlay_color_alpha = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_snackbar_background_overlay_color_alpha; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_snackbar_margin = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_snackbar_margin; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_switch_thumb_elevation = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_switch_thumb_elevation; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_textinput_box_corner_radius_medium = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_textinput_box_corner_radius_medium; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_textinput_box_corner_radius_small = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_textinput_box_corner_radius_small; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_textinput_box_label_cutout_padding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_textinput_box_label_cutout_padding; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_textinput_box_stroke_width_default = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_textinput_box_stroke_width_default; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_textinput_box_stroke_width_focused = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_textinput_box_stroke_width_focused; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_textinput_counter_margin_start = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_textinput_counter_margin_start; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_textinput_end_icon_margin_start = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_textinput_end_icon_margin_start; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_textinput_outline_box_expanded_padding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_textinput_outline_box_expanded_padding; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_textinput_start_icon_margin_end = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_textinput_start_icon_margin_end; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_toolbar_default_height = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_toolbar_default_height; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_tooltip_arrowSize = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_tooltip_arrowSize; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_tooltip_cornerSize = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_tooltip_cornerSize; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_tooltip_minHeight = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_tooltip_minHeight; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_tooltip_minWidth = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_tooltip_minWidth; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_tooltip_padding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_tooltip_padding; - global::Xamarin.Forms.Platform.Resource.Dimension.mtrl_transition_shared_axis_slide_distance = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.mtrl_transition_shared_axis_slide_distance; - global::Xamarin.Forms.Platform.Resource.Dimension.notification_action_icon_size = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.notification_action_icon_size; - global::Xamarin.Forms.Platform.Resource.Dimension.notification_action_text_size = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.notification_action_text_size; - global::Xamarin.Forms.Platform.Resource.Dimension.notification_big_circle_margin = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.notification_big_circle_margin; - global::Xamarin.Forms.Platform.Resource.Dimension.notification_content_margin_start = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.notification_content_margin_start; - global::Xamarin.Forms.Platform.Resource.Dimension.notification_large_icon_height = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.notification_large_icon_height; - global::Xamarin.Forms.Platform.Resource.Dimension.notification_large_icon_width = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.notification_large_icon_width; - global::Xamarin.Forms.Platform.Resource.Dimension.notification_main_column_padding_top = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.notification_main_column_padding_top; - global::Xamarin.Forms.Platform.Resource.Dimension.notification_media_narrow_margin = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.notification_media_narrow_margin; - global::Xamarin.Forms.Platform.Resource.Dimension.notification_right_icon_size = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.notification_right_icon_size; - global::Xamarin.Forms.Platform.Resource.Dimension.notification_right_side_padding_top = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.notification_right_side_padding_top; - global::Xamarin.Forms.Platform.Resource.Dimension.notification_small_icon_background_padding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.notification_small_icon_background_padding; - global::Xamarin.Forms.Platform.Resource.Dimension.notification_small_icon_size_as_large = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.notification_small_icon_size_as_large; - global::Xamarin.Forms.Platform.Resource.Dimension.notification_subtext_size = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.notification_subtext_size; - global::Xamarin.Forms.Platform.Resource.Dimension.notification_top_pad = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.notification_top_pad; - global::Xamarin.Forms.Platform.Resource.Dimension.notification_top_pad_large_text = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.notification_top_pad_large_text; - global::Xamarin.Forms.Platform.Resource.Dimension.test_mtrl_calendar_day_cornerSize = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.test_mtrl_calendar_day_cornerSize; - global::Xamarin.Forms.Platform.Resource.Dimension.tooltip_corner_radius = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.tooltip_corner_radius; - global::Xamarin.Forms.Platform.Resource.Dimension.tooltip_horizontal_padding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.tooltip_horizontal_padding; - global::Xamarin.Forms.Platform.Resource.Dimension.tooltip_margin = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.tooltip_margin; - global::Xamarin.Forms.Platform.Resource.Dimension.tooltip_precise_anchor_extra_offset = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.tooltip_precise_anchor_extra_offset; - global::Xamarin.Forms.Platform.Resource.Dimension.tooltip_precise_anchor_threshold = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.tooltip_precise_anchor_threshold; - global::Xamarin.Forms.Platform.Resource.Dimension.tooltip_vertical_padding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.tooltip_vertical_padding; - global::Xamarin.Forms.Platform.Resource.Dimension.tooltip_y_offset_non_touch = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.tooltip_y_offset_non_touch; - global::Xamarin.Forms.Platform.Resource.Dimension.tooltip_y_offset_touch = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Dimension.tooltip_y_offset_touch; - global::Xamarin.Forms.Platform.Resource.Drawable.abc_ab_share_pack_mtrl_alpha = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_ab_share_pack_mtrl_alpha; - global::Xamarin.Forms.Platform.Resource.Drawable.abc_action_bar_item_background_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_action_bar_item_background_material; - global::Xamarin.Forms.Platform.Resource.Drawable.abc_btn_borderless_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_btn_borderless_material; - global::Xamarin.Forms.Platform.Resource.Drawable.abc_btn_check_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_btn_check_material; - global::Xamarin.Forms.Platform.Resource.Drawable.abc_btn_check_material_anim = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_btn_check_material_anim; - global::Xamarin.Forms.Platform.Resource.Drawable.abc_btn_check_to_on_mtrl_000 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_btn_check_to_on_mtrl_000; - global::Xamarin.Forms.Platform.Resource.Drawable.abc_btn_check_to_on_mtrl_015 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_btn_check_to_on_mtrl_015; - global::Xamarin.Forms.Platform.Resource.Drawable.abc_btn_colored_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_btn_colored_material; - global::Xamarin.Forms.Platform.Resource.Drawable.abc_btn_default_mtrl_shape = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_btn_default_mtrl_shape; - global::Xamarin.Forms.Platform.Resource.Drawable.abc_btn_radio_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_btn_radio_material; - global::Xamarin.Forms.Platform.Resource.Drawable.abc_btn_radio_material_anim = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_btn_radio_material_anim; - global::Xamarin.Forms.Platform.Resource.Drawable.abc_btn_radio_to_on_mtrl_000 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_btn_radio_to_on_mtrl_000; - global::Xamarin.Forms.Platform.Resource.Drawable.abc_btn_radio_to_on_mtrl_015 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_btn_radio_to_on_mtrl_015; - global::Xamarin.Forms.Platform.Resource.Drawable.abc_btn_switch_to_on_mtrl_00001 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_btn_switch_to_on_mtrl_00001; - global::Xamarin.Forms.Platform.Resource.Drawable.abc_btn_switch_to_on_mtrl_00012 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_btn_switch_to_on_mtrl_00012; - global::Xamarin.Forms.Platform.Resource.Drawable.abc_cab_background_internal_bg = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_cab_background_internal_bg; - global::Xamarin.Forms.Platform.Resource.Drawable.abc_cab_background_top_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_cab_background_top_material; - global::Xamarin.Forms.Platform.Resource.Drawable.abc_cab_background_top_mtrl_alpha = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_cab_background_top_mtrl_alpha; - global::Xamarin.Forms.Platform.Resource.Drawable.abc_control_background_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_control_background_material; - global::Xamarin.Forms.Platform.Resource.Drawable.abc_dialog_material_background = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_dialog_material_background; - global::Xamarin.Forms.Platform.Resource.Drawable.abc_edit_text_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_edit_text_material; - global::Xamarin.Forms.Platform.Resource.Drawable.abc_ic_ab_back_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_ic_ab_back_material; - global::Xamarin.Forms.Platform.Resource.Drawable.abc_ic_arrow_drop_right_black_24dp = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_ic_arrow_drop_right_black_24dp; - global::Xamarin.Forms.Platform.Resource.Drawable.abc_ic_clear_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_ic_clear_material; - global::Xamarin.Forms.Platform.Resource.Drawable.abc_ic_commit_search_api_mtrl_alpha = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_ic_commit_search_api_mtrl_alpha; - global::Xamarin.Forms.Platform.Resource.Drawable.abc_ic_go_search_api_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_ic_go_search_api_material; - global::Xamarin.Forms.Platform.Resource.Drawable.abc_ic_menu_copy_mtrl_am_alpha = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_ic_menu_copy_mtrl_am_alpha; - global::Xamarin.Forms.Platform.Resource.Drawable.abc_ic_menu_cut_mtrl_alpha = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_ic_menu_cut_mtrl_alpha; - global::Xamarin.Forms.Platform.Resource.Drawable.abc_ic_menu_overflow_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_ic_menu_overflow_material; - global::Xamarin.Forms.Platform.Resource.Drawable.abc_ic_menu_paste_mtrl_am_alpha = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_ic_menu_paste_mtrl_am_alpha; - global::Xamarin.Forms.Platform.Resource.Drawable.abc_ic_menu_selectall_mtrl_alpha = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_ic_menu_selectall_mtrl_alpha; - global::Xamarin.Forms.Platform.Resource.Drawable.abc_ic_menu_share_mtrl_alpha = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_ic_menu_share_mtrl_alpha; - global::Xamarin.Forms.Platform.Resource.Drawable.abc_ic_search_api_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_ic_search_api_material; - global::Xamarin.Forms.Platform.Resource.Drawable.abc_ic_star_black_16dp = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_ic_star_black_16dp; - global::Xamarin.Forms.Platform.Resource.Drawable.abc_ic_star_black_36dp = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_ic_star_black_36dp; - global::Xamarin.Forms.Platform.Resource.Drawable.abc_ic_star_black_48dp = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_ic_star_black_48dp; - global::Xamarin.Forms.Platform.Resource.Drawable.abc_ic_star_half_black_16dp = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_ic_star_half_black_16dp; - global::Xamarin.Forms.Platform.Resource.Drawable.abc_ic_star_half_black_36dp = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_ic_star_half_black_36dp; - global::Xamarin.Forms.Platform.Resource.Drawable.abc_ic_star_half_black_48dp = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_ic_star_half_black_48dp; - global::Xamarin.Forms.Platform.Resource.Drawable.abc_ic_voice_search_api_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_ic_voice_search_api_material; - global::Xamarin.Forms.Platform.Resource.Drawable.abc_item_background_holo_dark = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_item_background_holo_dark; - global::Xamarin.Forms.Platform.Resource.Drawable.abc_item_background_holo_light = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_item_background_holo_light; - global::Xamarin.Forms.Platform.Resource.Drawable.abc_list_divider_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_list_divider_material; - global::Xamarin.Forms.Platform.Resource.Drawable.abc_list_divider_mtrl_alpha = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_list_divider_mtrl_alpha; - global::Xamarin.Forms.Platform.Resource.Drawable.abc_list_focused_holo = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_list_focused_holo; - global::Xamarin.Forms.Platform.Resource.Drawable.abc_list_longpressed_holo = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_list_longpressed_holo; - global::Xamarin.Forms.Platform.Resource.Drawable.abc_list_pressed_holo_dark = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_list_pressed_holo_dark; - global::Xamarin.Forms.Platform.Resource.Drawable.abc_list_pressed_holo_light = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_list_pressed_holo_light; - global::Xamarin.Forms.Platform.Resource.Drawable.abc_list_selector_background_transition_holo_dark = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_list_selector_background_transition_holo_dark; - global::Xamarin.Forms.Platform.Resource.Drawable.abc_list_selector_background_transition_holo_light = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_list_selector_background_transition_holo_light; - global::Xamarin.Forms.Platform.Resource.Drawable.abc_list_selector_disabled_holo_dark = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_list_selector_disabled_holo_dark; - global::Xamarin.Forms.Platform.Resource.Drawable.abc_list_selector_disabled_holo_light = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_list_selector_disabled_holo_light; - global::Xamarin.Forms.Platform.Resource.Drawable.abc_list_selector_holo_dark = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_list_selector_holo_dark; - global::Xamarin.Forms.Platform.Resource.Drawable.abc_list_selector_holo_light = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_list_selector_holo_light; - global::Xamarin.Forms.Platform.Resource.Drawable.abc_menu_hardkey_panel_mtrl_mult = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_menu_hardkey_panel_mtrl_mult; - global::Xamarin.Forms.Platform.Resource.Drawable.abc_popup_background_mtrl_mult = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_popup_background_mtrl_mult; - global::Xamarin.Forms.Platform.Resource.Drawable.abc_ratingbar_indicator_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_ratingbar_indicator_material; - global::Xamarin.Forms.Platform.Resource.Drawable.abc_ratingbar_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_ratingbar_material; - global::Xamarin.Forms.Platform.Resource.Drawable.abc_ratingbar_small_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_ratingbar_small_material; - global::Xamarin.Forms.Platform.Resource.Drawable.abc_scrubber_control_off_mtrl_alpha = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_scrubber_control_off_mtrl_alpha; - global::Xamarin.Forms.Platform.Resource.Drawable.abc_scrubber_control_to_pressed_mtrl_000 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_scrubber_control_to_pressed_mtrl_000; - global::Xamarin.Forms.Platform.Resource.Drawable.abc_scrubber_control_to_pressed_mtrl_005 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_scrubber_control_to_pressed_mtrl_005; - global::Xamarin.Forms.Platform.Resource.Drawable.abc_scrubber_primary_mtrl_alpha = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_scrubber_primary_mtrl_alpha; - global::Xamarin.Forms.Platform.Resource.Drawable.abc_scrubber_track_mtrl_alpha = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_scrubber_track_mtrl_alpha; - global::Xamarin.Forms.Platform.Resource.Drawable.abc_seekbar_thumb_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_seekbar_thumb_material; - global::Xamarin.Forms.Platform.Resource.Drawable.abc_seekbar_tick_mark_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_seekbar_tick_mark_material; - global::Xamarin.Forms.Platform.Resource.Drawable.abc_seekbar_track_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_seekbar_track_material; - global::Xamarin.Forms.Platform.Resource.Drawable.abc_spinner_mtrl_am_alpha = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_spinner_mtrl_am_alpha; - global::Xamarin.Forms.Platform.Resource.Drawable.abc_spinner_textfield_background_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_spinner_textfield_background_material; - global::Xamarin.Forms.Platform.Resource.Drawable.abc_switch_thumb_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_switch_thumb_material; - global::Xamarin.Forms.Platform.Resource.Drawable.abc_switch_track_mtrl_alpha = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_switch_track_mtrl_alpha; - global::Xamarin.Forms.Platform.Resource.Drawable.abc_tab_indicator_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_tab_indicator_material; - global::Xamarin.Forms.Platform.Resource.Drawable.abc_tab_indicator_mtrl_alpha = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_tab_indicator_mtrl_alpha; - global::Xamarin.Forms.Platform.Resource.Drawable.abc_textfield_activated_mtrl_alpha = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_textfield_activated_mtrl_alpha; - global::Xamarin.Forms.Platform.Resource.Drawable.abc_textfield_default_mtrl_alpha = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_textfield_default_mtrl_alpha; - global::Xamarin.Forms.Platform.Resource.Drawable.abc_textfield_search_activated_mtrl_alpha = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_textfield_search_activated_mtrl_alpha; - global::Xamarin.Forms.Platform.Resource.Drawable.abc_textfield_search_default_mtrl_alpha = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_textfield_search_default_mtrl_alpha; - global::Xamarin.Forms.Platform.Resource.Drawable.abc_textfield_search_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_textfield_search_material; - global::Xamarin.Forms.Platform.Resource.Drawable.abc_text_cursor_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_text_cursor_material; - global::Xamarin.Forms.Platform.Resource.Drawable.abc_text_select_handle_left_mtrl_dark = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_text_select_handle_left_mtrl_dark; - global::Xamarin.Forms.Platform.Resource.Drawable.abc_text_select_handle_left_mtrl_light = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_text_select_handle_left_mtrl_light; - global::Xamarin.Forms.Platform.Resource.Drawable.abc_text_select_handle_middle_mtrl_dark = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_text_select_handle_middle_mtrl_dark; - global::Xamarin.Forms.Platform.Resource.Drawable.abc_text_select_handle_middle_mtrl_light = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_text_select_handle_middle_mtrl_light; - global::Xamarin.Forms.Platform.Resource.Drawable.abc_text_select_handle_right_mtrl_dark = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_text_select_handle_right_mtrl_dark; - global::Xamarin.Forms.Platform.Resource.Drawable.abc_text_select_handle_right_mtrl_light = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_text_select_handle_right_mtrl_light; - global::Xamarin.Forms.Platform.Resource.Drawable.abc_vector_test = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.abc_vector_test; - global::Xamarin.Forms.Platform.Resource.Drawable.avd_hide_password = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.avd_hide_password; - global::Xamarin.Forms.Platform.Resource.Drawable.avd_show_password = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.avd_show_password; - global::Xamarin.Forms.Platform.Resource.Drawable.btn_checkbox_checked_mtrl = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.btn_checkbox_checked_mtrl; - global::Xamarin.Forms.Platform.Resource.Drawable.btn_checkbox_checked_to_unchecked_mtrl_animation = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.btn_checkbox_checked_to_unchecked_mtrl_animation; - global::Xamarin.Forms.Platform.Resource.Drawable.btn_checkbox_unchecked_mtrl = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.btn_checkbox_unchecked_mtrl; - global::Xamarin.Forms.Platform.Resource.Drawable.btn_checkbox_unchecked_to_checked_mtrl_animation = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.btn_checkbox_unchecked_to_checked_mtrl_animation; - global::Xamarin.Forms.Platform.Resource.Drawable.btn_radio_off_mtrl = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.btn_radio_off_mtrl; - global::Xamarin.Forms.Platform.Resource.Drawable.btn_radio_off_to_on_mtrl_animation = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.btn_radio_off_to_on_mtrl_animation; - global::Xamarin.Forms.Platform.Resource.Drawable.btn_radio_on_mtrl = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.btn_radio_on_mtrl; - global::Xamarin.Forms.Platform.Resource.Drawable.btn_radio_on_to_off_mtrl_animation = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.btn_radio_on_to_off_mtrl_animation; - global::Xamarin.Forms.Platform.Resource.Drawable.design_bottom_navigation_item_background = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.design_bottom_navigation_item_background; - global::Xamarin.Forms.Platform.Resource.Drawable.design_fab_background = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.design_fab_background; - global::Xamarin.Forms.Platform.Resource.Drawable.design_ic_visibility = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.design_ic_visibility; - global::Xamarin.Forms.Platform.Resource.Drawable.design_ic_visibility_off = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.design_ic_visibility_off; - global::Xamarin.Forms.Platform.Resource.Drawable.design_password_eye = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.design_password_eye; - global::Xamarin.Forms.Platform.Resource.Drawable.design_snackbar_background = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.design_snackbar_background; - global::Xamarin.Forms.Platform.Resource.Drawable.ic_mtrl_checked_circle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.ic_mtrl_checked_circle; - global::Xamarin.Forms.Platform.Resource.Drawable.ic_mtrl_chip_checked_black = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.ic_mtrl_chip_checked_black; - global::Xamarin.Forms.Platform.Resource.Drawable.ic_mtrl_chip_checked_circle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.ic_mtrl_chip_checked_circle; - global::Xamarin.Forms.Platform.Resource.Drawable.ic_mtrl_chip_close_circle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.ic_mtrl_chip_close_circle; - global::Xamarin.Forms.Platform.Resource.Drawable.material_ic_calendar_black_24dp = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.material_ic_calendar_black_24dp; - global::Xamarin.Forms.Platform.Resource.Drawable.material_ic_clear_black_24dp = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.material_ic_clear_black_24dp; - global::Xamarin.Forms.Platform.Resource.Drawable.material_ic_edit_black_24dp = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.material_ic_edit_black_24dp; - global::Xamarin.Forms.Platform.Resource.Drawable.material_ic_keyboard_arrow_left_black_24dp = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.material_ic_keyboard_arrow_left_black_24dp; - global::Xamarin.Forms.Platform.Resource.Drawable.material_ic_keyboard_arrow_right_black_24dp = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.material_ic_keyboard_arrow_right_black_24dp; - global::Xamarin.Forms.Platform.Resource.Drawable.material_ic_menu_arrow_down_black_24dp = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.material_ic_menu_arrow_down_black_24dp; - global::Xamarin.Forms.Platform.Resource.Drawable.material_ic_menu_arrow_up_black_24dp = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.material_ic_menu_arrow_up_black_24dp; - global::Xamarin.Forms.Platform.Resource.Drawable.mtrl_dialog_background = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.mtrl_dialog_background; - global::Xamarin.Forms.Platform.Resource.Drawable.mtrl_dropdown_arrow = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.mtrl_dropdown_arrow; - global::Xamarin.Forms.Platform.Resource.Drawable.mtrl_ic_arrow_drop_down = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.mtrl_ic_arrow_drop_down; - global::Xamarin.Forms.Platform.Resource.Drawable.mtrl_ic_arrow_drop_up = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.mtrl_ic_arrow_drop_up; - global::Xamarin.Forms.Platform.Resource.Drawable.mtrl_ic_cancel = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.mtrl_ic_cancel; - global::Xamarin.Forms.Platform.Resource.Drawable.mtrl_ic_error = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.mtrl_ic_error; - global::Xamarin.Forms.Platform.Resource.Drawable.mtrl_popupmenu_background = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.mtrl_popupmenu_background; - global::Xamarin.Forms.Platform.Resource.Drawable.mtrl_popupmenu_background_dark = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.mtrl_popupmenu_background_dark; - global::Xamarin.Forms.Platform.Resource.Drawable.mtrl_tabs_default_indicator = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.mtrl_tabs_default_indicator; - global::Xamarin.Forms.Platform.Resource.Drawable.navigation_empty_icon = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.navigation_empty_icon; - global::Xamarin.Forms.Platform.Resource.Drawable.notification_action_background = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.notification_action_background; - global::Xamarin.Forms.Platform.Resource.Drawable.notification_bg = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.notification_bg; - global::Xamarin.Forms.Platform.Resource.Drawable.notification_bg_low = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.notification_bg_low; - global::Xamarin.Forms.Platform.Resource.Drawable.notification_bg_low_normal = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.notification_bg_low_normal; - global::Xamarin.Forms.Platform.Resource.Drawable.notification_bg_low_pressed = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.notification_bg_low_pressed; - global::Xamarin.Forms.Platform.Resource.Drawable.notification_bg_normal = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.notification_bg_normal; - global::Xamarin.Forms.Platform.Resource.Drawable.notification_bg_normal_pressed = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.notification_bg_normal_pressed; - global::Xamarin.Forms.Platform.Resource.Drawable.notification_icon_background = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.notification_icon_background; - global::Xamarin.Forms.Platform.Resource.Drawable.notification_template_icon_bg = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.notification_template_icon_bg; - global::Xamarin.Forms.Platform.Resource.Drawable.notification_template_icon_low_bg = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.notification_template_icon_low_bg; - global::Xamarin.Forms.Platform.Resource.Drawable.notification_tile_bg = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.notification_tile_bg; - global::Xamarin.Forms.Platform.Resource.Drawable.notify_panel_notification_icon_bg = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.notify_panel_notification_icon_bg; - global::Xamarin.Forms.Platform.Resource.Drawable.test_custom_background = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.test_custom_background; - global::Xamarin.Forms.Platform.Resource.Drawable.tooltip_frame_dark = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.tooltip_frame_dark; - global::Xamarin.Forms.Platform.Resource.Drawable.tooltip_frame_light = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Drawable.tooltip_frame_light; - global::Xamarin.Forms.Platform.Resource.Id.accessibility_action_clickable_span = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.accessibility_action_clickable_span; - global::Xamarin.Forms.Platform.Resource.Id.accessibility_custom_action_0 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.accessibility_custom_action_0; - global::Xamarin.Forms.Platform.Resource.Id.accessibility_custom_action_1 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.accessibility_custom_action_1; - global::Xamarin.Forms.Platform.Resource.Id.accessibility_custom_action_10 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.accessibility_custom_action_10; - global::Xamarin.Forms.Platform.Resource.Id.accessibility_custom_action_11 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.accessibility_custom_action_11; - global::Xamarin.Forms.Platform.Resource.Id.accessibility_custom_action_12 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.accessibility_custom_action_12; - global::Xamarin.Forms.Platform.Resource.Id.accessibility_custom_action_13 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.accessibility_custom_action_13; - global::Xamarin.Forms.Platform.Resource.Id.accessibility_custom_action_14 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.accessibility_custom_action_14; - global::Xamarin.Forms.Platform.Resource.Id.accessibility_custom_action_15 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.accessibility_custom_action_15; - global::Xamarin.Forms.Platform.Resource.Id.accessibility_custom_action_16 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.accessibility_custom_action_16; - global::Xamarin.Forms.Platform.Resource.Id.accessibility_custom_action_17 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.accessibility_custom_action_17; - global::Xamarin.Forms.Platform.Resource.Id.accessibility_custom_action_18 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.accessibility_custom_action_18; - global::Xamarin.Forms.Platform.Resource.Id.accessibility_custom_action_19 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.accessibility_custom_action_19; - global::Xamarin.Forms.Platform.Resource.Id.accessibility_custom_action_2 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.accessibility_custom_action_2; - global::Xamarin.Forms.Platform.Resource.Id.accessibility_custom_action_20 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.accessibility_custom_action_20; - global::Xamarin.Forms.Platform.Resource.Id.accessibility_custom_action_21 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.accessibility_custom_action_21; - global::Xamarin.Forms.Platform.Resource.Id.accessibility_custom_action_22 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.accessibility_custom_action_22; - global::Xamarin.Forms.Platform.Resource.Id.accessibility_custom_action_23 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.accessibility_custom_action_23; - global::Xamarin.Forms.Platform.Resource.Id.accessibility_custom_action_24 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.accessibility_custom_action_24; - global::Xamarin.Forms.Platform.Resource.Id.accessibility_custom_action_25 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.accessibility_custom_action_25; - global::Xamarin.Forms.Platform.Resource.Id.accessibility_custom_action_26 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.accessibility_custom_action_26; - global::Xamarin.Forms.Platform.Resource.Id.accessibility_custom_action_27 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.accessibility_custom_action_27; - global::Xamarin.Forms.Platform.Resource.Id.accessibility_custom_action_28 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.accessibility_custom_action_28; - global::Xamarin.Forms.Platform.Resource.Id.accessibility_custom_action_29 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.accessibility_custom_action_29; - global::Xamarin.Forms.Platform.Resource.Id.accessibility_custom_action_3 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.accessibility_custom_action_3; - global::Xamarin.Forms.Platform.Resource.Id.accessibility_custom_action_30 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.accessibility_custom_action_30; - global::Xamarin.Forms.Platform.Resource.Id.accessibility_custom_action_31 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.accessibility_custom_action_31; - global::Xamarin.Forms.Platform.Resource.Id.accessibility_custom_action_4 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.accessibility_custom_action_4; - global::Xamarin.Forms.Platform.Resource.Id.accessibility_custom_action_5 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.accessibility_custom_action_5; - global::Xamarin.Forms.Platform.Resource.Id.accessibility_custom_action_6 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.accessibility_custom_action_6; - global::Xamarin.Forms.Platform.Resource.Id.accessibility_custom_action_7 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.accessibility_custom_action_7; - global::Xamarin.Forms.Platform.Resource.Id.accessibility_custom_action_8 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.accessibility_custom_action_8; - global::Xamarin.Forms.Platform.Resource.Id.accessibility_custom_action_9 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.accessibility_custom_action_9; - global::Xamarin.Forms.Platform.Resource.Id.action0 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.action0; - global::Xamarin.Forms.Platform.Resource.Id.actions = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.actions; - global::Xamarin.Forms.Platform.Resource.Id.action_bar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.action_bar; - global::Xamarin.Forms.Platform.Resource.Id.action_bar_activity_content = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.action_bar_activity_content; - global::Xamarin.Forms.Platform.Resource.Id.action_bar_container = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.action_bar_container; - global::Xamarin.Forms.Platform.Resource.Id.action_bar_root = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.action_bar_root; - global::Xamarin.Forms.Platform.Resource.Id.action_bar_spinner = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.action_bar_spinner; - global::Xamarin.Forms.Platform.Resource.Id.action_bar_subtitle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.action_bar_subtitle; - global::Xamarin.Forms.Platform.Resource.Id.action_bar_title = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.action_bar_title; - global::Xamarin.Forms.Platform.Resource.Id.action_container = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.action_container; - global::Xamarin.Forms.Platform.Resource.Id.action_context_bar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.action_context_bar; - global::Xamarin.Forms.Platform.Resource.Id.action_divider = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.action_divider; - global::Xamarin.Forms.Platform.Resource.Id.action_image = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.action_image; - global::Xamarin.Forms.Platform.Resource.Id.action_menu_divider = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.action_menu_divider; - global::Xamarin.Forms.Platform.Resource.Id.action_menu_presenter = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.action_menu_presenter; - global::Xamarin.Forms.Platform.Resource.Id.action_mode_bar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.action_mode_bar; - global::Xamarin.Forms.Platform.Resource.Id.action_mode_bar_stub = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.action_mode_bar_stub; - global::Xamarin.Forms.Platform.Resource.Id.action_mode_close_button = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.action_mode_close_button; - global::Xamarin.Forms.Platform.Resource.Id.action_text = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.action_text; - global::Xamarin.Forms.Platform.Resource.Id.activity_chooser_view_content = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.activity_chooser_view_content; - global::Xamarin.Forms.Platform.Resource.Id.add = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.add; - global::Xamarin.Forms.Platform.Resource.Id.alertTitle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.alertTitle; - global::Xamarin.Forms.Platform.Resource.Id.all = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.all; - global::Xamarin.Forms.Platform.Resource.Id.ALT = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.ALT; - global::Xamarin.Forms.Platform.Resource.Id.always = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.always; - global::Xamarin.Forms.Platform.Resource.Id.async = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.async; - global::Xamarin.Forms.Platform.Resource.Id.auto = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.auto; - global::Xamarin.Forms.Platform.Resource.Id.beginning = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.beginning; - global::Xamarin.Forms.Platform.Resource.Id.blocking = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.blocking; - global::Xamarin.Forms.Platform.Resource.Id.bottom = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.bottom; - global::Xamarin.Forms.Platform.Resource.Id.bottomtab_navarea = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.bottomtab_navarea; - global::Xamarin.Forms.Platform.Resource.Id.bottomtab_tabbar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.bottomtab_tabbar; - global::Xamarin.Forms.Platform.Resource.Id.BOTTOM_END = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.BOTTOM_END; - global::Xamarin.Forms.Platform.Resource.Id.BOTTOM_START = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.BOTTOM_START; - global::Xamarin.Forms.Platform.Resource.Id.buttonPanel = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.buttonPanel; - global::Xamarin.Forms.Platform.Resource.Id.cancel_action = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.cancel_action; - global::Xamarin.Forms.Platform.Resource.Id.cancel_button = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.cancel_button; - global::Xamarin.Forms.Platform.Resource.Id.center = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.center; - global::Xamarin.Forms.Platform.Resource.Id.center_horizontal = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.center_horizontal; - global::Xamarin.Forms.Platform.Resource.Id.center_vertical = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.center_vertical; - global::Xamarin.Forms.Platform.Resource.Id.checkbox = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.checkbox; - global::Xamarin.Forms.Platform.Resource.Id.@checked = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.@checked; - global::Xamarin.Forms.Platform.Resource.Id.chip = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.chip; - global::Xamarin.Forms.Platform.Resource.Id.chip1 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.chip1; - global::Xamarin.Forms.Platform.Resource.Id.chip2 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.chip2; - global::Xamarin.Forms.Platform.Resource.Id.chip3 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.chip3; - global::Xamarin.Forms.Platform.Resource.Id.chip_group = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.chip_group; - global::Xamarin.Forms.Platform.Resource.Id.chronometer = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.chronometer; - global::Xamarin.Forms.Platform.Resource.Id.clear_text = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.clear_text; - global::Xamarin.Forms.Platform.Resource.Id.clip_horizontal = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.clip_horizontal; - global::Xamarin.Forms.Platform.Resource.Id.clip_vertical = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.clip_vertical; - global::Xamarin.Forms.Platform.Resource.Id.collapseActionView = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.collapseActionView; - global::Xamarin.Forms.Platform.Resource.Id.confirm_button = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.confirm_button; - global::Xamarin.Forms.Platform.Resource.Id.container = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.container; - global::Xamarin.Forms.Platform.Resource.Id.content = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.content; - global::Xamarin.Forms.Platform.Resource.Id.contentPanel = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.contentPanel; - global::Xamarin.Forms.Platform.Resource.Id.coordinator = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.coordinator; - global::Xamarin.Forms.Platform.Resource.Id.CTRL = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.CTRL; - global::Xamarin.Forms.Platform.Resource.Id.custom = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.custom; - global::Xamarin.Forms.Platform.Resource.Id.customPanel = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.customPanel; - global::Xamarin.Forms.Platform.Resource.Id.cut = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.cut; - global::Xamarin.Forms.Platform.Resource.Id.date_picker_actions = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.date_picker_actions; - global::Xamarin.Forms.Platform.Resource.Id.decor_content_parent = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.decor_content_parent; - global::Xamarin.Forms.Platform.Resource.Id.default_activity_button = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.default_activity_button; - global::Xamarin.Forms.Platform.Resource.Id.design_bottom_sheet = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.design_bottom_sheet; - global::Xamarin.Forms.Platform.Resource.Id.design_menu_item_action_area = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.design_menu_item_action_area; - global::Xamarin.Forms.Platform.Resource.Id.design_menu_item_action_area_stub = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.design_menu_item_action_area_stub; - global::Xamarin.Forms.Platform.Resource.Id.design_menu_item_text = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.design_menu_item_text; - global::Xamarin.Forms.Platform.Resource.Id.design_navigation_view = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.design_navigation_view; - global::Xamarin.Forms.Platform.Resource.Id.dialog_button = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.dialog_button; - global::Xamarin.Forms.Platform.Resource.Id.disableHome = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.disableHome; - global::Xamarin.Forms.Platform.Resource.Id.dropdown_menu = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.dropdown_menu; - global::Xamarin.Forms.Platform.Resource.Id.edit_query = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.edit_query; - global::Xamarin.Forms.Platform.Resource.Id.end = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.end; - global::Xamarin.Forms.Platform.Resource.Id.end_padder = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.end_padder; - global::Xamarin.Forms.Platform.Resource.Id.enterAlways = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.enterAlways; - global::Xamarin.Forms.Platform.Resource.Id.enterAlwaysCollapsed = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.enterAlwaysCollapsed; - global::Xamarin.Forms.Platform.Resource.Id.exitUntilCollapsed = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.exitUntilCollapsed; - global::Xamarin.Forms.Platform.Resource.Id.expanded_menu = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.expanded_menu; - global::Xamarin.Forms.Platform.Resource.Id.expand_activities_button = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.expand_activities_button; - global::Xamarin.Forms.Platform.Resource.Id.fade = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.fade; - global::Xamarin.Forms.Platform.Resource.Id.fill = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.fill; - global::Xamarin.Forms.Platform.Resource.Id.filled = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.filled; - global::Xamarin.Forms.Platform.Resource.Id.fill_horizontal = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.fill_horizontal; - global::Xamarin.Forms.Platform.Resource.Id.fill_vertical = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.fill_vertical; - global::Xamarin.Forms.Platform.Resource.Id.fitToContents = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.fitToContents; - global::Xamarin.Forms.Platform.Resource.Id.@fixed = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.@fixed; - global::Xamarin.Forms.Platform.Resource.Id.floating = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.floating; - global::Xamarin.Forms.Platform.Resource.Id.flyoutcontent_appbar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.flyoutcontent_appbar; - global::Xamarin.Forms.Platform.Resource.Id.forever = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.forever; - global::Xamarin.Forms.Platform.Resource.Id.fragment_container_view_tag = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.fragment_container_view_tag; - global::Xamarin.Forms.Platform.Resource.Id.FUNCTION = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.FUNCTION; - global::Xamarin.Forms.Platform.Resource.Id.ghost_view = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.ghost_view; - global::Xamarin.Forms.Platform.Resource.Id.ghost_view_holder = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.ghost_view_holder; - global::Xamarin.Forms.Platform.Resource.Id.gone = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.gone; - global::Xamarin.Forms.Platform.Resource.Id.group_divider = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.group_divider; - global::Xamarin.Forms.Platform.Resource.Id.hideable = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.hideable; - global::Xamarin.Forms.Platform.Resource.Id.home = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.home; - global::Xamarin.Forms.Platform.Resource.Id.homeAsUp = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.homeAsUp; - global::Xamarin.Forms.Platform.Resource.Id.icon = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.icon; - global::Xamarin.Forms.Platform.Resource.Id.icon_group = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.icon_group; - global::Xamarin.Forms.Platform.Resource.Id.ifRoom = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.ifRoom; - global::Xamarin.Forms.Platform.Resource.Id.image = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.image; - global::Xamarin.Forms.Platform.Resource.Id.info = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.info; - global::Xamarin.Forms.Platform.Resource.Id.italic = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.italic; - global::Xamarin.Forms.Platform.Resource.Id.item_touch_helper_previous_elevation = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.item_touch_helper_previous_elevation; - global::Xamarin.Forms.Platform.Resource.Id.labeled = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.labeled; - global::Xamarin.Forms.Platform.Resource.Id.largeLabel = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.largeLabel; - global::Xamarin.Forms.Platform.Resource.Id.left = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.left; - global::Xamarin.Forms.Platform.Resource.Id.line1 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.line1; - global::Xamarin.Forms.Platform.Resource.Id.line3 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.line3; - global::Xamarin.Forms.Platform.Resource.Id.listMode = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.listMode; - global::Xamarin.Forms.Platform.Resource.Id.list_item = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.list_item; - global::Xamarin.Forms.Platform.Resource.Id.main_appbar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.main_appbar; - global::Xamarin.Forms.Platform.Resource.Id.main_tablayout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.main_tablayout; - global::Xamarin.Forms.Platform.Resource.Id.main_toolbar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.main_toolbar; - global::Xamarin.Forms.Platform.Resource.Id.main_viewpager = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.main_viewpager; - global::Xamarin.Forms.Platform.Resource.Id.masked = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.masked; - global::Xamarin.Forms.Platform.Resource.Id.media_actions = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.media_actions; - global::Xamarin.Forms.Platform.Resource.Id.media_controller_compat_view_tag = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.media_controller_compat_view_tag; - global::Xamarin.Forms.Platform.Resource.Id.message = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.message; - global::Xamarin.Forms.Platform.Resource.Id.META = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.META; - global::Xamarin.Forms.Platform.Resource.Id.middle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.middle; - global::Xamarin.Forms.Platform.Resource.Id.mini = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.mini; - global::Xamarin.Forms.Platform.Resource.Id.month_grid = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.month_grid; - global::Xamarin.Forms.Platform.Resource.Id.month_navigation_bar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.month_navigation_bar; - global::Xamarin.Forms.Platform.Resource.Id.month_navigation_fragment_toggle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.month_navigation_fragment_toggle; - global::Xamarin.Forms.Platform.Resource.Id.month_navigation_next = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.month_navigation_next; - global::Xamarin.Forms.Platform.Resource.Id.month_navigation_previous = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.month_navigation_previous; - global::Xamarin.Forms.Platform.Resource.Id.month_title = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.month_title; - global::Xamarin.Forms.Platform.Resource.Id.mtrl_calendar_days_of_week = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.mtrl_calendar_days_of_week; - global::Xamarin.Forms.Platform.Resource.Id.mtrl_calendar_day_selector_frame = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.mtrl_calendar_day_selector_frame; - global::Xamarin.Forms.Platform.Resource.Id.mtrl_calendar_frame = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.mtrl_calendar_frame; - global::Xamarin.Forms.Platform.Resource.Id.mtrl_calendar_main_pane = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.mtrl_calendar_main_pane; - global::Xamarin.Forms.Platform.Resource.Id.mtrl_calendar_months = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.mtrl_calendar_months; - global::Xamarin.Forms.Platform.Resource.Id.mtrl_calendar_selection_frame = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.mtrl_calendar_selection_frame; - global::Xamarin.Forms.Platform.Resource.Id.mtrl_calendar_text_input_frame = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.mtrl_calendar_text_input_frame; - global::Xamarin.Forms.Platform.Resource.Id.mtrl_calendar_year_selector_frame = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.mtrl_calendar_year_selector_frame; - global::Xamarin.Forms.Platform.Resource.Id.mtrl_card_checked_layer_id = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.mtrl_card_checked_layer_id; - global::Xamarin.Forms.Platform.Resource.Id.mtrl_child_content_container = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.mtrl_child_content_container; - global::Xamarin.Forms.Platform.Resource.Id.mtrl_internal_children_alpha_tag = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.mtrl_internal_children_alpha_tag; - global::Xamarin.Forms.Platform.Resource.Id.mtrl_motion_snapshot_view = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.mtrl_motion_snapshot_view; - global::Xamarin.Forms.Platform.Resource.Id.mtrl_picker_fullscreen = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.mtrl_picker_fullscreen; - global::Xamarin.Forms.Platform.Resource.Id.mtrl_picker_header = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.mtrl_picker_header; - global::Xamarin.Forms.Platform.Resource.Id.mtrl_picker_header_selection_text = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.mtrl_picker_header_selection_text; - global::Xamarin.Forms.Platform.Resource.Id.mtrl_picker_header_title_and_selection = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.mtrl_picker_header_title_and_selection; - global::Xamarin.Forms.Platform.Resource.Id.mtrl_picker_header_toggle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.mtrl_picker_header_toggle; - global::Xamarin.Forms.Platform.Resource.Id.mtrl_picker_text_input_date = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.mtrl_picker_text_input_date; - global::Xamarin.Forms.Platform.Resource.Id.mtrl_picker_text_input_range_end = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.mtrl_picker_text_input_range_end; - global::Xamarin.Forms.Platform.Resource.Id.mtrl_picker_text_input_range_start = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.mtrl_picker_text_input_range_start; - global::Xamarin.Forms.Platform.Resource.Id.mtrl_picker_title_text = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.mtrl_picker_title_text; - global::Xamarin.Forms.Platform.Resource.Id.multiply = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.multiply; - global::Xamarin.Forms.Platform.Resource.Id.navigation_header_container = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.navigation_header_container; - global::Xamarin.Forms.Platform.Resource.Id.nav_controller_view_tag = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.nav_controller_view_tag; - global::Xamarin.Forms.Platform.Resource.Id.never = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.never; - global::Xamarin.Forms.Platform.Resource.Id.none = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.none; - global::Xamarin.Forms.Platform.Resource.Id.normal = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.normal; - global::Xamarin.Forms.Platform.Resource.Id.noScroll = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.noScroll; - global::Xamarin.Forms.Platform.Resource.Id.notification_background = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.notification_background; - global::Xamarin.Forms.Platform.Resource.Id.notification_main_column = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.notification_main_column; - global::Xamarin.Forms.Platform.Resource.Id.notification_main_column_container = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.notification_main_column_container; - global::Xamarin.Forms.Platform.Resource.Id.off = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.off; - global::Xamarin.Forms.Platform.Resource.Id.on = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.on; - global::Xamarin.Forms.Platform.Resource.Id.outline = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.outline; - global::Xamarin.Forms.Platform.Resource.Id.parallax = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.parallax; - global::Xamarin.Forms.Platform.Resource.Id.parentPanel = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.parentPanel; - global::Xamarin.Forms.Platform.Resource.Id.parent_matrix = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.parent_matrix; - global::Xamarin.Forms.Platform.Resource.Id.password_toggle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.password_toggle; - global::Xamarin.Forms.Platform.Resource.Id.peekHeight = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.peekHeight; - global::Xamarin.Forms.Platform.Resource.Id.pin = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.pin; - global::Xamarin.Forms.Platform.Resource.Id.progress_circular = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.progress_circular; - global::Xamarin.Forms.Platform.Resource.Id.progress_horizontal = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.progress_horizontal; - global::Xamarin.Forms.Platform.Resource.Id.radio = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.radio; - global::Xamarin.Forms.Platform.Resource.Id.right = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.right; - global::Xamarin.Forms.Platform.Resource.Id.right_icon = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.right_icon; - global::Xamarin.Forms.Platform.Resource.Id.right_side = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.right_side; - global::Xamarin.Forms.Platform.Resource.Id.rounded = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.rounded; - global::Xamarin.Forms.Platform.Resource.Id.row_index_key = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.row_index_key; - global::Xamarin.Forms.Platform.Resource.Id.save_non_transition_alpha = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.save_non_transition_alpha; - global::Xamarin.Forms.Platform.Resource.Id.save_overlay_view = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.save_overlay_view; - global::Xamarin.Forms.Platform.Resource.Id.scale = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.scale; - global::Xamarin.Forms.Platform.Resource.Id.screen = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.screen; - global::Xamarin.Forms.Platform.Resource.Id.scroll = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.scroll; - global::Xamarin.Forms.Platform.Resource.Id.scrollable = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.scrollable; - global::Xamarin.Forms.Platform.Resource.Id.scrollIndicatorDown = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.scrollIndicatorDown; - global::Xamarin.Forms.Platform.Resource.Id.scrollIndicatorUp = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.scrollIndicatorUp; - global::Xamarin.Forms.Platform.Resource.Id.scrollView = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.scrollView; - global::Xamarin.Forms.Platform.Resource.Id.search_badge = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.search_badge; - global::Xamarin.Forms.Platform.Resource.Id.search_bar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.search_bar; - global::Xamarin.Forms.Platform.Resource.Id.search_button = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.search_button; - global::Xamarin.Forms.Platform.Resource.Id.search_close_btn = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.search_close_btn; - global::Xamarin.Forms.Platform.Resource.Id.search_edit_frame = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.search_edit_frame; - global::Xamarin.Forms.Platform.Resource.Id.search_go_btn = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.search_go_btn; - global::Xamarin.Forms.Platform.Resource.Id.search_mag_icon = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.search_mag_icon; - global::Xamarin.Forms.Platform.Resource.Id.search_plate = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.search_plate; - global::Xamarin.Forms.Platform.Resource.Id.search_src_text = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.search_src_text; - global::Xamarin.Forms.Platform.Resource.Id.search_voice_btn = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.search_voice_btn; - global::Xamarin.Forms.Platform.Resource.Id.selected = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.selected; - global::Xamarin.Forms.Platform.Resource.Id.select_dialog_listview = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.select_dialog_listview; - global::Xamarin.Forms.Platform.Resource.Id.shellcontent_appbar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.shellcontent_appbar; - global::Xamarin.Forms.Platform.Resource.Id.shellcontent_toolbar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.shellcontent_toolbar; - global::Xamarin.Forms.Platform.Resource.Id.SHIFT = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.SHIFT; - global::Xamarin.Forms.Platform.Resource.Id.shortcut = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.shortcut; - global::Xamarin.Forms.Platform.Resource.Id.showCustom = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.showCustom; - global::Xamarin.Forms.Platform.Resource.Id.showHome = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.showHome; - global::Xamarin.Forms.Platform.Resource.Id.showTitle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.showTitle; - global::Xamarin.Forms.Platform.Resource.Id.skipCollapsed = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.skipCollapsed; - global::Xamarin.Forms.Platform.Resource.Id.slide = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.slide; - global::Xamarin.Forms.Platform.Resource.Id.sliding_tabs = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.sliding_tabs; - global::Xamarin.Forms.Platform.Resource.Id.smallLabel = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.smallLabel; - global::Xamarin.Forms.Platform.Resource.Id.snackbar_action = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.snackbar_action; - global::Xamarin.Forms.Platform.Resource.Id.snackbar_text = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.snackbar_text; - global::Xamarin.Forms.Platform.Resource.Id.snap = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.snap; - global::Xamarin.Forms.Platform.Resource.Id.snapMargins = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.snapMargins; - global::Xamarin.Forms.Platform.Resource.Id.spacer = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.spacer; - global::Xamarin.Forms.Platform.Resource.Id.special_effects_controller_view_tag = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.special_effects_controller_view_tag; - global::Xamarin.Forms.Platform.Resource.Id.split_action_bar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.split_action_bar; - global::Xamarin.Forms.Platform.Resource.Id.src_atop = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.src_atop; - global::Xamarin.Forms.Platform.Resource.Id.src_in = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.src_in; - global::Xamarin.Forms.Platform.Resource.Id.src_over = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.src_over; - global::Xamarin.Forms.Platform.Resource.Id.start = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.start; - global::Xamarin.Forms.Platform.Resource.Id.status_bar_latest_event_content = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.status_bar_latest_event_content; - global::Xamarin.Forms.Platform.Resource.Id.stretch = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.stretch; - global::Xamarin.Forms.Platform.Resource.Id.submenuarrow = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.submenuarrow; - global::Xamarin.Forms.Platform.Resource.Id.submit_area = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.submit_area; - global::Xamarin.Forms.Platform.Resource.Id.SYM = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.SYM; - global::Xamarin.Forms.Platform.Resource.Id.tabMode = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.tabMode; - global::Xamarin.Forms.Platform.Resource.Id.tag_accessibility_actions = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.tag_accessibility_actions; - global::Xamarin.Forms.Platform.Resource.Id.tag_accessibility_clickable_spans = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.tag_accessibility_clickable_spans; - global::Xamarin.Forms.Platform.Resource.Id.tag_accessibility_heading = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.tag_accessibility_heading; - global::Xamarin.Forms.Platform.Resource.Id.tag_accessibility_pane_title = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.tag_accessibility_pane_title; - global::Xamarin.Forms.Platform.Resource.Id.tag_screen_reader_focusable = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.tag_screen_reader_focusable; - global::Xamarin.Forms.Platform.Resource.Id.tag_transition_group = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.tag_transition_group; - global::Xamarin.Forms.Platform.Resource.Id.tag_unhandled_key_event_manager = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.tag_unhandled_key_event_manager; - global::Xamarin.Forms.Platform.Resource.Id.tag_unhandled_key_listeners = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.tag_unhandled_key_listeners; - global::Xamarin.Forms.Platform.Resource.Id.test_checkbox_android_button_tint = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.test_checkbox_android_button_tint; - global::Xamarin.Forms.Platform.Resource.Id.test_checkbox_app_button_tint = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.test_checkbox_app_button_tint; - global::Xamarin.Forms.Platform.Resource.Id.test_radiobutton_android_button_tint = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.test_radiobutton_android_button_tint; - global::Xamarin.Forms.Platform.Resource.Id.test_radiobutton_app_button_tint = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.test_radiobutton_app_button_tint; - global::Xamarin.Forms.Platform.Resource.Id.text = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.text; - global::Xamarin.Forms.Platform.Resource.Id.text2 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.text2; - global::Xamarin.Forms.Platform.Resource.Id.textEnd = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.textEnd; - global::Xamarin.Forms.Platform.Resource.Id.textinput_counter = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.textinput_counter; - global::Xamarin.Forms.Platform.Resource.Id.textinput_error = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.textinput_error; - global::Xamarin.Forms.Platform.Resource.Id.textinput_helper_text = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.textinput_helper_text; - global::Xamarin.Forms.Platform.Resource.Id.textinput_placeholder = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.textinput_placeholder; - global::Xamarin.Forms.Platform.Resource.Id.textinput_prefix_text = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.textinput_prefix_text; - global::Xamarin.Forms.Platform.Resource.Id.textinput_suffix_text = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.textinput_suffix_text; - global::Xamarin.Forms.Platform.Resource.Id.textSpacerNoButtons = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.textSpacerNoButtons; - global::Xamarin.Forms.Platform.Resource.Id.textSpacerNoTitle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.textSpacerNoTitle; - global::Xamarin.Forms.Platform.Resource.Id.textStart = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.textStart; - global::Xamarin.Forms.Platform.Resource.Id.text_input_end_icon = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.text_input_end_icon; - global::Xamarin.Forms.Platform.Resource.Id.text_input_start_icon = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.text_input_start_icon; - global::Xamarin.Forms.Platform.Resource.Id.time = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.time; - global::Xamarin.Forms.Platform.Resource.Id.title = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.title; - global::Xamarin.Forms.Platform.Resource.Id.titleDividerNoCustom = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.titleDividerNoCustom; - global::Xamarin.Forms.Platform.Resource.Id.title_template = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.title_template; - global::Xamarin.Forms.Platform.Resource.Id.toolbar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.toolbar; - global::Xamarin.Forms.Platform.Resource.Id.top = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.top; - global::Xamarin.Forms.Platform.Resource.Id.topPanel = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.topPanel; - global::Xamarin.Forms.Platform.Resource.Id.TOP_END = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.TOP_END; - global::Xamarin.Forms.Platform.Resource.Id.TOP_START = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.TOP_START; - global::Xamarin.Forms.Platform.Resource.Id.touch_outside = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.touch_outside; - global::Xamarin.Forms.Platform.Resource.Id.transition_current_scene = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.transition_current_scene; - global::Xamarin.Forms.Platform.Resource.Id.transition_layout_save = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.transition_layout_save; - global::Xamarin.Forms.Platform.Resource.Id.transition_position = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.transition_position; - global::Xamarin.Forms.Platform.Resource.Id.transition_scene_layoutid_cache = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.transition_scene_layoutid_cache; - global::Xamarin.Forms.Platform.Resource.Id.transition_transform = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.transition_transform; - global::Xamarin.Forms.Platform.Resource.Id.@unchecked = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.@unchecked; - global::Xamarin.Forms.Platform.Resource.Id.uniform = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.uniform; - global::Xamarin.Forms.Platform.Resource.Id.unlabeled = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.unlabeled; - global::Xamarin.Forms.Platform.Resource.Id.up = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.up; - global::Xamarin.Forms.Platform.Resource.Id.useLogo = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.useLogo; - global::Xamarin.Forms.Platform.Resource.Id.view_offset_helper = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.view_offset_helper; - global::Xamarin.Forms.Platform.Resource.Id.view_tree_lifecycle_owner = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.view_tree_lifecycle_owner; - global::Xamarin.Forms.Platform.Resource.Id.view_tree_saved_state_registry_owner = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.view_tree_saved_state_registry_owner; - global::Xamarin.Forms.Platform.Resource.Id.view_tree_view_model_store_owner = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.view_tree_view_model_store_owner; - global::Xamarin.Forms.Platform.Resource.Id.visible = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.visible; - global::Xamarin.Forms.Platform.Resource.Id.visible_removing_fragment_view_tag = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.visible_removing_fragment_view_tag; - global::Xamarin.Forms.Platform.Resource.Id.withinBounds = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.withinBounds; - global::Xamarin.Forms.Platform.Resource.Id.withText = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.withText; - global::Xamarin.Forms.Platform.Resource.Id.wrap_content = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.wrap_content; - global::Xamarin.Forms.Platform.Resource.Id.zero_corner_chip = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Id.zero_corner_chip; - global::Xamarin.Forms.Platform.Resource.Integer.abc_config_activityDefaultDur = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Integer.abc_config_activityDefaultDur; - global::Xamarin.Forms.Platform.Resource.Integer.abc_config_activityShortDur = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Integer.abc_config_activityShortDur; - global::Xamarin.Forms.Platform.Resource.Integer.app_bar_elevation_anim_duration = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Integer.app_bar_elevation_anim_duration; - global::Xamarin.Forms.Platform.Resource.Integer.bottom_sheet_slide_duration = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Integer.bottom_sheet_slide_duration; - global::Xamarin.Forms.Platform.Resource.Integer.cancel_button_image_alpha = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Integer.cancel_button_image_alpha; - global::Xamarin.Forms.Platform.Resource.Integer.config_navAnimTime = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Integer.config_navAnimTime; - global::Xamarin.Forms.Platform.Resource.Integer.config_tooltipAnimTime = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Integer.config_tooltipAnimTime; - global::Xamarin.Forms.Platform.Resource.Integer.design_snackbar_text_max_lines = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Integer.design_snackbar_text_max_lines; - global::Xamarin.Forms.Platform.Resource.Integer.design_tab_indicator_anim_duration_ms = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Integer.design_tab_indicator_anim_duration_ms; - global::Xamarin.Forms.Platform.Resource.Integer.hide_password_duration = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Integer.hide_password_duration; - global::Xamarin.Forms.Platform.Resource.Integer.mtrl_badge_max_character_count = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Integer.mtrl_badge_max_character_count; - global::Xamarin.Forms.Platform.Resource.Integer.mtrl_btn_anim_delay_ms = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Integer.mtrl_btn_anim_delay_ms; - global::Xamarin.Forms.Platform.Resource.Integer.mtrl_btn_anim_duration_ms = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Integer.mtrl_btn_anim_duration_ms; - global::Xamarin.Forms.Platform.Resource.Integer.mtrl_calendar_header_orientation = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Integer.mtrl_calendar_header_orientation; - global::Xamarin.Forms.Platform.Resource.Integer.mtrl_calendar_selection_text_lines = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Integer.mtrl_calendar_selection_text_lines; - global::Xamarin.Forms.Platform.Resource.Integer.mtrl_calendar_year_selector_span = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Integer.mtrl_calendar_year_selector_span; - global::Xamarin.Forms.Platform.Resource.Integer.mtrl_card_anim_delay_ms = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Integer.mtrl_card_anim_delay_ms; - global::Xamarin.Forms.Platform.Resource.Integer.mtrl_card_anim_duration_ms = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Integer.mtrl_card_anim_duration_ms; - global::Xamarin.Forms.Platform.Resource.Integer.mtrl_chip_anim_duration = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Integer.mtrl_chip_anim_duration; - global::Xamarin.Forms.Platform.Resource.Integer.mtrl_tab_indicator_anim_duration_ms = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Integer.mtrl_tab_indicator_anim_duration_ms; - global::Xamarin.Forms.Platform.Resource.Integer.show_password_duration = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Integer.show_password_duration; - global::Xamarin.Forms.Platform.Resource.Integer.status_bar_notification_info_maxnum = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Integer.status_bar_notification_info_maxnum; - global::Xamarin.Forms.Platform.Resource.Interpolator.btn_checkbox_checked_mtrl_animation_interpolator_0 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Interpolator.btn_checkbox_checked_mtrl_animation_interpolator_0; - global::Xamarin.Forms.Platform.Resource.Interpolator.btn_checkbox_checked_mtrl_animation_interpolator_1 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Interpolator.btn_checkbox_checked_mtrl_animation_interpolator_1; - global::Xamarin.Forms.Platform.Resource.Interpolator.btn_checkbox_unchecked_mtrl_animation_interpolator_0 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Interpolator.btn_checkbox_unchecked_mtrl_animation_interpolator_0; - global::Xamarin.Forms.Platform.Resource.Interpolator.btn_checkbox_unchecked_mtrl_animation_interpolator_1 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Interpolator.btn_checkbox_unchecked_mtrl_animation_interpolator_1; - global::Xamarin.Forms.Platform.Resource.Interpolator.btn_radio_to_off_mtrl_animation_interpolator_0 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Interpolator.btn_radio_to_off_mtrl_animation_interpolator_0; - global::Xamarin.Forms.Platform.Resource.Interpolator.btn_radio_to_on_mtrl_animation_interpolator_0 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Interpolator.btn_radio_to_on_mtrl_animation_interpolator_0; - global::Xamarin.Forms.Platform.Resource.Interpolator.fast_out_slow_in = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Interpolator.fast_out_slow_in; - global::Xamarin.Forms.Platform.Resource.Interpolator.mtrl_fast_out_linear_in = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Interpolator.mtrl_fast_out_linear_in; - global::Xamarin.Forms.Platform.Resource.Interpolator.mtrl_fast_out_slow_in = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Interpolator.mtrl_fast_out_slow_in; - global::Xamarin.Forms.Platform.Resource.Interpolator.mtrl_linear = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Interpolator.mtrl_linear; - global::Xamarin.Forms.Platform.Resource.Interpolator.mtrl_linear_out_slow_in = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Interpolator.mtrl_linear_out_slow_in; - global::Xamarin.Forms.Platform.Resource.Layout.abc_action_bar_title_item = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.abc_action_bar_title_item; - global::Xamarin.Forms.Platform.Resource.Layout.abc_action_bar_up_container = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.abc_action_bar_up_container; - global::Xamarin.Forms.Platform.Resource.Layout.abc_action_menu_item_layout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.abc_action_menu_item_layout; - global::Xamarin.Forms.Platform.Resource.Layout.abc_action_menu_layout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.abc_action_menu_layout; - global::Xamarin.Forms.Platform.Resource.Layout.abc_action_mode_bar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.abc_action_mode_bar; - global::Xamarin.Forms.Platform.Resource.Layout.abc_action_mode_close_item_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.abc_action_mode_close_item_material; - global::Xamarin.Forms.Platform.Resource.Layout.abc_activity_chooser_view = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.abc_activity_chooser_view; - global::Xamarin.Forms.Platform.Resource.Layout.abc_activity_chooser_view_list_item = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.abc_activity_chooser_view_list_item; - global::Xamarin.Forms.Platform.Resource.Layout.abc_alert_dialog_button_bar_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.abc_alert_dialog_button_bar_material; - global::Xamarin.Forms.Platform.Resource.Layout.abc_alert_dialog_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.abc_alert_dialog_material; - global::Xamarin.Forms.Platform.Resource.Layout.abc_alert_dialog_title_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.abc_alert_dialog_title_material; - global::Xamarin.Forms.Platform.Resource.Layout.abc_cascading_menu_item_layout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.abc_cascading_menu_item_layout; - global::Xamarin.Forms.Platform.Resource.Layout.abc_dialog_title_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.abc_dialog_title_material; - global::Xamarin.Forms.Platform.Resource.Layout.abc_expanded_menu_layout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.abc_expanded_menu_layout; - global::Xamarin.Forms.Platform.Resource.Layout.abc_list_menu_item_checkbox = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.abc_list_menu_item_checkbox; - global::Xamarin.Forms.Platform.Resource.Layout.abc_list_menu_item_icon = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.abc_list_menu_item_icon; - global::Xamarin.Forms.Platform.Resource.Layout.abc_list_menu_item_layout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.abc_list_menu_item_layout; - global::Xamarin.Forms.Platform.Resource.Layout.abc_list_menu_item_radio = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.abc_list_menu_item_radio; - global::Xamarin.Forms.Platform.Resource.Layout.abc_popup_menu_header_item_layout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.abc_popup_menu_header_item_layout; - global::Xamarin.Forms.Platform.Resource.Layout.abc_popup_menu_item_layout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.abc_popup_menu_item_layout; - global::Xamarin.Forms.Platform.Resource.Layout.abc_screen_content_include = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.abc_screen_content_include; - global::Xamarin.Forms.Platform.Resource.Layout.abc_screen_simple = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.abc_screen_simple; - global::Xamarin.Forms.Platform.Resource.Layout.abc_screen_simple_overlay_action_mode = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.abc_screen_simple_overlay_action_mode; - global::Xamarin.Forms.Platform.Resource.Layout.abc_screen_toolbar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.abc_screen_toolbar; - global::Xamarin.Forms.Platform.Resource.Layout.abc_search_dropdown_item_icons_2line = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.abc_search_dropdown_item_icons_2line; - global::Xamarin.Forms.Platform.Resource.Layout.abc_search_view = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.abc_search_view; - global::Xamarin.Forms.Platform.Resource.Layout.abc_select_dialog_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.abc_select_dialog_material; - global::Xamarin.Forms.Platform.Resource.Layout.abc_tooltip = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.abc_tooltip; - global::Xamarin.Forms.Platform.Resource.Layout.BottomTabLayout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.BottomTabLayout; - global::Xamarin.Forms.Platform.Resource.Layout.custom_dialog = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.custom_dialog; - global::Xamarin.Forms.Platform.Resource.Layout.design_bottom_navigation_item = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.design_bottom_navigation_item; - global::Xamarin.Forms.Platform.Resource.Layout.design_bottom_sheet_dialog = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.design_bottom_sheet_dialog; - global::Xamarin.Forms.Platform.Resource.Layout.design_layout_snackbar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.design_layout_snackbar; - global::Xamarin.Forms.Platform.Resource.Layout.design_layout_snackbar_include = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.design_layout_snackbar_include; - global::Xamarin.Forms.Platform.Resource.Layout.design_layout_tab_icon = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.design_layout_tab_icon; - global::Xamarin.Forms.Platform.Resource.Layout.design_layout_tab_text = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.design_layout_tab_text; - global::Xamarin.Forms.Platform.Resource.Layout.design_menu_item_action_area = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.design_menu_item_action_area; - global::Xamarin.Forms.Platform.Resource.Layout.design_navigation_item = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.design_navigation_item; - global::Xamarin.Forms.Platform.Resource.Layout.design_navigation_item_header = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.design_navigation_item_header; - global::Xamarin.Forms.Platform.Resource.Layout.design_navigation_item_separator = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.design_navigation_item_separator; - global::Xamarin.Forms.Platform.Resource.Layout.design_navigation_item_subheader = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.design_navigation_item_subheader; - global::Xamarin.Forms.Platform.Resource.Layout.design_navigation_menu = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.design_navigation_menu; - global::Xamarin.Forms.Platform.Resource.Layout.design_navigation_menu_item = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.design_navigation_menu_item; - global::Xamarin.Forms.Platform.Resource.Layout.design_text_input_end_icon = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.design_text_input_end_icon; - global::Xamarin.Forms.Platform.Resource.Layout.design_text_input_start_icon = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.design_text_input_start_icon; - global::Xamarin.Forms.Platform.Resource.Layout.FallbackTabbarDoNotUse = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.FallbackTabbarDoNotUse; - global::Xamarin.Forms.Platform.Resource.Layout.FallbackToolbarDoNotUse = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.FallbackToolbarDoNotUse; - global::Xamarin.Forms.Platform.Resource.Layout.FlyoutContent = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.FlyoutContent; - global::Xamarin.Forms.Platform.Resource.Layout.mtrl_alert_dialog = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.mtrl_alert_dialog; - global::Xamarin.Forms.Platform.Resource.Layout.mtrl_alert_dialog_actions = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.mtrl_alert_dialog_actions; - global::Xamarin.Forms.Platform.Resource.Layout.mtrl_alert_dialog_title = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.mtrl_alert_dialog_title; - global::Xamarin.Forms.Platform.Resource.Layout.mtrl_alert_select_dialog_item = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.mtrl_alert_select_dialog_item; - global::Xamarin.Forms.Platform.Resource.Layout.mtrl_alert_select_dialog_multichoice = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.mtrl_alert_select_dialog_multichoice; - global::Xamarin.Forms.Platform.Resource.Layout.mtrl_alert_select_dialog_singlechoice = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.mtrl_alert_select_dialog_singlechoice; - global::Xamarin.Forms.Platform.Resource.Layout.mtrl_calendar_day = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.mtrl_calendar_day; - global::Xamarin.Forms.Platform.Resource.Layout.mtrl_calendar_days_of_week = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.mtrl_calendar_days_of_week; - global::Xamarin.Forms.Platform.Resource.Layout.mtrl_calendar_day_of_week = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.mtrl_calendar_day_of_week; - global::Xamarin.Forms.Platform.Resource.Layout.mtrl_calendar_horizontal = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.mtrl_calendar_horizontal; - global::Xamarin.Forms.Platform.Resource.Layout.mtrl_calendar_month = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.mtrl_calendar_month; - global::Xamarin.Forms.Platform.Resource.Layout.mtrl_calendar_months = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.mtrl_calendar_months; - global::Xamarin.Forms.Platform.Resource.Layout.mtrl_calendar_month_labeled = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.mtrl_calendar_month_labeled; - global::Xamarin.Forms.Platform.Resource.Layout.mtrl_calendar_month_navigation = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.mtrl_calendar_month_navigation; - global::Xamarin.Forms.Platform.Resource.Layout.mtrl_calendar_vertical = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.mtrl_calendar_vertical; - global::Xamarin.Forms.Platform.Resource.Layout.mtrl_calendar_year = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.mtrl_calendar_year; - global::Xamarin.Forms.Platform.Resource.Layout.mtrl_layout_snackbar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.mtrl_layout_snackbar; - global::Xamarin.Forms.Platform.Resource.Layout.mtrl_layout_snackbar_include = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.mtrl_layout_snackbar_include; - global::Xamarin.Forms.Platform.Resource.Layout.mtrl_picker_actions = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.mtrl_picker_actions; - global::Xamarin.Forms.Platform.Resource.Layout.mtrl_picker_dialog = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.mtrl_picker_dialog; - global::Xamarin.Forms.Platform.Resource.Layout.mtrl_picker_fullscreen = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.mtrl_picker_fullscreen; - global::Xamarin.Forms.Platform.Resource.Layout.mtrl_picker_header_dialog = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.mtrl_picker_header_dialog; - global::Xamarin.Forms.Platform.Resource.Layout.mtrl_picker_header_fullscreen = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.mtrl_picker_header_fullscreen; - global::Xamarin.Forms.Platform.Resource.Layout.mtrl_picker_header_selection_text = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.mtrl_picker_header_selection_text; - global::Xamarin.Forms.Platform.Resource.Layout.mtrl_picker_header_title_text = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.mtrl_picker_header_title_text; - global::Xamarin.Forms.Platform.Resource.Layout.mtrl_picker_header_toggle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.mtrl_picker_header_toggle; - global::Xamarin.Forms.Platform.Resource.Layout.mtrl_picker_text_input_date = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.mtrl_picker_text_input_date; - global::Xamarin.Forms.Platform.Resource.Layout.mtrl_picker_text_input_date_range = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.mtrl_picker_text_input_date_range; - global::Xamarin.Forms.Platform.Resource.Layout.notification_action = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.notification_action; - global::Xamarin.Forms.Platform.Resource.Layout.notification_action_tombstone = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.notification_action_tombstone; - global::Xamarin.Forms.Platform.Resource.Layout.notification_media_action = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.notification_media_action; - global::Xamarin.Forms.Platform.Resource.Layout.notification_media_cancel_action = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.notification_media_cancel_action; - global::Xamarin.Forms.Platform.Resource.Layout.notification_template_big_media = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.notification_template_big_media; - global::Xamarin.Forms.Platform.Resource.Layout.notification_template_big_media_custom = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.notification_template_big_media_custom; - global::Xamarin.Forms.Platform.Resource.Layout.notification_template_big_media_narrow = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.notification_template_big_media_narrow; - global::Xamarin.Forms.Platform.Resource.Layout.notification_template_big_media_narrow_custom = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.notification_template_big_media_narrow_custom; - global::Xamarin.Forms.Platform.Resource.Layout.notification_template_custom_big = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.notification_template_custom_big; - global::Xamarin.Forms.Platform.Resource.Layout.notification_template_icon_group = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.notification_template_icon_group; - global::Xamarin.Forms.Platform.Resource.Layout.notification_template_lines_media = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.notification_template_lines_media; - global::Xamarin.Forms.Platform.Resource.Layout.notification_template_media = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.notification_template_media; - global::Xamarin.Forms.Platform.Resource.Layout.notification_template_media_custom = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.notification_template_media_custom; - global::Xamarin.Forms.Platform.Resource.Layout.notification_template_part_chronometer = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.notification_template_part_chronometer; - global::Xamarin.Forms.Platform.Resource.Layout.notification_template_part_time = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.notification_template_part_time; - global::Xamarin.Forms.Platform.Resource.Layout.RootLayout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.RootLayout; - global::Xamarin.Forms.Platform.Resource.Layout.select_dialog_item_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.select_dialog_item_material; - global::Xamarin.Forms.Platform.Resource.Layout.select_dialog_multichoice_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.select_dialog_multichoice_material; - global::Xamarin.Forms.Platform.Resource.Layout.select_dialog_singlechoice_material = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.select_dialog_singlechoice_material; - global::Xamarin.Forms.Platform.Resource.Layout.ShellContent = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.ShellContent; - global::Xamarin.Forms.Platform.Resource.Layout.support_simple_spinner_dropdown_item = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.support_simple_spinner_dropdown_item; - global::Xamarin.Forms.Platform.Resource.Layout.Tabbar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.Tabbar; - global::Xamarin.Forms.Platform.Resource.Layout.test_action_chip = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.test_action_chip; - global::Xamarin.Forms.Platform.Resource.Layout.test_chip_zero_corner_radius = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.test_chip_zero_corner_radius; - global::Xamarin.Forms.Platform.Resource.Layout.test_design_checkbox = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.test_design_checkbox; - global::Xamarin.Forms.Platform.Resource.Layout.test_design_radiobutton = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.test_design_radiobutton; - global::Xamarin.Forms.Platform.Resource.Layout.test_reflow_chipgroup = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.test_reflow_chipgroup; - global::Xamarin.Forms.Platform.Resource.Layout.test_toolbar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.test_toolbar; - global::Xamarin.Forms.Platform.Resource.Layout.test_toolbar_custom_background = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.test_toolbar_custom_background; - global::Xamarin.Forms.Platform.Resource.Layout.test_toolbar_elevation = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.test_toolbar_elevation; - global::Xamarin.Forms.Platform.Resource.Layout.test_toolbar_surface = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.test_toolbar_surface; - global::Xamarin.Forms.Platform.Resource.Layout.text_view_without_line_height = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.text_view_without_line_height; - global::Xamarin.Forms.Platform.Resource.Layout.text_view_with_line_height_from_appearance = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.text_view_with_line_height_from_appearance; - global::Xamarin.Forms.Platform.Resource.Layout.text_view_with_line_height_from_layout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.text_view_with_line_height_from_layout; - global::Xamarin.Forms.Platform.Resource.Layout.text_view_with_line_height_from_style = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.text_view_with_line_height_from_style; - global::Xamarin.Forms.Platform.Resource.Layout.text_view_with_theme_line_height = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.text_view_with_theme_line_height; - global::Xamarin.Forms.Platform.Resource.Layout.Toolbar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Layout.Toolbar; - global::Xamarin.Forms.Platform.Resource.Plurals.mtrl_badge_content_description = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Plurals.mtrl_badge_content_description; - global::Xamarin.Forms.Platform.Resource.String.abc_action_bar_home_description = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.abc_action_bar_home_description; - global::Xamarin.Forms.Platform.Resource.String.abc_action_bar_up_description = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.abc_action_bar_up_description; - global::Xamarin.Forms.Platform.Resource.String.abc_action_menu_overflow_description = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.abc_action_menu_overflow_description; - global::Xamarin.Forms.Platform.Resource.String.abc_action_mode_done = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.abc_action_mode_done; - global::Xamarin.Forms.Platform.Resource.String.abc_activitychooserview_choose_application = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.abc_activitychooserview_choose_application; - global::Xamarin.Forms.Platform.Resource.String.abc_activity_chooser_view_see_all = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.abc_activity_chooser_view_see_all; - global::Xamarin.Forms.Platform.Resource.String.abc_capital_off = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.abc_capital_off; - global::Xamarin.Forms.Platform.Resource.String.abc_capital_on = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.abc_capital_on; - global::Xamarin.Forms.Platform.Resource.String.abc_menu_alt_shortcut_label = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.abc_menu_alt_shortcut_label; - global::Xamarin.Forms.Platform.Resource.String.abc_menu_ctrl_shortcut_label = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.abc_menu_ctrl_shortcut_label; - global::Xamarin.Forms.Platform.Resource.String.abc_menu_delete_shortcut_label = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.abc_menu_delete_shortcut_label; - global::Xamarin.Forms.Platform.Resource.String.abc_menu_enter_shortcut_label = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.abc_menu_enter_shortcut_label; - global::Xamarin.Forms.Platform.Resource.String.abc_menu_function_shortcut_label = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.abc_menu_function_shortcut_label; - global::Xamarin.Forms.Platform.Resource.String.abc_menu_meta_shortcut_label = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.abc_menu_meta_shortcut_label; - global::Xamarin.Forms.Platform.Resource.String.abc_menu_shift_shortcut_label = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.abc_menu_shift_shortcut_label; - global::Xamarin.Forms.Platform.Resource.String.abc_menu_space_shortcut_label = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.abc_menu_space_shortcut_label; - global::Xamarin.Forms.Platform.Resource.String.abc_menu_sym_shortcut_label = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.abc_menu_sym_shortcut_label; - global::Xamarin.Forms.Platform.Resource.String.abc_prepend_shortcut_label = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.abc_prepend_shortcut_label; - global::Xamarin.Forms.Platform.Resource.String.abc_searchview_description_clear = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.abc_searchview_description_clear; - global::Xamarin.Forms.Platform.Resource.String.abc_searchview_description_query = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.abc_searchview_description_query; - global::Xamarin.Forms.Platform.Resource.String.abc_searchview_description_search = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.abc_searchview_description_search; - global::Xamarin.Forms.Platform.Resource.String.abc_searchview_description_submit = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.abc_searchview_description_submit; - global::Xamarin.Forms.Platform.Resource.String.abc_searchview_description_voice = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.abc_searchview_description_voice; - global::Xamarin.Forms.Platform.Resource.String.abc_search_hint = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.abc_search_hint; - global::Xamarin.Forms.Platform.Resource.String.abc_shareactionprovider_share_with = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.abc_shareactionprovider_share_with; - global::Xamarin.Forms.Platform.Resource.String.abc_shareactionprovider_share_with_application = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.abc_shareactionprovider_share_with_application; - global::Xamarin.Forms.Platform.Resource.String.abc_toolbar_collapse_description = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.abc_toolbar_collapse_description; - global::Xamarin.Forms.Platform.Resource.String.appbar_scrolling_view_behavior = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.appbar_scrolling_view_behavior; - global::Xamarin.Forms.Platform.Resource.String.bottom_sheet_behavior = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.bottom_sheet_behavior; - global::Xamarin.Forms.Platform.Resource.String.character_counter_content_description = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.character_counter_content_description; - global::Xamarin.Forms.Platform.Resource.String.character_counter_overflowed_content_description = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.character_counter_overflowed_content_description; - global::Xamarin.Forms.Platform.Resource.String.character_counter_pattern = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.character_counter_pattern; - global::Xamarin.Forms.Platform.Resource.String.chip_text = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.chip_text; - global::Xamarin.Forms.Platform.Resource.String.clear_text_end_icon_content_description = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.clear_text_end_icon_content_description; - global::Xamarin.Forms.Platform.Resource.String.error_icon_content_description = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.error_icon_content_description; - global::Xamarin.Forms.Platform.Resource.String.exposed_dropdown_menu_content_description = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.exposed_dropdown_menu_content_description; - global::Xamarin.Forms.Platform.Resource.String.fab_transformation_scrim_behavior = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.fab_transformation_scrim_behavior; - global::Xamarin.Forms.Platform.Resource.String.fab_transformation_sheet_behavior = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.fab_transformation_sheet_behavior; - global::Xamarin.Forms.Platform.Resource.String.hide_bottom_view_on_scroll_behavior = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.hide_bottom_view_on_scroll_behavior; - global::Xamarin.Forms.Platform.Resource.String.icon_content_description = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.icon_content_description; - global::Xamarin.Forms.Platform.Resource.String.item_view_role_description = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.item_view_role_description; - global::Xamarin.Forms.Platform.Resource.String.material_slider_range_end = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.material_slider_range_end; - global::Xamarin.Forms.Platform.Resource.String.material_slider_range_start = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.material_slider_range_start; - global::Xamarin.Forms.Platform.Resource.String.mtrl_badge_numberless_content_description = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.mtrl_badge_numberless_content_description; - global::Xamarin.Forms.Platform.Resource.String.mtrl_chip_close_icon_content_description = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.mtrl_chip_close_icon_content_description; - global::Xamarin.Forms.Platform.Resource.String.mtrl_exceed_max_badge_number_content_description = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.mtrl_exceed_max_badge_number_content_description; - global::Xamarin.Forms.Platform.Resource.String.mtrl_exceed_max_badge_number_suffix = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.mtrl_exceed_max_badge_number_suffix; - global::Xamarin.Forms.Platform.Resource.String.mtrl_picker_a11y_next_month = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.mtrl_picker_a11y_next_month; - global::Xamarin.Forms.Platform.Resource.String.mtrl_picker_a11y_prev_month = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.mtrl_picker_a11y_prev_month; - global::Xamarin.Forms.Platform.Resource.String.mtrl_picker_announce_current_selection = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.mtrl_picker_announce_current_selection; - global::Xamarin.Forms.Platform.Resource.String.mtrl_picker_cancel = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.mtrl_picker_cancel; - global::Xamarin.Forms.Platform.Resource.String.mtrl_picker_confirm = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.mtrl_picker_confirm; - global::Xamarin.Forms.Platform.Resource.String.mtrl_picker_date_header_selected = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.mtrl_picker_date_header_selected; - global::Xamarin.Forms.Platform.Resource.String.mtrl_picker_date_header_title = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.mtrl_picker_date_header_title; - global::Xamarin.Forms.Platform.Resource.String.mtrl_picker_date_header_unselected = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.mtrl_picker_date_header_unselected; - global::Xamarin.Forms.Platform.Resource.String.mtrl_picker_day_of_week_column_header = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.mtrl_picker_day_of_week_column_header; - global::Xamarin.Forms.Platform.Resource.String.mtrl_picker_invalid_format = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.mtrl_picker_invalid_format; - global::Xamarin.Forms.Platform.Resource.String.mtrl_picker_invalid_format_example = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.mtrl_picker_invalid_format_example; - global::Xamarin.Forms.Platform.Resource.String.mtrl_picker_invalid_format_use = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.mtrl_picker_invalid_format_use; - global::Xamarin.Forms.Platform.Resource.String.mtrl_picker_invalid_range = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.mtrl_picker_invalid_range; - global::Xamarin.Forms.Platform.Resource.String.mtrl_picker_navigate_to_year_description = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.mtrl_picker_navigate_to_year_description; - global::Xamarin.Forms.Platform.Resource.String.mtrl_picker_out_of_range = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.mtrl_picker_out_of_range; - global::Xamarin.Forms.Platform.Resource.String.mtrl_picker_range_header_only_end_selected = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.mtrl_picker_range_header_only_end_selected; - global::Xamarin.Forms.Platform.Resource.String.mtrl_picker_range_header_only_start_selected = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.mtrl_picker_range_header_only_start_selected; - global::Xamarin.Forms.Platform.Resource.String.mtrl_picker_range_header_selected = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.mtrl_picker_range_header_selected; - global::Xamarin.Forms.Platform.Resource.String.mtrl_picker_range_header_title = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.mtrl_picker_range_header_title; - global::Xamarin.Forms.Platform.Resource.String.mtrl_picker_range_header_unselected = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.mtrl_picker_range_header_unselected; - global::Xamarin.Forms.Platform.Resource.String.mtrl_picker_save = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.mtrl_picker_save; - global::Xamarin.Forms.Platform.Resource.String.mtrl_picker_text_input_date_hint = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.mtrl_picker_text_input_date_hint; - global::Xamarin.Forms.Platform.Resource.String.mtrl_picker_text_input_date_range_end_hint = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.mtrl_picker_text_input_date_range_end_hint; - global::Xamarin.Forms.Platform.Resource.String.mtrl_picker_text_input_date_range_start_hint = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.mtrl_picker_text_input_date_range_start_hint; - global::Xamarin.Forms.Platform.Resource.String.mtrl_picker_text_input_day_abbr = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.mtrl_picker_text_input_day_abbr; - global::Xamarin.Forms.Platform.Resource.String.mtrl_picker_text_input_month_abbr = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.mtrl_picker_text_input_month_abbr; - global::Xamarin.Forms.Platform.Resource.String.mtrl_picker_text_input_year_abbr = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.mtrl_picker_text_input_year_abbr; - global::Xamarin.Forms.Platform.Resource.String.mtrl_picker_toggle_to_calendar_input_mode = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.mtrl_picker_toggle_to_calendar_input_mode; - global::Xamarin.Forms.Platform.Resource.String.mtrl_picker_toggle_to_day_selection = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.mtrl_picker_toggle_to_day_selection; - global::Xamarin.Forms.Platform.Resource.String.mtrl_picker_toggle_to_text_input_mode = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.mtrl_picker_toggle_to_text_input_mode; - global::Xamarin.Forms.Platform.Resource.String.mtrl_picker_toggle_to_year_selection = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.mtrl_picker_toggle_to_year_selection; - global::Xamarin.Forms.Platform.Resource.String.nav_app_bar_navigate_up_description = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.nav_app_bar_navigate_up_description; - global::Xamarin.Forms.Platform.Resource.String.nav_app_bar_open_drawer_description = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.nav_app_bar_open_drawer_description; - global::Xamarin.Forms.Platform.Resource.String.overflow_tab_title = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.overflow_tab_title; - global::Xamarin.Forms.Platform.Resource.String.password_toggle_content_description = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.password_toggle_content_description; - global::Xamarin.Forms.Platform.Resource.String.path_password_eye = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.path_password_eye; - global::Xamarin.Forms.Platform.Resource.String.path_password_eye_mask_strike_through = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.path_password_eye_mask_strike_through; - global::Xamarin.Forms.Platform.Resource.String.path_password_eye_mask_visible = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.path_password_eye_mask_visible; - global::Xamarin.Forms.Platform.Resource.String.path_password_strike_through = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.path_password_strike_through; - global::Xamarin.Forms.Platform.Resource.String.search_menu_title = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.search_menu_title; - global::Xamarin.Forms.Platform.Resource.String.status_bar_notification_info_overflow = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.String.status_bar_notification_info_overflow; - global::Xamarin.Forms.Platform.Resource.Style.AlertDialog_AppCompat = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.AlertDialog_AppCompat; - global::Xamarin.Forms.Platform.Resource.Style.AlertDialog_AppCompat_Light = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.AlertDialog_AppCompat_Light; - global::Xamarin.Forms.Platform.Resource.Style.AndroidThemeColorAccentYellow = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.AndroidThemeColorAccentYellow; - global::Xamarin.Forms.Platform.Resource.Style.Animation_AppCompat_Dialog = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Animation_AppCompat_Dialog; - global::Xamarin.Forms.Platform.Resource.Style.Animation_AppCompat_DropDownUp = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Animation_AppCompat_DropDownUp; - global::Xamarin.Forms.Platform.Resource.Style.Animation_AppCompat_Tooltip = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Animation_AppCompat_Tooltip; - global::Xamarin.Forms.Platform.Resource.Style.Animation_Design_BottomSheetDialog = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Animation_Design_BottomSheetDialog; - global::Xamarin.Forms.Platform.Resource.Style.Animation_MaterialComponents_BottomSheetDialog = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Animation_MaterialComponents_BottomSheetDialog; - global::Xamarin.Forms.Platform.Resource.Style.AppCompatDialogStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.AppCompatDialogStyle; - global::Xamarin.Forms.Platform.Resource.Style.Base_AlertDialog_AppCompat = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_AlertDialog_AppCompat; - global::Xamarin.Forms.Platform.Resource.Style.Base_AlertDialog_AppCompat_Light = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_AlertDialog_AppCompat_Light; - global::Xamarin.Forms.Platform.Resource.Style.Base_Animation_AppCompat_Dialog = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Animation_AppCompat_Dialog; - global::Xamarin.Forms.Platform.Resource.Style.Base_Animation_AppCompat_DropDownUp = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Animation_AppCompat_DropDownUp; - global::Xamarin.Forms.Platform.Resource.Style.Base_Animation_AppCompat_Tooltip = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Animation_AppCompat_Tooltip; - global::Xamarin.Forms.Platform.Resource.Style.Base_CardView = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_CardView; - global::Xamarin.Forms.Platform.Resource.Style.Base_DialogWindowTitleBackground_AppCompat = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_DialogWindowTitleBackground_AppCompat; - global::Xamarin.Forms.Platform.Resource.Style.Base_DialogWindowTitle_AppCompat = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_DialogWindowTitle_AppCompat; - global::Xamarin.Forms.Platform.Resource.Style.Base_MaterialAlertDialog_MaterialComponents_Title_Icon = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_MaterialAlertDialog_MaterialComponents_Title_Icon; - global::Xamarin.Forms.Platform.Resource.Style.Base_MaterialAlertDialog_MaterialComponents_Title_Panel = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_MaterialAlertDialog_MaterialComponents_Title_Panel; - global::Xamarin.Forms.Platform.Resource.Style.Base_MaterialAlertDialog_MaterialComponents_Title_Text = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_MaterialAlertDialog_MaterialComponents_Title_Text; - global::Xamarin.Forms.Platform.Resource.Style.Base_TextAppearance_AppCompat = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_TextAppearance_AppCompat; - global::Xamarin.Forms.Platform.Resource.Style.Base_TextAppearance_AppCompat_Body1 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_TextAppearance_AppCompat_Body1; - global::Xamarin.Forms.Platform.Resource.Style.Base_TextAppearance_AppCompat_Body2 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_TextAppearance_AppCompat_Body2; - global::Xamarin.Forms.Platform.Resource.Style.Base_TextAppearance_AppCompat_Button = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_TextAppearance_AppCompat_Button; - global::Xamarin.Forms.Platform.Resource.Style.Base_TextAppearance_AppCompat_Caption = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_TextAppearance_AppCompat_Caption; - global::Xamarin.Forms.Platform.Resource.Style.Base_TextAppearance_AppCompat_Display1 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_TextAppearance_AppCompat_Display1; - global::Xamarin.Forms.Platform.Resource.Style.Base_TextAppearance_AppCompat_Display2 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_TextAppearance_AppCompat_Display2; - global::Xamarin.Forms.Platform.Resource.Style.Base_TextAppearance_AppCompat_Display3 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_TextAppearance_AppCompat_Display3; - global::Xamarin.Forms.Platform.Resource.Style.Base_TextAppearance_AppCompat_Display4 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_TextAppearance_AppCompat_Display4; - global::Xamarin.Forms.Platform.Resource.Style.Base_TextAppearance_AppCompat_Headline = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_TextAppearance_AppCompat_Headline; - global::Xamarin.Forms.Platform.Resource.Style.Base_TextAppearance_AppCompat_Inverse = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_TextAppearance_AppCompat_Inverse; - global::Xamarin.Forms.Platform.Resource.Style.Base_TextAppearance_AppCompat_Large = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_TextAppearance_AppCompat_Large; - global::Xamarin.Forms.Platform.Resource.Style.Base_TextAppearance_AppCompat_Large_Inverse = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_TextAppearance_AppCompat_Large_Inverse; - global::Xamarin.Forms.Platform.Resource.Style.Base_TextAppearance_AppCompat_Light_Widget_PopupMenu_Large = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_TextAppearance_AppCompat_Light_Widget_PopupMenu_Large; - global::Xamarin.Forms.Platform.Resource.Style.Base_TextAppearance_AppCompat_Light_Widget_PopupMenu_Small = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_TextAppearance_AppCompat_Light_Widget_PopupMenu_Small; - global::Xamarin.Forms.Platform.Resource.Style.Base_TextAppearance_AppCompat_Medium = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_TextAppearance_AppCompat_Medium; - global::Xamarin.Forms.Platform.Resource.Style.Base_TextAppearance_AppCompat_Medium_Inverse = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_TextAppearance_AppCompat_Medium_Inverse; - global::Xamarin.Forms.Platform.Resource.Style.Base_TextAppearance_AppCompat_Menu = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_TextAppearance_AppCompat_Menu; - global::Xamarin.Forms.Platform.Resource.Style.Base_TextAppearance_AppCompat_SearchResult = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_TextAppearance_AppCompat_SearchResult; - global::Xamarin.Forms.Platform.Resource.Style.Base_TextAppearance_AppCompat_SearchResult_Subtitle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_TextAppearance_AppCompat_SearchResult_Subtitle; - global::Xamarin.Forms.Platform.Resource.Style.Base_TextAppearance_AppCompat_SearchResult_Title = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_TextAppearance_AppCompat_SearchResult_Title; - global::Xamarin.Forms.Platform.Resource.Style.Base_TextAppearance_AppCompat_Small = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_TextAppearance_AppCompat_Small; - global::Xamarin.Forms.Platform.Resource.Style.Base_TextAppearance_AppCompat_Small_Inverse = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_TextAppearance_AppCompat_Small_Inverse; - global::Xamarin.Forms.Platform.Resource.Style.Base_TextAppearance_AppCompat_Subhead = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_TextAppearance_AppCompat_Subhead; - global::Xamarin.Forms.Platform.Resource.Style.Base_TextAppearance_AppCompat_Subhead_Inverse = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_TextAppearance_AppCompat_Subhead_Inverse; - global::Xamarin.Forms.Platform.Resource.Style.Base_TextAppearance_AppCompat_Title = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_TextAppearance_AppCompat_Title; - global::Xamarin.Forms.Platform.Resource.Style.Base_TextAppearance_AppCompat_Title_Inverse = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_TextAppearance_AppCompat_Title_Inverse; - global::Xamarin.Forms.Platform.Resource.Style.Base_TextAppearance_AppCompat_Tooltip = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_TextAppearance_AppCompat_Tooltip; - global::Xamarin.Forms.Platform.Resource.Style.Base_TextAppearance_AppCompat_Widget_ActionBar_Menu = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_TextAppearance_AppCompat_Widget_ActionBar_Menu; - global::Xamarin.Forms.Platform.Resource.Style.Base_TextAppearance_AppCompat_Widget_ActionBar_Subtitle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_TextAppearance_AppCompat_Widget_ActionBar_Subtitle; - global::Xamarin.Forms.Platform.Resource.Style.Base_TextAppearance_AppCompat_Widget_ActionBar_Subtitle_Inverse = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_TextAppearance_AppCompat_Widget_ActionBar_Subtitle_Inverse; - global::Xamarin.Forms.Platform.Resource.Style.Base_TextAppearance_AppCompat_Widget_ActionBar_Title = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_TextAppearance_AppCompat_Widget_ActionBar_Title; - global::Xamarin.Forms.Platform.Resource.Style.Base_TextAppearance_AppCompat_Widget_ActionBar_Title_Inverse = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_TextAppearance_AppCompat_Widget_ActionBar_Title_Inverse; - global::Xamarin.Forms.Platform.Resource.Style.Base_TextAppearance_AppCompat_Widget_ActionMode_Subtitle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_TextAppearance_AppCompat_Widget_ActionMode_Subtitle; - global::Xamarin.Forms.Platform.Resource.Style.Base_TextAppearance_AppCompat_Widget_ActionMode_Title = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_TextAppearance_AppCompat_Widget_ActionMode_Title; - global::Xamarin.Forms.Platform.Resource.Style.Base_TextAppearance_AppCompat_Widget_Button = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_TextAppearance_AppCompat_Widget_Button; - global::Xamarin.Forms.Platform.Resource.Style.Base_TextAppearance_AppCompat_Widget_Button_Borderless_Colored = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_TextAppearance_AppCompat_Widget_Button_Borderless_Colored; - global::Xamarin.Forms.Platform.Resource.Style.Base_TextAppearance_AppCompat_Widget_Button_Colored = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_TextAppearance_AppCompat_Widget_Button_Colored; - global::Xamarin.Forms.Platform.Resource.Style.Base_TextAppearance_AppCompat_Widget_Button_Inverse = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_TextAppearance_AppCompat_Widget_Button_Inverse; - global::Xamarin.Forms.Platform.Resource.Style.Base_TextAppearance_AppCompat_Widget_DropDownItem = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_TextAppearance_AppCompat_Widget_DropDownItem; - global::Xamarin.Forms.Platform.Resource.Style.Base_TextAppearance_AppCompat_Widget_PopupMenu_Header = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_TextAppearance_AppCompat_Widget_PopupMenu_Header; - global::Xamarin.Forms.Platform.Resource.Style.Base_TextAppearance_AppCompat_Widget_PopupMenu_Large = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_TextAppearance_AppCompat_Widget_PopupMenu_Large; - global::Xamarin.Forms.Platform.Resource.Style.Base_TextAppearance_AppCompat_Widget_PopupMenu_Small = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_TextAppearance_AppCompat_Widget_PopupMenu_Small; - global::Xamarin.Forms.Platform.Resource.Style.Base_TextAppearance_AppCompat_Widget_Switch = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_TextAppearance_AppCompat_Widget_Switch; - global::Xamarin.Forms.Platform.Resource.Style.Base_TextAppearance_AppCompat_Widget_TextView_SpinnerItem = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_TextAppearance_AppCompat_Widget_TextView_SpinnerItem; - global::Xamarin.Forms.Platform.Resource.Style.Base_TextAppearance_MaterialComponents_Badge = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_TextAppearance_MaterialComponents_Badge; - global::Xamarin.Forms.Platform.Resource.Style.Base_TextAppearance_MaterialComponents_Button = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_TextAppearance_MaterialComponents_Button; - global::Xamarin.Forms.Platform.Resource.Style.Base_TextAppearance_MaterialComponents_Headline6 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_TextAppearance_MaterialComponents_Headline6; - global::Xamarin.Forms.Platform.Resource.Style.Base_TextAppearance_MaterialComponents_Subtitle2 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_TextAppearance_MaterialComponents_Subtitle2; - global::Xamarin.Forms.Platform.Resource.Style.Base_TextAppearance_Widget_AppCompat_ExpandedMenu_Item = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_TextAppearance_Widget_AppCompat_ExpandedMenu_Item; - global::Xamarin.Forms.Platform.Resource.Style.Base_TextAppearance_Widget_AppCompat_Toolbar_Subtitle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_TextAppearance_Widget_AppCompat_Toolbar_Subtitle; - global::Xamarin.Forms.Platform.Resource.Style.Base_TextAppearance_Widget_AppCompat_Toolbar_Title = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_TextAppearance_Widget_AppCompat_Toolbar_Title; - global::Xamarin.Forms.Platform.Resource.Style.Base_ThemeOverlay_AppCompat = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_ThemeOverlay_AppCompat; - global::Xamarin.Forms.Platform.Resource.Style.Base_ThemeOverlay_AppCompat_ActionBar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_ThemeOverlay_AppCompat_ActionBar; - global::Xamarin.Forms.Platform.Resource.Style.Base_ThemeOverlay_AppCompat_Dark = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_ThemeOverlay_AppCompat_Dark; - global::Xamarin.Forms.Platform.Resource.Style.Base_ThemeOverlay_AppCompat_Dark_ActionBar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_ThemeOverlay_AppCompat_Dark_ActionBar; - global::Xamarin.Forms.Platform.Resource.Style.Base_ThemeOverlay_AppCompat_Dialog = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_ThemeOverlay_AppCompat_Dialog; - global::Xamarin.Forms.Platform.Resource.Style.Base_ThemeOverlay_AppCompat_Dialog_Alert = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_ThemeOverlay_AppCompat_Dialog_Alert; - global::Xamarin.Forms.Platform.Resource.Style.Base_ThemeOverlay_AppCompat_Light = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_ThemeOverlay_AppCompat_Light; - global::Xamarin.Forms.Platform.Resource.Style.Base_ThemeOverlay_MaterialComponents_Dialog = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_ThemeOverlay_MaterialComponents_Dialog; - global::Xamarin.Forms.Platform.Resource.Style.Base_ThemeOverlay_MaterialComponents_Dialog_Alert = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_ThemeOverlay_MaterialComponents_Dialog_Alert; - global::Xamarin.Forms.Platform.Resource.Style.Base_ThemeOverlay_MaterialComponents_Dialog_Alert_Framework = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_ThemeOverlay_MaterialComponents_Dialog_Alert_Framework; - global::Xamarin.Forms.Platform.Resource.Style.Base_ThemeOverlay_MaterialComponents_Light_Dialog_Alert_Framework = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_ThemeOverlay_MaterialComponents_Light_Dialog_Alert_Framework; - global::Xamarin.Forms.Platform.Resource.Style.Base_ThemeOverlay_MaterialComponents_MaterialAlertDialog = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_ThemeOverlay_MaterialComponents_MaterialAlertDialog; - global::Xamarin.Forms.Platform.Resource.Style.Base_Theme_AppCompat = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Theme_AppCompat; - global::Xamarin.Forms.Platform.Resource.Style.Base_Theme_AppCompat_CompactMenu = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Theme_AppCompat_CompactMenu; - global::Xamarin.Forms.Platform.Resource.Style.Base_Theme_AppCompat_Dialog = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Theme_AppCompat_Dialog; - global::Xamarin.Forms.Platform.Resource.Style.Base_Theme_AppCompat_DialogWhenLarge = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Theme_AppCompat_DialogWhenLarge; - global::Xamarin.Forms.Platform.Resource.Style.Base_Theme_AppCompat_Dialog_Alert = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Theme_AppCompat_Dialog_Alert; - global::Xamarin.Forms.Platform.Resource.Style.Base_Theme_AppCompat_Dialog_FixedSize = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Theme_AppCompat_Dialog_FixedSize; - global::Xamarin.Forms.Platform.Resource.Style.Base_Theme_AppCompat_Dialog_MinWidth = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Theme_AppCompat_Dialog_MinWidth; - global::Xamarin.Forms.Platform.Resource.Style.Base_Theme_AppCompat_Light = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Theme_AppCompat_Light; - global::Xamarin.Forms.Platform.Resource.Style.Base_Theme_AppCompat_Light_DarkActionBar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Theme_AppCompat_Light_DarkActionBar; - global::Xamarin.Forms.Platform.Resource.Style.Base_Theme_AppCompat_Light_Dialog = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Theme_AppCompat_Light_Dialog; - global::Xamarin.Forms.Platform.Resource.Style.Base_Theme_AppCompat_Light_DialogWhenLarge = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Theme_AppCompat_Light_DialogWhenLarge; - global::Xamarin.Forms.Platform.Resource.Style.Base_Theme_AppCompat_Light_Dialog_Alert = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Theme_AppCompat_Light_Dialog_Alert; - global::Xamarin.Forms.Platform.Resource.Style.Base_Theme_AppCompat_Light_Dialog_FixedSize = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Theme_AppCompat_Light_Dialog_FixedSize; - global::Xamarin.Forms.Platform.Resource.Style.Base_Theme_AppCompat_Light_Dialog_MinWidth = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Theme_AppCompat_Light_Dialog_MinWidth; - global::Xamarin.Forms.Platform.Resource.Style.Base_Theme_MaterialComponents = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Theme_MaterialComponents; - global::Xamarin.Forms.Platform.Resource.Style.Base_Theme_MaterialComponents_Bridge = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Theme_MaterialComponents_Bridge; - global::Xamarin.Forms.Platform.Resource.Style.Base_Theme_MaterialComponents_CompactMenu = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Theme_MaterialComponents_CompactMenu; - global::Xamarin.Forms.Platform.Resource.Style.Base_Theme_MaterialComponents_Dialog = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Theme_MaterialComponents_Dialog; - global::Xamarin.Forms.Platform.Resource.Style.Base_Theme_MaterialComponents_DialogWhenLarge = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Theme_MaterialComponents_DialogWhenLarge; - global::Xamarin.Forms.Platform.Resource.Style.Base_Theme_MaterialComponents_Dialog_Alert = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Theme_MaterialComponents_Dialog_Alert; - global::Xamarin.Forms.Platform.Resource.Style.Base_Theme_MaterialComponents_Dialog_Bridge = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Theme_MaterialComponents_Dialog_Bridge; - global::Xamarin.Forms.Platform.Resource.Style.Base_Theme_MaterialComponents_Dialog_FixedSize = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Theme_MaterialComponents_Dialog_FixedSize; - global::Xamarin.Forms.Platform.Resource.Style.Base_Theme_MaterialComponents_Dialog_MinWidth = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Theme_MaterialComponents_Dialog_MinWidth; - global::Xamarin.Forms.Platform.Resource.Style.Base_Theme_MaterialComponents_Light = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Theme_MaterialComponents_Light; - global::Xamarin.Forms.Platform.Resource.Style.Base_Theme_MaterialComponents_Light_Bridge = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Theme_MaterialComponents_Light_Bridge; - global::Xamarin.Forms.Platform.Resource.Style.Base_Theme_MaterialComponents_Light_DarkActionBar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Theme_MaterialComponents_Light_DarkActionBar; - global::Xamarin.Forms.Platform.Resource.Style.Base_Theme_MaterialComponents_Light_DarkActionBar_Bridge = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Theme_MaterialComponents_Light_DarkActionBar_Bridge; - global::Xamarin.Forms.Platform.Resource.Style.Base_Theme_MaterialComponents_Light_Dialog = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Theme_MaterialComponents_Light_Dialog; - global::Xamarin.Forms.Platform.Resource.Style.Base_Theme_MaterialComponents_Light_DialogWhenLarge = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Theme_MaterialComponents_Light_DialogWhenLarge; - global::Xamarin.Forms.Platform.Resource.Style.Base_Theme_MaterialComponents_Light_Dialog_Alert = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Theme_MaterialComponents_Light_Dialog_Alert; - global::Xamarin.Forms.Platform.Resource.Style.Base_Theme_MaterialComponents_Light_Dialog_Bridge = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Theme_MaterialComponents_Light_Dialog_Bridge; - global::Xamarin.Forms.Platform.Resource.Style.Base_Theme_MaterialComponents_Light_Dialog_FixedSize = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Theme_MaterialComponents_Light_Dialog_FixedSize; - global::Xamarin.Forms.Platform.Resource.Style.Base_Theme_MaterialComponents_Light_Dialog_MinWidth = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Theme_MaterialComponents_Light_Dialog_MinWidth; - global::Xamarin.Forms.Platform.Resource.Style.Base_V14_ThemeOverlay_MaterialComponents_Dialog = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_V14_ThemeOverlay_MaterialComponents_Dialog; - global::Xamarin.Forms.Platform.Resource.Style.Base_V14_ThemeOverlay_MaterialComponents_Dialog_Alert = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_V14_ThemeOverlay_MaterialComponents_Dialog_Alert; - global::Xamarin.Forms.Platform.Resource.Style.Base_V14_ThemeOverlay_MaterialComponents_MaterialAlertDialog = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_V14_ThemeOverlay_MaterialComponents_MaterialAlertDialog; - global::Xamarin.Forms.Platform.Resource.Style.Base_V14_Theme_MaterialComponents = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_V14_Theme_MaterialComponents; - global::Xamarin.Forms.Platform.Resource.Style.Base_V14_Theme_MaterialComponents_Bridge = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_V14_Theme_MaterialComponents_Bridge; - global::Xamarin.Forms.Platform.Resource.Style.Base_V14_Theme_MaterialComponents_Dialog = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_V14_Theme_MaterialComponents_Dialog; - global::Xamarin.Forms.Platform.Resource.Style.Base_V14_Theme_MaterialComponents_Dialog_Bridge = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_V14_Theme_MaterialComponents_Dialog_Bridge; - global::Xamarin.Forms.Platform.Resource.Style.Base_V14_Theme_MaterialComponents_Light = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_V14_Theme_MaterialComponents_Light; - global::Xamarin.Forms.Platform.Resource.Style.Base_V14_Theme_MaterialComponents_Light_Bridge = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_V14_Theme_MaterialComponents_Light_Bridge; - global::Xamarin.Forms.Platform.Resource.Style.Base_V14_Theme_MaterialComponents_Light_DarkActionBar_Bridge = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_V14_Theme_MaterialComponents_Light_DarkActionBar_Bridge; - global::Xamarin.Forms.Platform.Resource.Style.Base_V14_Theme_MaterialComponents_Light_Dialog = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_V14_Theme_MaterialComponents_Light_Dialog; - global::Xamarin.Forms.Platform.Resource.Style.Base_V14_Theme_MaterialComponents_Light_Dialog_Bridge = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_V14_Theme_MaterialComponents_Light_Dialog_Bridge; - global::Xamarin.Forms.Platform.Resource.Style.Base_V21_ThemeOverlay_AppCompat_Dialog = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_V21_ThemeOverlay_AppCompat_Dialog; - global::Xamarin.Forms.Platform.Resource.Style.Base_V21_Theme_AppCompat = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_V21_Theme_AppCompat; - global::Xamarin.Forms.Platform.Resource.Style.Base_V21_Theme_AppCompat_Dialog = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_V21_Theme_AppCompat_Dialog; - global::Xamarin.Forms.Platform.Resource.Style.Base_V21_Theme_AppCompat_Light = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_V21_Theme_AppCompat_Light; - global::Xamarin.Forms.Platform.Resource.Style.Base_V21_Theme_AppCompat_Light_Dialog = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_V21_Theme_AppCompat_Light_Dialog; - global::Xamarin.Forms.Platform.Resource.Style.Base_V21_Theme_MaterialComponents = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_V21_Theme_MaterialComponents; - global::Xamarin.Forms.Platform.Resource.Style.Base_V21_Theme_MaterialComponents_Dialog = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_V21_Theme_MaterialComponents_Dialog; - global::Xamarin.Forms.Platform.Resource.Style.Base_V21_Theme_MaterialComponents_Light = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_V21_Theme_MaterialComponents_Light; - global::Xamarin.Forms.Platform.Resource.Style.Base_V21_Theme_MaterialComponents_Light_Dialog = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_V21_Theme_MaterialComponents_Light_Dialog; - global::Xamarin.Forms.Platform.Resource.Style.Base_V22_Theme_AppCompat = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_V22_Theme_AppCompat; - global::Xamarin.Forms.Platform.Resource.Style.Base_V22_Theme_AppCompat_Light = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_V22_Theme_AppCompat_Light; - global::Xamarin.Forms.Platform.Resource.Style.Base_V23_Theme_AppCompat = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_V23_Theme_AppCompat; - global::Xamarin.Forms.Platform.Resource.Style.Base_V23_Theme_AppCompat_Light = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_V23_Theme_AppCompat_Light; - global::Xamarin.Forms.Platform.Resource.Style.Base_V26_Theme_AppCompat = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_V26_Theme_AppCompat; - global::Xamarin.Forms.Platform.Resource.Style.Base_V26_Theme_AppCompat_Light = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_V26_Theme_AppCompat_Light; - global::Xamarin.Forms.Platform.Resource.Style.Base_V26_Widget_AppCompat_Toolbar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_V26_Widget_AppCompat_Toolbar; - global::Xamarin.Forms.Platform.Resource.Style.Base_V28_Theme_AppCompat = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_V28_Theme_AppCompat; - global::Xamarin.Forms.Platform.Resource.Style.Base_V28_Theme_AppCompat_Light = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_V28_Theme_AppCompat_Light; - global::Xamarin.Forms.Platform.Resource.Style.Base_V7_ThemeOverlay_AppCompat_Dialog = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_V7_ThemeOverlay_AppCompat_Dialog; - global::Xamarin.Forms.Platform.Resource.Style.Base_V7_Theme_AppCompat = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_V7_Theme_AppCompat; - global::Xamarin.Forms.Platform.Resource.Style.Base_V7_Theme_AppCompat_Dialog = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_V7_Theme_AppCompat_Dialog; - global::Xamarin.Forms.Platform.Resource.Style.Base_V7_Theme_AppCompat_Light = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_V7_Theme_AppCompat_Light; - global::Xamarin.Forms.Platform.Resource.Style.Base_V7_Theme_AppCompat_Light_Dialog = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_V7_Theme_AppCompat_Light_Dialog; - global::Xamarin.Forms.Platform.Resource.Style.Base_V7_Widget_AppCompat_AutoCompleteTextView = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_V7_Widget_AppCompat_AutoCompleteTextView; - global::Xamarin.Forms.Platform.Resource.Style.Base_V7_Widget_AppCompat_EditText = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_V7_Widget_AppCompat_EditText; - global::Xamarin.Forms.Platform.Resource.Style.Base_V7_Widget_AppCompat_Toolbar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_V7_Widget_AppCompat_Toolbar; - global::Xamarin.Forms.Platform.Resource.Style.Base_Widget_AppCompat_ActionBar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Widget_AppCompat_ActionBar; - global::Xamarin.Forms.Platform.Resource.Style.Base_Widget_AppCompat_ActionBar_Solid = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Widget_AppCompat_ActionBar_Solid; - global::Xamarin.Forms.Platform.Resource.Style.Base_Widget_AppCompat_ActionBar_TabBar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Widget_AppCompat_ActionBar_TabBar; - global::Xamarin.Forms.Platform.Resource.Style.Base_Widget_AppCompat_ActionBar_TabText = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Widget_AppCompat_ActionBar_TabText; - global::Xamarin.Forms.Platform.Resource.Style.Base_Widget_AppCompat_ActionBar_TabView = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Widget_AppCompat_ActionBar_TabView; - global::Xamarin.Forms.Platform.Resource.Style.Base_Widget_AppCompat_ActionButton = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Widget_AppCompat_ActionButton; - global::Xamarin.Forms.Platform.Resource.Style.Base_Widget_AppCompat_ActionButton_CloseMode = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Widget_AppCompat_ActionButton_CloseMode; - global::Xamarin.Forms.Platform.Resource.Style.Base_Widget_AppCompat_ActionButton_Overflow = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Widget_AppCompat_ActionButton_Overflow; - global::Xamarin.Forms.Platform.Resource.Style.Base_Widget_AppCompat_ActionMode = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Widget_AppCompat_ActionMode; - global::Xamarin.Forms.Platform.Resource.Style.Base_Widget_AppCompat_ActivityChooserView = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Widget_AppCompat_ActivityChooserView; - global::Xamarin.Forms.Platform.Resource.Style.Base_Widget_AppCompat_AutoCompleteTextView = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Widget_AppCompat_AutoCompleteTextView; - global::Xamarin.Forms.Platform.Resource.Style.Base_Widget_AppCompat_Button = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Widget_AppCompat_Button; - global::Xamarin.Forms.Platform.Resource.Style.Base_Widget_AppCompat_ButtonBar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Widget_AppCompat_ButtonBar; - global::Xamarin.Forms.Platform.Resource.Style.Base_Widget_AppCompat_ButtonBar_AlertDialog = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Widget_AppCompat_ButtonBar_AlertDialog; - global::Xamarin.Forms.Platform.Resource.Style.Base_Widget_AppCompat_Button_Borderless = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Widget_AppCompat_Button_Borderless; - global::Xamarin.Forms.Platform.Resource.Style.Base_Widget_AppCompat_Button_Borderless_Colored = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Widget_AppCompat_Button_Borderless_Colored; - global::Xamarin.Forms.Platform.Resource.Style.Base_Widget_AppCompat_Button_ButtonBar_AlertDialog = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Widget_AppCompat_Button_ButtonBar_AlertDialog; - global::Xamarin.Forms.Platform.Resource.Style.Base_Widget_AppCompat_Button_Colored = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Widget_AppCompat_Button_Colored; - global::Xamarin.Forms.Platform.Resource.Style.Base_Widget_AppCompat_Button_Small = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Widget_AppCompat_Button_Small; - global::Xamarin.Forms.Platform.Resource.Style.Base_Widget_AppCompat_CompoundButton_CheckBox = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Widget_AppCompat_CompoundButton_CheckBox; - global::Xamarin.Forms.Platform.Resource.Style.Base_Widget_AppCompat_CompoundButton_RadioButton = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Widget_AppCompat_CompoundButton_RadioButton; - global::Xamarin.Forms.Platform.Resource.Style.Base_Widget_AppCompat_CompoundButton_Switch = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Widget_AppCompat_CompoundButton_Switch; - global::Xamarin.Forms.Platform.Resource.Style.Base_Widget_AppCompat_DrawerArrowToggle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Widget_AppCompat_DrawerArrowToggle; - global::Xamarin.Forms.Platform.Resource.Style.Base_Widget_AppCompat_DrawerArrowToggle_Common = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Widget_AppCompat_DrawerArrowToggle_Common; - global::Xamarin.Forms.Platform.Resource.Style.Base_Widget_AppCompat_DropDownItem_Spinner = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Widget_AppCompat_DropDownItem_Spinner; - global::Xamarin.Forms.Platform.Resource.Style.Base_Widget_AppCompat_EditText = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Widget_AppCompat_EditText; - global::Xamarin.Forms.Platform.Resource.Style.Base_Widget_AppCompat_ImageButton = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Widget_AppCompat_ImageButton; - global::Xamarin.Forms.Platform.Resource.Style.Base_Widget_AppCompat_Light_ActionBar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Widget_AppCompat_Light_ActionBar; - global::Xamarin.Forms.Platform.Resource.Style.Base_Widget_AppCompat_Light_ActionBar_Solid = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Widget_AppCompat_Light_ActionBar_Solid; - global::Xamarin.Forms.Platform.Resource.Style.Base_Widget_AppCompat_Light_ActionBar_TabBar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Widget_AppCompat_Light_ActionBar_TabBar; - global::Xamarin.Forms.Platform.Resource.Style.Base_Widget_AppCompat_Light_ActionBar_TabText = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Widget_AppCompat_Light_ActionBar_TabText; - global::Xamarin.Forms.Platform.Resource.Style.Base_Widget_AppCompat_Light_ActionBar_TabText_Inverse = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Widget_AppCompat_Light_ActionBar_TabText_Inverse; - global::Xamarin.Forms.Platform.Resource.Style.Base_Widget_AppCompat_Light_ActionBar_TabView = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Widget_AppCompat_Light_ActionBar_TabView; - global::Xamarin.Forms.Platform.Resource.Style.Base_Widget_AppCompat_Light_PopupMenu = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Widget_AppCompat_Light_PopupMenu; - global::Xamarin.Forms.Platform.Resource.Style.Base_Widget_AppCompat_Light_PopupMenu_Overflow = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Widget_AppCompat_Light_PopupMenu_Overflow; - global::Xamarin.Forms.Platform.Resource.Style.Base_Widget_AppCompat_ListMenuView = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Widget_AppCompat_ListMenuView; - global::Xamarin.Forms.Platform.Resource.Style.Base_Widget_AppCompat_ListPopupWindow = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Widget_AppCompat_ListPopupWindow; - global::Xamarin.Forms.Platform.Resource.Style.Base_Widget_AppCompat_ListView = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Widget_AppCompat_ListView; - global::Xamarin.Forms.Platform.Resource.Style.Base_Widget_AppCompat_ListView_DropDown = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Widget_AppCompat_ListView_DropDown; - global::Xamarin.Forms.Platform.Resource.Style.Base_Widget_AppCompat_ListView_Menu = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Widget_AppCompat_ListView_Menu; - global::Xamarin.Forms.Platform.Resource.Style.Base_Widget_AppCompat_PopupMenu = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Widget_AppCompat_PopupMenu; - global::Xamarin.Forms.Platform.Resource.Style.Base_Widget_AppCompat_PopupMenu_Overflow = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Widget_AppCompat_PopupMenu_Overflow; - global::Xamarin.Forms.Platform.Resource.Style.Base_Widget_AppCompat_PopupWindow = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Widget_AppCompat_PopupWindow; - global::Xamarin.Forms.Platform.Resource.Style.Base_Widget_AppCompat_ProgressBar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Widget_AppCompat_ProgressBar; - global::Xamarin.Forms.Platform.Resource.Style.Base_Widget_AppCompat_ProgressBar_Horizontal = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Widget_AppCompat_ProgressBar_Horizontal; - global::Xamarin.Forms.Platform.Resource.Style.Base_Widget_AppCompat_RatingBar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Widget_AppCompat_RatingBar; - global::Xamarin.Forms.Platform.Resource.Style.Base_Widget_AppCompat_RatingBar_Indicator = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Widget_AppCompat_RatingBar_Indicator; - global::Xamarin.Forms.Platform.Resource.Style.Base_Widget_AppCompat_RatingBar_Small = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Widget_AppCompat_RatingBar_Small; - global::Xamarin.Forms.Platform.Resource.Style.Base_Widget_AppCompat_SearchView = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Widget_AppCompat_SearchView; - global::Xamarin.Forms.Platform.Resource.Style.Base_Widget_AppCompat_SearchView_ActionBar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Widget_AppCompat_SearchView_ActionBar; - global::Xamarin.Forms.Platform.Resource.Style.Base_Widget_AppCompat_SeekBar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Widget_AppCompat_SeekBar; - global::Xamarin.Forms.Platform.Resource.Style.Base_Widget_AppCompat_SeekBar_Discrete = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Widget_AppCompat_SeekBar_Discrete; - global::Xamarin.Forms.Platform.Resource.Style.Base_Widget_AppCompat_Spinner = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Widget_AppCompat_Spinner; - global::Xamarin.Forms.Platform.Resource.Style.Base_Widget_AppCompat_Spinner_Underlined = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Widget_AppCompat_Spinner_Underlined; - global::Xamarin.Forms.Platform.Resource.Style.Base_Widget_AppCompat_TextView = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Widget_AppCompat_TextView; - global::Xamarin.Forms.Platform.Resource.Style.Base_Widget_AppCompat_TextView_SpinnerItem = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Widget_AppCompat_TextView_SpinnerItem; - global::Xamarin.Forms.Platform.Resource.Style.Base_Widget_AppCompat_Toolbar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Widget_AppCompat_Toolbar; - global::Xamarin.Forms.Platform.Resource.Style.Base_Widget_AppCompat_Toolbar_Button_Navigation = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Widget_AppCompat_Toolbar_Button_Navigation; - global::Xamarin.Forms.Platform.Resource.Style.Base_Widget_Design_TabLayout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Widget_Design_TabLayout; - global::Xamarin.Forms.Platform.Resource.Style.Base_Widget_MaterialComponents_AutoCompleteTextView = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Widget_MaterialComponents_AutoCompleteTextView; - global::Xamarin.Forms.Platform.Resource.Style.Base_Widget_MaterialComponents_CheckedTextView = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Widget_MaterialComponents_CheckedTextView; - global::Xamarin.Forms.Platform.Resource.Style.Base_Widget_MaterialComponents_Chip = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Widget_MaterialComponents_Chip; - global::Xamarin.Forms.Platform.Resource.Style.Base_Widget_MaterialComponents_PopupMenu = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Widget_MaterialComponents_PopupMenu; - global::Xamarin.Forms.Platform.Resource.Style.Base_Widget_MaterialComponents_PopupMenu_ContextMenu = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Widget_MaterialComponents_PopupMenu_ContextMenu; - global::Xamarin.Forms.Platform.Resource.Style.Base_Widget_MaterialComponents_PopupMenu_ListPopupWindow = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Widget_MaterialComponents_PopupMenu_ListPopupWindow; - global::Xamarin.Forms.Platform.Resource.Style.Base_Widget_MaterialComponents_PopupMenu_Overflow = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Widget_MaterialComponents_PopupMenu_Overflow; - global::Xamarin.Forms.Platform.Resource.Style.Base_Widget_MaterialComponents_Slider = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Widget_MaterialComponents_Slider; - global::Xamarin.Forms.Platform.Resource.Style.Base_Widget_MaterialComponents_TextInputEditText = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Widget_MaterialComponents_TextInputEditText; - global::Xamarin.Forms.Platform.Resource.Style.Base_Widget_MaterialComponents_TextInputLayout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Widget_MaterialComponents_TextInputLayout; - global::Xamarin.Forms.Platform.Resource.Style.Base_Widget_MaterialComponents_TextView = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Base_Widget_MaterialComponents_TextView; - global::Xamarin.Forms.Platform.Resource.Style.CardView = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.CardView; - global::Xamarin.Forms.Platform.Resource.Style.CardView_Dark = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.CardView_Dark; - global::Xamarin.Forms.Platform.Resource.Style.CardView_Light = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.CardView_Light; - global::Xamarin.Forms.Platform.Resource.Style.collectionViewTheme = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.collectionViewTheme; - global::Xamarin.Forms.Platform.Resource.Style.EmptyTheme = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.EmptyTheme; - global::Xamarin.Forms.Platform.Resource.Style.MainTheme = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.MainTheme; - global::Xamarin.Forms.Platform.Resource.Style.MainTheme_Base = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.MainTheme_Base; - global::Xamarin.Forms.Platform.Resource.Style.MaterialAlertDialog_MaterialComponents = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.MaterialAlertDialog_MaterialComponents; - global::Xamarin.Forms.Platform.Resource.Style.MaterialAlertDialog_MaterialComponents_Body_Text = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.MaterialAlertDialog_MaterialComponents_Body_Text; - global::Xamarin.Forms.Platform.Resource.Style.MaterialAlertDialog_MaterialComponents_Picker_Date_Calendar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.MaterialAlertDialog_MaterialComponents_Picker_Date_Calendar; - global::Xamarin.Forms.Platform.Resource.Style.MaterialAlertDialog_MaterialComponents_Picker_Date_Spinner = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.MaterialAlertDialog_MaterialComponents_Picker_Date_Spinner; - global::Xamarin.Forms.Platform.Resource.Style.MaterialAlertDialog_MaterialComponents_Title_Icon = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.MaterialAlertDialog_MaterialComponents_Title_Icon; - global::Xamarin.Forms.Platform.Resource.Style.MaterialAlertDialog_MaterialComponents_Title_Icon_CenterStacked = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.MaterialAlertDialog_MaterialComponents_Title_Icon_CenterStacked; - global::Xamarin.Forms.Platform.Resource.Style.MaterialAlertDialog_MaterialComponents_Title_Panel = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.MaterialAlertDialog_MaterialComponents_Title_Panel; - global::Xamarin.Forms.Platform.Resource.Style.MaterialAlertDialog_MaterialComponents_Title_Panel_CenterStacked = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.MaterialAlertDialog_MaterialComponents_Title_Panel_CenterStacked; - global::Xamarin.Forms.Platform.Resource.Style.MaterialAlertDialog_MaterialComponents_Title_Text = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.MaterialAlertDialog_MaterialComponents_Title_Text; - global::Xamarin.Forms.Platform.Resource.Style.MaterialAlertDialog_MaterialComponents_Title_Text_CenterStacked = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.MaterialAlertDialog_MaterialComponents_Title_Text_CenterStacked; - global::Xamarin.Forms.Platform.Resource.Style.Platform_AppCompat = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Platform_AppCompat; - global::Xamarin.Forms.Platform.Resource.Style.Platform_AppCompat_Light = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Platform_AppCompat_Light; - global::Xamarin.Forms.Platform.Resource.Style.Platform_MaterialComponents = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Platform_MaterialComponents; - global::Xamarin.Forms.Platform.Resource.Style.Platform_MaterialComponents_Dialog = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Platform_MaterialComponents_Dialog; - global::Xamarin.Forms.Platform.Resource.Style.Platform_MaterialComponents_Light = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Platform_MaterialComponents_Light; - global::Xamarin.Forms.Platform.Resource.Style.Platform_MaterialComponents_Light_Dialog = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Platform_MaterialComponents_Light_Dialog; - global::Xamarin.Forms.Platform.Resource.Style.Platform_ThemeOverlay_AppCompat = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Platform_ThemeOverlay_AppCompat; - global::Xamarin.Forms.Platform.Resource.Style.Platform_ThemeOverlay_AppCompat_Dark = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Platform_ThemeOverlay_AppCompat_Dark; - global::Xamarin.Forms.Platform.Resource.Style.Platform_ThemeOverlay_AppCompat_Light = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Platform_ThemeOverlay_AppCompat_Light; - global::Xamarin.Forms.Platform.Resource.Style.Platform_V21_AppCompat = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Platform_V21_AppCompat; - global::Xamarin.Forms.Platform.Resource.Style.Platform_V21_AppCompat_Light = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Platform_V21_AppCompat_Light; - global::Xamarin.Forms.Platform.Resource.Style.Platform_V25_AppCompat = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Platform_V25_AppCompat; - global::Xamarin.Forms.Platform.Resource.Style.Platform_V25_AppCompat_Light = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Platform_V25_AppCompat_Light; - global::Xamarin.Forms.Platform.Resource.Style.Platform_Widget_AppCompat_Spinner = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Platform_Widget_AppCompat_Spinner; - global::Xamarin.Forms.Platform.Resource.Style.RtlOverlay_DialogWindowTitle_AppCompat = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.RtlOverlay_DialogWindowTitle_AppCompat; - global::Xamarin.Forms.Platform.Resource.Style.RtlOverlay_Widget_AppCompat_ActionBar_TitleItem = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.RtlOverlay_Widget_AppCompat_ActionBar_TitleItem; - global::Xamarin.Forms.Platform.Resource.Style.RtlOverlay_Widget_AppCompat_DialogTitle_Icon = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.RtlOverlay_Widget_AppCompat_DialogTitle_Icon; - global::Xamarin.Forms.Platform.Resource.Style.RtlOverlay_Widget_AppCompat_PopupMenuItem = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.RtlOverlay_Widget_AppCompat_PopupMenuItem; - global::Xamarin.Forms.Platform.Resource.Style.RtlOverlay_Widget_AppCompat_PopupMenuItem_InternalGroup = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.RtlOverlay_Widget_AppCompat_PopupMenuItem_InternalGroup; - global::Xamarin.Forms.Platform.Resource.Style.RtlOverlay_Widget_AppCompat_PopupMenuItem_Shortcut = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.RtlOverlay_Widget_AppCompat_PopupMenuItem_Shortcut; - global::Xamarin.Forms.Platform.Resource.Style.RtlOverlay_Widget_AppCompat_PopupMenuItem_SubmenuArrow = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.RtlOverlay_Widget_AppCompat_PopupMenuItem_SubmenuArrow; - global::Xamarin.Forms.Platform.Resource.Style.RtlOverlay_Widget_AppCompat_PopupMenuItem_Text = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.RtlOverlay_Widget_AppCompat_PopupMenuItem_Text; - global::Xamarin.Forms.Platform.Resource.Style.RtlOverlay_Widget_AppCompat_PopupMenuItem_Title = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.RtlOverlay_Widget_AppCompat_PopupMenuItem_Title; - global::Xamarin.Forms.Platform.Resource.Style.RtlOverlay_Widget_AppCompat_SearchView_MagIcon = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.RtlOverlay_Widget_AppCompat_SearchView_MagIcon; - global::Xamarin.Forms.Platform.Resource.Style.RtlOverlay_Widget_AppCompat_Search_DropDown = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.RtlOverlay_Widget_AppCompat_Search_DropDown; - global::Xamarin.Forms.Platform.Resource.Style.RtlOverlay_Widget_AppCompat_Search_DropDown_Icon1 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.RtlOverlay_Widget_AppCompat_Search_DropDown_Icon1; - global::Xamarin.Forms.Platform.Resource.Style.RtlOverlay_Widget_AppCompat_Search_DropDown_Icon2 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.RtlOverlay_Widget_AppCompat_Search_DropDown_Icon2; - global::Xamarin.Forms.Platform.Resource.Style.RtlOverlay_Widget_AppCompat_Search_DropDown_Query = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.RtlOverlay_Widget_AppCompat_Search_DropDown_Query; - global::Xamarin.Forms.Platform.Resource.Style.RtlOverlay_Widget_AppCompat_Search_DropDown_Text = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.RtlOverlay_Widget_AppCompat_Search_DropDown_Text; - global::Xamarin.Forms.Platform.Resource.Style.RtlUnderlay_Widget_AppCompat_ActionButton = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.RtlUnderlay_Widget_AppCompat_ActionButton; - global::Xamarin.Forms.Platform.Resource.Style.RtlUnderlay_Widget_AppCompat_ActionButton_Overflow = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.RtlUnderlay_Widget_AppCompat_ActionButton_Overflow; - global::Xamarin.Forms.Platform.Resource.Style.scrollViewScrollBars = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.scrollViewScrollBars; - global::Xamarin.Forms.Platform.Resource.Style.scrollViewTheme = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.scrollViewTheme; - global::Xamarin.Forms.Platform.Resource.Style.ShapeAppearanceOverlay = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.ShapeAppearanceOverlay; - global::Xamarin.Forms.Platform.Resource.Style.ShapeAppearanceOverlay_BottomLeftDifferentCornerSize = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.ShapeAppearanceOverlay_BottomLeftDifferentCornerSize; - global::Xamarin.Forms.Platform.Resource.Style.ShapeAppearanceOverlay_BottomRightCut = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.ShapeAppearanceOverlay_BottomRightCut; - global::Xamarin.Forms.Platform.Resource.Style.ShapeAppearanceOverlay_Cut = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.ShapeAppearanceOverlay_Cut; - global::Xamarin.Forms.Platform.Resource.Style.ShapeAppearanceOverlay_DifferentCornerSize = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.ShapeAppearanceOverlay_DifferentCornerSize; - global::Xamarin.Forms.Platform.Resource.Style.ShapeAppearanceOverlay_MaterialComponents_BottomSheet = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.ShapeAppearanceOverlay_MaterialComponents_BottomSheet; - global::Xamarin.Forms.Platform.Resource.Style.ShapeAppearanceOverlay_MaterialComponents_Chip = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.ShapeAppearanceOverlay_MaterialComponents_Chip; - global::Xamarin.Forms.Platform.Resource.Style.ShapeAppearanceOverlay_MaterialComponents_ExtendedFloatingActionButton = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.ShapeAppearanceOverlay_MaterialComponents_ExtendedFloatingActionButton; - global::Xamarin.Forms.Platform.Resource.Style.ShapeAppearanceOverlay_MaterialComponents_FloatingActionButton = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.ShapeAppearanceOverlay_MaterialComponents_FloatingActionButton; - global::Xamarin.Forms.Platform.Resource.Style.ShapeAppearanceOverlay_MaterialComponents_MaterialCalendar_Day = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.ShapeAppearanceOverlay_MaterialComponents_MaterialCalendar_Day; - global::Xamarin.Forms.Platform.Resource.Style.ShapeAppearanceOverlay_MaterialComponents_MaterialCalendar_Window_Fullscreen = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.ShapeAppearanceOverlay_MaterialComponents_MaterialCalendar_Window_Fullscreen; - global::Xamarin.Forms.Platform.Resource.Style.ShapeAppearanceOverlay_MaterialComponents_MaterialCalendar_Year = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.ShapeAppearanceOverlay_MaterialComponents_MaterialCalendar_Year; - global::Xamarin.Forms.Platform.Resource.Style.ShapeAppearanceOverlay_MaterialComponents_TextInputLayout_FilledBox = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.ShapeAppearanceOverlay_MaterialComponents_TextInputLayout_FilledBox; - global::Xamarin.Forms.Platform.Resource.Style.ShapeAppearanceOverlay_TopLeftCut = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.ShapeAppearanceOverlay_TopLeftCut; - global::Xamarin.Forms.Platform.Resource.Style.ShapeAppearanceOverlay_TopRightDifferentCornerSize = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.ShapeAppearanceOverlay_TopRightDifferentCornerSize; - global::Xamarin.Forms.Platform.Resource.Style.ShapeAppearance_MaterialComponents = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.ShapeAppearance_MaterialComponents; - global::Xamarin.Forms.Platform.Resource.Style.ShapeAppearance_MaterialComponents_LargeComponent = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.ShapeAppearance_MaterialComponents_LargeComponent; - global::Xamarin.Forms.Platform.Resource.Style.ShapeAppearance_MaterialComponents_MediumComponent = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.ShapeAppearance_MaterialComponents_MediumComponent; - global::Xamarin.Forms.Platform.Resource.Style.ShapeAppearance_MaterialComponents_SmallComponent = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.ShapeAppearance_MaterialComponents_SmallComponent; - global::Xamarin.Forms.Platform.Resource.Style.ShapeAppearance_MaterialComponents_Test = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.ShapeAppearance_MaterialComponents_Test; - global::Xamarin.Forms.Platform.Resource.Style.ShapeAppearance_MaterialComponents_Tooltip = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.ShapeAppearance_MaterialComponents_Tooltip; - global::Xamarin.Forms.Platform.Resource.Style.TestStyleWithLineHeight = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TestStyleWithLineHeight; - global::Xamarin.Forms.Platform.Resource.Style.TestStyleWithLineHeightAppearance = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TestStyleWithLineHeightAppearance; - global::Xamarin.Forms.Platform.Resource.Style.TestStyleWithoutLineHeight = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TestStyleWithoutLineHeight; - global::Xamarin.Forms.Platform.Resource.Style.TestStyleWithThemeLineHeightAttribute = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TestStyleWithThemeLineHeightAttribute; - global::Xamarin.Forms.Platform.Resource.Style.TestThemeWithLineHeight = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TestThemeWithLineHeight; - global::Xamarin.Forms.Platform.Resource.Style.TestThemeWithLineHeightDisabled = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TestThemeWithLineHeightDisabled; - global::Xamarin.Forms.Platform.Resource.Style.Test_ShapeAppearanceOverlay_MaterialComponents_MaterialCalendar_Day = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Test_ShapeAppearanceOverlay_MaterialComponents_MaterialCalendar_Day; - global::Xamarin.Forms.Platform.Resource.Style.Test_Theme_MaterialComponents_MaterialCalendar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Test_Theme_MaterialComponents_MaterialCalendar; - global::Xamarin.Forms.Platform.Resource.Style.Test_Widget_MaterialComponents_MaterialCalendar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Test_Widget_MaterialComponents_MaterialCalendar; - global::Xamarin.Forms.Platform.Resource.Style.Test_Widget_MaterialComponents_MaterialCalendar_Day = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Test_Widget_MaterialComponents_MaterialCalendar_Day; - global::Xamarin.Forms.Platform.Resource.Style.Test_Widget_MaterialComponents_MaterialCalendar_Day_Selected = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Test_Widget_MaterialComponents_MaterialCalendar_Day_Selected; - global::Xamarin.Forms.Platform.Resource.Style.TextAppearance_AppCompat = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_AppCompat; - global::Xamarin.Forms.Platform.Resource.Style.TextAppearance_AppCompat_Body1 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_AppCompat_Body1; - global::Xamarin.Forms.Platform.Resource.Style.TextAppearance_AppCompat_Body2 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_AppCompat_Body2; - global::Xamarin.Forms.Platform.Resource.Style.TextAppearance_AppCompat_Button = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_AppCompat_Button; - global::Xamarin.Forms.Platform.Resource.Style.TextAppearance_AppCompat_Caption = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_AppCompat_Caption; - global::Xamarin.Forms.Platform.Resource.Style.TextAppearance_AppCompat_Display1 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_AppCompat_Display1; - global::Xamarin.Forms.Platform.Resource.Style.TextAppearance_AppCompat_Display2 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_AppCompat_Display2; - global::Xamarin.Forms.Platform.Resource.Style.TextAppearance_AppCompat_Display3 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_AppCompat_Display3; - global::Xamarin.Forms.Platform.Resource.Style.TextAppearance_AppCompat_Display4 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_AppCompat_Display4; - global::Xamarin.Forms.Platform.Resource.Style.TextAppearance_AppCompat_Headline = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_AppCompat_Headline; - global::Xamarin.Forms.Platform.Resource.Style.TextAppearance_AppCompat_Inverse = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_AppCompat_Inverse; - global::Xamarin.Forms.Platform.Resource.Style.TextAppearance_AppCompat_Large = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_AppCompat_Large; - global::Xamarin.Forms.Platform.Resource.Style.TextAppearance_AppCompat_Large_Inverse = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_AppCompat_Large_Inverse; - global::Xamarin.Forms.Platform.Resource.Style.TextAppearance_AppCompat_Light_SearchResult_Subtitle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_AppCompat_Light_SearchResult_Subtitle; - global::Xamarin.Forms.Platform.Resource.Style.TextAppearance_AppCompat_Light_SearchResult_Title = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_AppCompat_Light_SearchResult_Title; - global::Xamarin.Forms.Platform.Resource.Style.TextAppearance_AppCompat_Light_Widget_PopupMenu_Large = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_AppCompat_Light_Widget_PopupMenu_Large; - global::Xamarin.Forms.Platform.Resource.Style.TextAppearance_AppCompat_Light_Widget_PopupMenu_Small = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_AppCompat_Light_Widget_PopupMenu_Small; - global::Xamarin.Forms.Platform.Resource.Style.TextAppearance_AppCompat_Medium = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_AppCompat_Medium; - global::Xamarin.Forms.Platform.Resource.Style.TextAppearance_AppCompat_Medium_Inverse = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_AppCompat_Medium_Inverse; - global::Xamarin.Forms.Platform.Resource.Style.TextAppearance_AppCompat_Menu = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_AppCompat_Menu; - global::Xamarin.Forms.Platform.Resource.Style.TextAppearance_AppCompat_SearchResult_Subtitle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_AppCompat_SearchResult_Subtitle; - global::Xamarin.Forms.Platform.Resource.Style.TextAppearance_AppCompat_SearchResult_Title = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_AppCompat_SearchResult_Title; - global::Xamarin.Forms.Platform.Resource.Style.TextAppearance_AppCompat_Small = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_AppCompat_Small; - global::Xamarin.Forms.Platform.Resource.Style.TextAppearance_AppCompat_Small_Inverse = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_AppCompat_Small_Inverse; - global::Xamarin.Forms.Platform.Resource.Style.TextAppearance_AppCompat_Subhead = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_AppCompat_Subhead; - global::Xamarin.Forms.Platform.Resource.Style.TextAppearance_AppCompat_Subhead_Inverse = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_AppCompat_Subhead_Inverse; - global::Xamarin.Forms.Platform.Resource.Style.TextAppearance_AppCompat_Title = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_AppCompat_Title; - global::Xamarin.Forms.Platform.Resource.Style.TextAppearance_AppCompat_Title_Inverse = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_AppCompat_Title_Inverse; - global::Xamarin.Forms.Platform.Resource.Style.TextAppearance_AppCompat_Tooltip = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_AppCompat_Tooltip; - global::Xamarin.Forms.Platform.Resource.Style.TextAppearance_AppCompat_Widget_ActionBar_Menu = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_AppCompat_Widget_ActionBar_Menu; - global::Xamarin.Forms.Platform.Resource.Style.TextAppearance_AppCompat_Widget_ActionBar_Subtitle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_AppCompat_Widget_ActionBar_Subtitle; - global::Xamarin.Forms.Platform.Resource.Style.TextAppearance_AppCompat_Widget_ActionBar_Subtitle_Inverse = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_AppCompat_Widget_ActionBar_Subtitle_Inverse; - global::Xamarin.Forms.Platform.Resource.Style.TextAppearance_AppCompat_Widget_ActionBar_Title = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_AppCompat_Widget_ActionBar_Title; - global::Xamarin.Forms.Platform.Resource.Style.TextAppearance_AppCompat_Widget_ActionBar_Title_Inverse = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_AppCompat_Widget_ActionBar_Title_Inverse; - global::Xamarin.Forms.Platform.Resource.Style.TextAppearance_AppCompat_Widget_ActionMode_Subtitle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_AppCompat_Widget_ActionMode_Subtitle; - global::Xamarin.Forms.Platform.Resource.Style.TextAppearance_AppCompat_Widget_ActionMode_Subtitle_Inverse = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_AppCompat_Widget_ActionMode_Subtitle_Inverse; - global::Xamarin.Forms.Platform.Resource.Style.TextAppearance_AppCompat_Widget_ActionMode_Title = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_AppCompat_Widget_ActionMode_Title; - global::Xamarin.Forms.Platform.Resource.Style.TextAppearance_AppCompat_Widget_ActionMode_Title_Inverse = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_AppCompat_Widget_ActionMode_Title_Inverse; - global::Xamarin.Forms.Platform.Resource.Style.TextAppearance_AppCompat_Widget_Button = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_AppCompat_Widget_Button; - global::Xamarin.Forms.Platform.Resource.Style.TextAppearance_AppCompat_Widget_Button_Borderless_Colored = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_AppCompat_Widget_Button_Borderless_Colored; - global::Xamarin.Forms.Platform.Resource.Style.TextAppearance_AppCompat_Widget_Button_Colored = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_AppCompat_Widget_Button_Colored; - global::Xamarin.Forms.Platform.Resource.Style.TextAppearance_AppCompat_Widget_Button_Inverse = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_AppCompat_Widget_Button_Inverse; - global::Xamarin.Forms.Platform.Resource.Style.TextAppearance_AppCompat_Widget_DropDownItem = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_AppCompat_Widget_DropDownItem; - global::Xamarin.Forms.Platform.Resource.Style.TextAppearance_AppCompat_Widget_PopupMenu_Header = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_AppCompat_Widget_PopupMenu_Header; - global::Xamarin.Forms.Platform.Resource.Style.TextAppearance_AppCompat_Widget_PopupMenu_Large = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_AppCompat_Widget_PopupMenu_Large; - global::Xamarin.Forms.Platform.Resource.Style.TextAppearance_AppCompat_Widget_PopupMenu_Small = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_AppCompat_Widget_PopupMenu_Small; - global::Xamarin.Forms.Platform.Resource.Style.TextAppearance_AppCompat_Widget_Switch = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_AppCompat_Widget_Switch; - global::Xamarin.Forms.Platform.Resource.Style.TextAppearance_AppCompat_Widget_TextView_SpinnerItem = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_AppCompat_Widget_TextView_SpinnerItem; - global::Xamarin.Forms.Platform.Resource.Style.TextAppearance_Compat_Notification = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_Compat_Notification; - global::Xamarin.Forms.Platform.Resource.Style.TextAppearance_Compat_Notification_Info = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_Compat_Notification_Info; - global::Xamarin.Forms.Platform.Resource.Style.TextAppearance_Compat_Notification_Info_Media = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_Compat_Notification_Info_Media; - global::Xamarin.Forms.Platform.Resource.Style.TextAppearance_Compat_Notification_Line2 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_Compat_Notification_Line2; - global::Xamarin.Forms.Platform.Resource.Style.TextAppearance_Compat_Notification_Line2_Media = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_Compat_Notification_Line2_Media; - global::Xamarin.Forms.Platform.Resource.Style.TextAppearance_Compat_Notification_Media = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_Compat_Notification_Media; - global::Xamarin.Forms.Platform.Resource.Style.TextAppearance_Compat_Notification_Time = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_Compat_Notification_Time; - global::Xamarin.Forms.Platform.Resource.Style.TextAppearance_Compat_Notification_Time_Media = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_Compat_Notification_Time_Media; - global::Xamarin.Forms.Platform.Resource.Style.TextAppearance_Compat_Notification_Title = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_Compat_Notification_Title; - global::Xamarin.Forms.Platform.Resource.Style.TextAppearance_Compat_Notification_Title_Media = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_Compat_Notification_Title_Media; - global::Xamarin.Forms.Platform.Resource.Style.TextAppearance_Design_CollapsingToolbar_Expanded = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_Design_CollapsingToolbar_Expanded; - global::Xamarin.Forms.Platform.Resource.Style.TextAppearance_Design_Counter = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_Design_Counter; - global::Xamarin.Forms.Platform.Resource.Style.TextAppearance_Design_Counter_Overflow = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_Design_Counter_Overflow; - global::Xamarin.Forms.Platform.Resource.Style.TextAppearance_Design_Error = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_Design_Error; - global::Xamarin.Forms.Platform.Resource.Style.TextAppearance_Design_HelperText = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_Design_HelperText; - global::Xamarin.Forms.Platform.Resource.Style.TextAppearance_Design_Hint = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_Design_Hint; - global::Xamarin.Forms.Platform.Resource.Style.TextAppearance_Design_Placeholder = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_Design_Placeholder; - global::Xamarin.Forms.Platform.Resource.Style.TextAppearance_Design_Prefix = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_Design_Prefix; - global::Xamarin.Forms.Platform.Resource.Style.TextAppearance_Design_Snackbar_Message = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_Design_Snackbar_Message; - global::Xamarin.Forms.Platform.Resource.Style.TextAppearance_Design_Suffix = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_Design_Suffix; - global::Xamarin.Forms.Platform.Resource.Style.TextAppearance_Design_Tab = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_Design_Tab; - global::Xamarin.Forms.Platform.Resource.Style.TextAppearance_MaterialComponents_Badge = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_MaterialComponents_Badge; - global::Xamarin.Forms.Platform.Resource.Style.TextAppearance_MaterialComponents_Body1 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_MaterialComponents_Body1; - global::Xamarin.Forms.Platform.Resource.Style.TextAppearance_MaterialComponents_Body2 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_MaterialComponents_Body2; - global::Xamarin.Forms.Platform.Resource.Style.TextAppearance_MaterialComponents_Button = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_MaterialComponents_Button; - global::Xamarin.Forms.Platform.Resource.Style.TextAppearance_MaterialComponents_Caption = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_MaterialComponents_Caption; - global::Xamarin.Forms.Platform.Resource.Style.TextAppearance_MaterialComponents_Chip = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_MaterialComponents_Chip; - global::Xamarin.Forms.Platform.Resource.Style.TextAppearance_MaterialComponents_Headline1 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_MaterialComponents_Headline1; - global::Xamarin.Forms.Platform.Resource.Style.TextAppearance_MaterialComponents_Headline2 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_MaterialComponents_Headline2; - global::Xamarin.Forms.Platform.Resource.Style.TextAppearance_MaterialComponents_Headline3 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_MaterialComponents_Headline3; - global::Xamarin.Forms.Platform.Resource.Style.TextAppearance_MaterialComponents_Headline4 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_MaterialComponents_Headline4; - global::Xamarin.Forms.Platform.Resource.Style.TextAppearance_MaterialComponents_Headline5 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_MaterialComponents_Headline5; - global::Xamarin.Forms.Platform.Resource.Style.TextAppearance_MaterialComponents_Headline6 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_MaterialComponents_Headline6; - global::Xamarin.Forms.Platform.Resource.Style.TextAppearance_MaterialComponents_Overline = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_MaterialComponents_Overline; - global::Xamarin.Forms.Platform.Resource.Style.TextAppearance_MaterialComponents_Subtitle1 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_MaterialComponents_Subtitle1; - global::Xamarin.Forms.Platform.Resource.Style.TextAppearance_MaterialComponents_Subtitle2 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_MaterialComponents_Subtitle2; - global::Xamarin.Forms.Platform.Resource.Style.TextAppearance_MaterialComponents_Tooltip = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_MaterialComponents_Tooltip; - global::Xamarin.Forms.Platform.Resource.Style.TextAppearance_Widget_AppCompat_ExpandedMenu_Item = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_Widget_AppCompat_ExpandedMenu_Item; - global::Xamarin.Forms.Platform.Resource.Style.TextAppearance_Widget_AppCompat_Toolbar_Subtitle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_Widget_AppCompat_Toolbar_Subtitle; - global::Xamarin.Forms.Platform.Resource.Style.TextAppearance_Widget_AppCompat_Toolbar_Title = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.TextAppearance_Widget_AppCompat_Toolbar_Title; - global::Xamarin.Forms.Platform.Resource.Style.ThemeOverlayColorAccentRed = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.ThemeOverlayColorAccentRed; - global::Xamarin.Forms.Platform.Resource.Style.ThemeOverlay_AppCompat = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.ThemeOverlay_AppCompat; - global::Xamarin.Forms.Platform.Resource.Style.ThemeOverlay_AppCompat_ActionBar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.ThemeOverlay_AppCompat_ActionBar; - global::Xamarin.Forms.Platform.Resource.Style.ThemeOverlay_AppCompat_Dark = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.ThemeOverlay_AppCompat_Dark; - global::Xamarin.Forms.Platform.Resource.Style.ThemeOverlay_AppCompat_Dark_ActionBar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.ThemeOverlay_AppCompat_Dark_ActionBar; - global::Xamarin.Forms.Platform.Resource.Style.ThemeOverlay_AppCompat_DayNight = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.ThemeOverlay_AppCompat_DayNight; - global::Xamarin.Forms.Platform.Resource.Style.ThemeOverlay_AppCompat_DayNight_ActionBar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.ThemeOverlay_AppCompat_DayNight_ActionBar; - global::Xamarin.Forms.Platform.Resource.Style.ThemeOverlay_AppCompat_Dialog = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.ThemeOverlay_AppCompat_Dialog; - global::Xamarin.Forms.Platform.Resource.Style.ThemeOverlay_AppCompat_Dialog_Alert = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.ThemeOverlay_AppCompat_Dialog_Alert; - global::Xamarin.Forms.Platform.Resource.Style.ThemeOverlay_AppCompat_Light = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.ThemeOverlay_AppCompat_Light; - global::Xamarin.Forms.Platform.Resource.Style.ThemeOverlay_Design_TextInputEditText = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.ThemeOverlay_Design_TextInputEditText; - global::Xamarin.Forms.Platform.Resource.Style.ThemeOverlay_MaterialComponents = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.ThemeOverlay_MaterialComponents; - global::Xamarin.Forms.Platform.Resource.Style.ThemeOverlay_MaterialComponents_ActionBar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.ThemeOverlay_MaterialComponents_ActionBar; - global::Xamarin.Forms.Platform.Resource.Style.ThemeOverlay_MaterialComponents_ActionBar_Primary = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.ThemeOverlay_MaterialComponents_ActionBar_Primary; - global::Xamarin.Forms.Platform.Resource.Style.ThemeOverlay_MaterialComponents_ActionBar_Surface = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.ThemeOverlay_MaterialComponents_ActionBar_Surface; - global::Xamarin.Forms.Platform.Resource.Style.ThemeOverlay_MaterialComponents_AutoCompleteTextView = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.ThemeOverlay_MaterialComponents_AutoCompleteTextView; - global::Xamarin.Forms.Platform.Resource.Style.ThemeOverlay_MaterialComponents_AutoCompleteTextView_FilledBox = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.ThemeOverlay_MaterialComponents_AutoCompleteTextView_FilledBox; - global::Xamarin.Forms.Platform.Resource.Style.ThemeOverlay_MaterialComponents_AutoCompleteTextView_FilledBox_Dense = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.ThemeOverlay_MaterialComponents_AutoCompleteTextView_FilledBox_Dense; - global::Xamarin.Forms.Platform.Resource.Style.ThemeOverlay_MaterialComponents_AutoCompleteTextView_OutlinedBox = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.ThemeOverlay_MaterialComponents_AutoCompleteTextView_OutlinedBox; - global::Xamarin.Forms.Platform.Resource.Style.ThemeOverlay_MaterialComponents_AutoCompleteTextView_OutlinedBox_Dense = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.ThemeOverlay_MaterialComponents_AutoCompleteTextView_OutlinedBox_Dense; - global::Xamarin.Forms.Platform.Resource.Style.ThemeOverlay_MaterialComponents_BottomAppBar_Primary = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.ThemeOverlay_MaterialComponents_BottomAppBar_Primary; - global::Xamarin.Forms.Platform.Resource.Style.ThemeOverlay_MaterialComponents_BottomAppBar_Surface = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.ThemeOverlay_MaterialComponents_BottomAppBar_Surface; - global::Xamarin.Forms.Platform.Resource.Style.ThemeOverlay_MaterialComponents_BottomSheetDialog = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.ThemeOverlay_MaterialComponents_BottomSheetDialog; - global::Xamarin.Forms.Platform.Resource.Style.ThemeOverlay_MaterialComponents_Dark = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.ThemeOverlay_MaterialComponents_Dark; - global::Xamarin.Forms.Platform.Resource.Style.ThemeOverlay_MaterialComponents_Dark_ActionBar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.ThemeOverlay_MaterialComponents_Dark_ActionBar; - global::Xamarin.Forms.Platform.Resource.Style.ThemeOverlay_MaterialComponents_DayNight_BottomSheetDialog = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.ThemeOverlay_MaterialComponents_DayNight_BottomSheetDialog; - global::Xamarin.Forms.Platform.Resource.Style.ThemeOverlay_MaterialComponents_Dialog = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.ThemeOverlay_MaterialComponents_Dialog; - global::Xamarin.Forms.Platform.Resource.Style.ThemeOverlay_MaterialComponents_Dialog_Alert = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.ThemeOverlay_MaterialComponents_Dialog_Alert; - global::Xamarin.Forms.Platform.Resource.Style.ThemeOverlay_MaterialComponents_Dialog_Alert_Framework = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.ThemeOverlay_MaterialComponents_Dialog_Alert_Framework; - global::Xamarin.Forms.Platform.Resource.Style.ThemeOverlay_MaterialComponents_Light = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.ThemeOverlay_MaterialComponents_Light; - global::Xamarin.Forms.Platform.Resource.Style.ThemeOverlay_MaterialComponents_Light_BottomSheetDialog = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.ThemeOverlay_MaterialComponents_Light_BottomSheetDialog; - global::Xamarin.Forms.Platform.Resource.Style.ThemeOverlay_MaterialComponents_Light_Dialog_Alert_Framework = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.ThemeOverlay_MaterialComponents_Light_Dialog_Alert_Framework; - global::Xamarin.Forms.Platform.Resource.Style.ThemeOverlay_MaterialComponents_MaterialAlertDialog = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.ThemeOverlay_MaterialComponents_MaterialAlertDialog; - global::Xamarin.Forms.Platform.Resource.Style.ThemeOverlay_MaterialComponents_MaterialAlertDialog_Centered = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.ThemeOverlay_MaterialComponents_MaterialAlertDialog_Centered; - global::Xamarin.Forms.Platform.Resource.Style.ThemeOverlay_MaterialComponents_MaterialAlertDialog_Picker_Date = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.ThemeOverlay_MaterialComponents_MaterialAlertDialog_Picker_Date; - global::Xamarin.Forms.Platform.Resource.Style.ThemeOverlay_MaterialComponents_MaterialAlertDialog_Picker_Date_Calendar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.ThemeOverlay_MaterialComponents_MaterialAlertDialog_Picker_Date_Calendar; - global::Xamarin.Forms.Platform.Resource.Style.ThemeOverlay_MaterialComponents_MaterialAlertDialog_Picker_Date_Header_Text = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.ThemeOverlay_MaterialComponents_MaterialAlertDialog_Picker_Date_Header_Text; - global::Xamarin.Forms.Platform.Resource.Style.ThemeOverlay_MaterialComponents_MaterialAlertDialog_Picker_Date_Header_Text_Day = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.ThemeOverlay_MaterialComponents_MaterialAlertDialog_Picker_Date_Header_Text_Day; - global::Xamarin.Forms.Platform.Resource.Style.ThemeOverlay_MaterialComponents_MaterialAlertDialog_Picker_Date_Spinner = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.ThemeOverlay_MaterialComponents_MaterialAlertDialog_Picker_Date_Spinner; - global::Xamarin.Forms.Platform.Resource.Style.ThemeOverlay_MaterialComponents_MaterialCalendar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.ThemeOverlay_MaterialComponents_MaterialCalendar; - global::Xamarin.Forms.Platform.Resource.Style.ThemeOverlay_MaterialComponents_MaterialCalendar_Fullscreen = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.ThemeOverlay_MaterialComponents_MaterialCalendar_Fullscreen; - global::Xamarin.Forms.Platform.Resource.Style.ThemeOverlay_MaterialComponents_TextInputEditText = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.ThemeOverlay_MaterialComponents_TextInputEditText; - global::Xamarin.Forms.Platform.Resource.Style.ThemeOverlay_MaterialComponents_TextInputEditText_FilledBox = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.ThemeOverlay_MaterialComponents_TextInputEditText_FilledBox; - global::Xamarin.Forms.Platform.Resource.Style.ThemeOverlay_MaterialComponents_TextInputEditText_FilledBox_Dense = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.ThemeOverlay_MaterialComponents_TextInputEditText_FilledBox_Dense; - global::Xamarin.Forms.Platform.Resource.Style.ThemeOverlay_MaterialComponents_TextInputEditText_OutlinedBox = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.ThemeOverlay_MaterialComponents_TextInputEditText_OutlinedBox; - global::Xamarin.Forms.Platform.Resource.Style.ThemeOverlay_MaterialComponents_TextInputEditText_OutlinedBox_Dense = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.ThemeOverlay_MaterialComponents_TextInputEditText_OutlinedBox_Dense; - global::Xamarin.Forms.Platform.Resource.Style.ThemeOverlay_MaterialComponents_Toolbar_Primary = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.ThemeOverlay_MaterialComponents_Toolbar_Primary; - global::Xamarin.Forms.Platform.Resource.Style.ThemeOverlay_MaterialComponents_Toolbar_Surface = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.ThemeOverlay_MaterialComponents_Toolbar_Surface; - global::Xamarin.Forms.Platform.Resource.Style.Theme_AppCompat = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_AppCompat; - global::Xamarin.Forms.Platform.Resource.Style.Theme_AppCompat_CompactMenu = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_AppCompat_CompactMenu; - global::Xamarin.Forms.Platform.Resource.Style.Theme_AppCompat_DayNight = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_AppCompat_DayNight; - global::Xamarin.Forms.Platform.Resource.Style.Theme_AppCompat_DayNight_DarkActionBar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_AppCompat_DayNight_DarkActionBar; - global::Xamarin.Forms.Platform.Resource.Style.Theme_AppCompat_DayNight_Dialog = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_AppCompat_DayNight_Dialog; - global::Xamarin.Forms.Platform.Resource.Style.Theme_AppCompat_DayNight_DialogWhenLarge = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_AppCompat_DayNight_DialogWhenLarge; - global::Xamarin.Forms.Platform.Resource.Style.Theme_AppCompat_DayNight_Dialog_Alert = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_AppCompat_DayNight_Dialog_Alert; - global::Xamarin.Forms.Platform.Resource.Style.Theme_AppCompat_DayNight_Dialog_MinWidth = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_AppCompat_DayNight_Dialog_MinWidth; - global::Xamarin.Forms.Platform.Resource.Style.Theme_AppCompat_DayNight_NoActionBar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_AppCompat_DayNight_NoActionBar; - global::Xamarin.Forms.Platform.Resource.Style.Theme_AppCompat_Dialog = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_AppCompat_Dialog; - global::Xamarin.Forms.Platform.Resource.Style.Theme_AppCompat_DialogWhenLarge = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_AppCompat_DialogWhenLarge; - global::Xamarin.Forms.Platform.Resource.Style.Theme_AppCompat_Dialog_Alert = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_AppCompat_Dialog_Alert; - global::Xamarin.Forms.Platform.Resource.Style.Theme_AppCompat_Dialog_MinWidth = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_AppCompat_Dialog_MinWidth; - global::Xamarin.Forms.Platform.Resource.Style.Theme_AppCompat_Empty = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_AppCompat_Empty; - global::Xamarin.Forms.Platform.Resource.Style.Theme_AppCompat_Light = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_AppCompat_Light; - global::Xamarin.Forms.Platform.Resource.Style.Theme_AppCompat_Light_DarkActionBar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_AppCompat_Light_DarkActionBar; - global::Xamarin.Forms.Platform.Resource.Style.Theme_AppCompat_Light_Dialog = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_AppCompat_Light_Dialog; - global::Xamarin.Forms.Platform.Resource.Style.Theme_AppCompat_Light_DialogWhenLarge = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_AppCompat_Light_DialogWhenLarge; - global::Xamarin.Forms.Platform.Resource.Style.Theme_AppCompat_Light_Dialog_Alert = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_AppCompat_Light_Dialog_Alert; - global::Xamarin.Forms.Platform.Resource.Style.Theme_AppCompat_Light_Dialog_MinWidth = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_AppCompat_Light_Dialog_MinWidth; - global::Xamarin.Forms.Platform.Resource.Style.Theme_AppCompat_Light_NoActionBar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_AppCompat_Light_NoActionBar; - global::Xamarin.Forms.Platform.Resource.Style.Theme_AppCompat_NoActionBar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_AppCompat_NoActionBar; - global::Xamarin.Forms.Platform.Resource.Style.Theme_Design = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_Design; - global::Xamarin.Forms.Platform.Resource.Style.Theme_Design_BottomSheetDialog = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_Design_BottomSheetDialog; - global::Xamarin.Forms.Platform.Resource.Style.Theme_Design_Light = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_Design_Light; - global::Xamarin.Forms.Platform.Resource.Style.Theme_Design_Light_BottomSheetDialog = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_Design_Light_BottomSheetDialog; - global::Xamarin.Forms.Platform.Resource.Style.Theme_Design_Light_NoActionBar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_Design_Light_NoActionBar; - global::Xamarin.Forms.Platform.Resource.Style.Theme_Design_NoActionBar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_Design_NoActionBar; - global::Xamarin.Forms.Platform.Resource.Style.Theme_MaterialComponents = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_MaterialComponents; - global::Xamarin.Forms.Platform.Resource.Style.Theme_MaterialComponents_BottomSheetDialog = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_MaterialComponents_BottomSheetDialog; - global::Xamarin.Forms.Platform.Resource.Style.Theme_MaterialComponents_Bridge = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_MaterialComponents_Bridge; - global::Xamarin.Forms.Platform.Resource.Style.Theme_MaterialComponents_CompactMenu = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_MaterialComponents_CompactMenu; - global::Xamarin.Forms.Platform.Resource.Style.Theme_MaterialComponents_DayNight = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_MaterialComponents_DayNight; - global::Xamarin.Forms.Platform.Resource.Style.Theme_MaterialComponents_DayNight_BottomSheetDialog = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_MaterialComponents_DayNight_BottomSheetDialog; - global::Xamarin.Forms.Platform.Resource.Style.Theme_MaterialComponents_DayNight_Bridge = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_MaterialComponents_DayNight_Bridge; - global::Xamarin.Forms.Platform.Resource.Style.Theme_MaterialComponents_DayNight_DarkActionBar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_MaterialComponents_DayNight_DarkActionBar; - global::Xamarin.Forms.Platform.Resource.Style.Theme_MaterialComponents_DayNight_DarkActionBar_Bridge = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_MaterialComponents_DayNight_DarkActionBar_Bridge; - global::Xamarin.Forms.Platform.Resource.Style.Theme_MaterialComponents_DayNight_Dialog = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_MaterialComponents_DayNight_Dialog; - global::Xamarin.Forms.Platform.Resource.Style.Theme_MaterialComponents_DayNight_DialogWhenLarge = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_MaterialComponents_DayNight_DialogWhenLarge; - global::Xamarin.Forms.Platform.Resource.Style.Theme_MaterialComponents_DayNight_Dialog_Alert = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_MaterialComponents_DayNight_Dialog_Alert; - global::Xamarin.Forms.Platform.Resource.Style.Theme_MaterialComponents_DayNight_Dialog_Alert_Bridge = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_MaterialComponents_DayNight_Dialog_Alert_Bridge; - global::Xamarin.Forms.Platform.Resource.Style.Theme_MaterialComponents_DayNight_Dialog_Bridge = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_MaterialComponents_DayNight_Dialog_Bridge; - global::Xamarin.Forms.Platform.Resource.Style.Theme_MaterialComponents_DayNight_Dialog_FixedSize = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_MaterialComponents_DayNight_Dialog_FixedSize; - global::Xamarin.Forms.Platform.Resource.Style.Theme_MaterialComponents_DayNight_Dialog_FixedSize_Bridge = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_MaterialComponents_DayNight_Dialog_FixedSize_Bridge; - global::Xamarin.Forms.Platform.Resource.Style.Theme_MaterialComponents_DayNight_Dialog_MinWidth = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_MaterialComponents_DayNight_Dialog_MinWidth; - global::Xamarin.Forms.Platform.Resource.Style.Theme_MaterialComponents_DayNight_Dialog_MinWidth_Bridge = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_MaterialComponents_DayNight_Dialog_MinWidth_Bridge; - global::Xamarin.Forms.Platform.Resource.Style.Theme_MaterialComponents_DayNight_NoActionBar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_MaterialComponents_DayNight_NoActionBar; - global::Xamarin.Forms.Platform.Resource.Style.Theme_MaterialComponents_DayNight_NoActionBar_Bridge = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_MaterialComponents_DayNight_NoActionBar_Bridge; - global::Xamarin.Forms.Platform.Resource.Style.Theme_MaterialComponents_Dialog = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_MaterialComponents_Dialog; - global::Xamarin.Forms.Platform.Resource.Style.Theme_MaterialComponents_DialogWhenLarge = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_MaterialComponents_DialogWhenLarge; - global::Xamarin.Forms.Platform.Resource.Style.Theme_MaterialComponents_Dialog_Alert = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_MaterialComponents_Dialog_Alert; - global::Xamarin.Forms.Platform.Resource.Style.Theme_MaterialComponents_Dialog_Alert_Bridge = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_MaterialComponents_Dialog_Alert_Bridge; - global::Xamarin.Forms.Platform.Resource.Style.Theme_MaterialComponents_Dialog_Bridge = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_MaterialComponents_Dialog_Bridge; - global::Xamarin.Forms.Platform.Resource.Style.Theme_MaterialComponents_Dialog_FixedSize = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_MaterialComponents_Dialog_FixedSize; - global::Xamarin.Forms.Platform.Resource.Style.Theme_MaterialComponents_Dialog_FixedSize_Bridge = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_MaterialComponents_Dialog_FixedSize_Bridge; - global::Xamarin.Forms.Platform.Resource.Style.Theme_MaterialComponents_Dialog_MinWidth = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_MaterialComponents_Dialog_MinWidth; - global::Xamarin.Forms.Platform.Resource.Style.Theme_MaterialComponents_Dialog_MinWidth_Bridge = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_MaterialComponents_Dialog_MinWidth_Bridge; - global::Xamarin.Forms.Platform.Resource.Style.Theme_MaterialComponents_Light = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_MaterialComponents_Light; - global::Xamarin.Forms.Platform.Resource.Style.Theme_MaterialComponents_Light_BarSize = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_MaterialComponents_Light_BarSize; - global::Xamarin.Forms.Platform.Resource.Style.Theme_MaterialComponents_Light_BottomSheetDialog = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_MaterialComponents_Light_BottomSheetDialog; - global::Xamarin.Forms.Platform.Resource.Style.Theme_MaterialComponents_Light_Bridge = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_MaterialComponents_Light_Bridge; - global::Xamarin.Forms.Platform.Resource.Style.Theme_MaterialComponents_Light_DarkActionBar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_MaterialComponents_Light_DarkActionBar; - global::Xamarin.Forms.Platform.Resource.Style.Theme_MaterialComponents_Light_DarkActionBar_Bridge = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_MaterialComponents_Light_DarkActionBar_Bridge; - global::Xamarin.Forms.Platform.Resource.Style.Theme_MaterialComponents_Light_Dialog = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_MaterialComponents_Light_Dialog; - global::Xamarin.Forms.Platform.Resource.Style.Theme_MaterialComponents_Light_DialogWhenLarge = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_MaterialComponents_Light_DialogWhenLarge; - global::Xamarin.Forms.Platform.Resource.Style.Theme_MaterialComponents_Light_Dialog_Alert = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_MaterialComponents_Light_Dialog_Alert; - global::Xamarin.Forms.Platform.Resource.Style.Theme_MaterialComponents_Light_Dialog_Alert_Bridge = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_MaterialComponents_Light_Dialog_Alert_Bridge; - global::Xamarin.Forms.Platform.Resource.Style.Theme_MaterialComponents_Light_Dialog_Bridge = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_MaterialComponents_Light_Dialog_Bridge; - global::Xamarin.Forms.Platform.Resource.Style.Theme_MaterialComponents_Light_Dialog_FixedSize = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_MaterialComponents_Light_Dialog_FixedSize; - global::Xamarin.Forms.Platform.Resource.Style.Theme_MaterialComponents_Light_Dialog_FixedSize_Bridge = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_MaterialComponents_Light_Dialog_FixedSize_Bridge; - global::Xamarin.Forms.Platform.Resource.Style.Theme_MaterialComponents_Light_Dialog_MinWidth = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_MaterialComponents_Light_Dialog_MinWidth; - global::Xamarin.Forms.Platform.Resource.Style.Theme_MaterialComponents_Light_Dialog_MinWidth_Bridge = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_MaterialComponents_Light_Dialog_MinWidth_Bridge; - global::Xamarin.Forms.Platform.Resource.Style.Theme_MaterialComponents_Light_LargeTouch = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_MaterialComponents_Light_LargeTouch; - global::Xamarin.Forms.Platform.Resource.Style.Theme_MaterialComponents_Light_NoActionBar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_MaterialComponents_Light_NoActionBar; - global::Xamarin.Forms.Platform.Resource.Style.Theme_MaterialComponents_Light_NoActionBar_Bridge = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_MaterialComponents_Light_NoActionBar_Bridge; - global::Xamarin.Forms.Platform.Resource.Style.Theme_MaterialComponents_NoActionBar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_MaterialComponents_NoActionBar; - global::Xamarin.Forms.Platform.Resource.Style.Theme_MaterialComponents_NoActionBar_Bridge = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Theme_MaterialComponents_NoActionBar_Bridge; - global::Xamarin.Forms.Platform.Resource.Style.Widget_AppCompat_ActionBar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_ActionBar; - global::Xamarin.Forms.Platform.Resource.Style.Widget_AppCompat_ActionBar_Solid = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_ActionBar_Solid; - global::Xamarin.Forms.Platform.Resource.Style.Widget_AppCompat_ActionBar_TabBar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_ActionBar_TabBar; - global::Xamarin.Forms.Platform.Resource.Style.Widget_AppCompat_ActionBar_TabText = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_ActionBar_TabText; - global::Xamarin.Forms.Platform.Resource.Style.Widget_AppCompat_ActionBar_TabView = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_ActionBar_TabView; - global::Xamarin.Forms.Platform.Resource.Style.Widget_AppCompat_ActionButton = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_ActionButton; - global::Xamarin.Forms.Platform.Resource.Style.Widget_AppCompat_ActionButton_CloseMode = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_ActionButton_CloseMode; - global::Xamarin.Forms.Platform.Resource.Style.Widget_AppCompat_ActionButton_Overflow = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_ActionButton_Overflow; - global::Xamarin.Forms.Platform.Resource.Style.Widget_AppCompat_ActionMode = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_ActionMode; - global::Xamarin.Forms.Platform.Resource.Style.Widget_AppCompat_ActivityChooserView = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_ActivityChooserView; - global::Xamarin.Forms.Platform.Resource.Style.Widget_AppCompat_AutoCompleteTextView = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_AutoCompleteTextView; - global::Xamarin.Forms.Platform.Resource.Style.Widget_AppCompat_Button = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_Button; - global::Xamarin.Forms.Platform.Resource.Style.Widget_AppCompat_ButtonBar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_ButtonBar; - global::Xamarin.Forms.Platform.Resource.Style.Widget_AppCompat_ButtonBar_AlertDialog = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_ButtonBar_AlertDialog; - global::Xamarin.Forms.Platform.Resource.Style.Widget_AppCompat_Button_Borderless = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_Button_Borderless; - global::Xamarin.Forms.Platform.Resource.Style.Widget_AppCompat_Button_Borderless_Colored = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_Button_Borderless_Colored; - global::Xamarin.Forms.Platform.Resource.Style.Widget_AppCompat_Button_ButtonBar_AlertDialog = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_Button_ButtonBar_AlertDialog; - global::Xamarin.Forms.Platform.Resource.Style.Widget_AppCompat_Button_Colored = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_Button_Colored; - global::Xamarin.Forms.Platform.Resource.Style.Widget_AppCompat_Button_Small = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_Button_Small; - global::Xamarin.Forms.Platform.Resource.Style.Widget_AppCompat_CompoundButton_CheckBox = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_CompoundButton_CheckBox; - global::Xamarin.Forms.Platform.Resource.Style.Widget_AppCompat_CompoundButton_RadioButton = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_CompoundButton_RadioButton; - global::Xamarin.Forms.Platform.Resource.Style.Widget_AppCompat_CompoundButton_Switch = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_CompoundButton_Switch; - global::Xamarin.Forms.Platform.Resource.Style.Widget_AppCompat_DrawerArrowToggle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_DrawerArrowToggle; - global::Xamarin.Forms.Platform.Resource.Style.Widget_AppCompat_DropDownItem_Spinner = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_DropDownItem_Spinner; - global::Xamarin.Forms.Platform.Resource.Style.Widget_AppCompat_EditText = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_EditText; - global::Xamarin.Forms.Platform.Resource.Style.Widget_AppCompat_ImageButton = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_ImageButton; - global::Xamarin.Forms.Platform.Resource.Style.Widget_AppCompat_Light_ActionBar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_Light_ActionBar; - global::Xamarin.Forms.Platform.Resource.Style.Widget_AppCompat_Light_ActionBar_Solid = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_Light_ActionBar_Solid; - global::Xamarin.Forms.Platform.Resource.Style.Widget_AppCompat_Light_ActionBar_Solid_Inverse = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_Light_ActionBar_Solid_Inverse; - global::Xamarin.Forms.Platform.Resource.Style.Widget_AppCompat_Light_ActionBar_TabBar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_Light_ActionBar_TabBar; - global::Xamarin.Forms.Platform.Resource.Style.Widget_AppCompat_Light_ActionBar_TabBar_Inverse = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_Light_ActionBar_TabBar_Inverse; - global::Xamarin.Forms.Platform.Resource.Style.Widget_AppCompat_Light_ActionBar_TabText = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_Light_ActionBar_TabText; - global::Xamarin.Forms.Platform.Resource.Style.Widget_AppCompat_Light_ActionBar_TabText_Inverse = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_Light_ActionBar_TabText_Inverse; - global::Xamarin.Forms.Platform.Resource.Style.Widget_AppCompat_Light_ActionBar_TabView = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_Light_ActionBar_TabView; - global::Xamarin.Forms.Platform.Resource.Style.Widget_AppCompat_Light_ActionBar_TabView_Inverse = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_Light_ActionBar_TabView_Inverse; - global::Xamarin.Forms.Platform.Resource.Style.Widget_AppCompat_Light_ActionButton = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_Light_ActionButton; - global::Xamarin.Forms.Platform.Resource.Style.Widget_AppCompat_Light_ActionButton_CloseMode = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_Light_ActionButton_CloseMode; - global::Xamarin.Forms.Platform.Resource.Style.Widget_AppCompat_Light_ActionButton_Overflow = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_Light_ActionButton_Overflow; - global::Xamarin.Forms.Platform.Resource.Style.Widget_AppCompat_Light_ActionMode_Inverse = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_Light_ActionMode_Inverse; - global::Xamarin.Forms.Platform.Resource.Style.Widget_AppCompat_Light_ActivityChooserView = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_Light_ActivityChooserView; - global::Xamarin.Forms.Platform.Resource.Style.Widget_AppCompat_Light_AutoCompleteTextView = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_Light_AutoCompleteTextView; - global::Xamarin.Forms.Platform.Resource.Style.Widget_AppCompat_Light_DropDownItem_Spinner = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_Light_DropDownItem_Spinner; - global::Xamarin.Forms.Platform.Resource.Style.Widget_AppCompat_Light_ListPopupWindow = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_Light_ListPopupWindow; - global::Xamarin.Forms.Platform.Resource.Style.Widget_AppCompat_Light_ListView_DropDown = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_Light_ListView_DropDown; - global::Xamarin.Forms.Platform.Resource.Style.Widget_AppCompat_Light_PopupMenu = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_Light_PopupMenu; - global::Xamarin.Forms.Platform.Resource.Style.Widget_AppCompat_Light_PopupMenu_Overflow = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_Light_PopupMenu_Overflow; - global::Xamarin.Forms.Platform.Resource.Style.Widget_AppCompat_Light_SearchView = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_Light_SearchView; - global::Xamarin.Forms.Platform.Resource.Style.Widget_AppCompat_Light_Spinner_DropDown_ActionBar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_Light_Spinner_DropDown_ActionBar; - global::Xamarin.Forms.Platform.Resource.Style.Widget_AppCompat_ListMenuView = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_ListMenuView; - global::Xamarin.Forms.Platform.Resource.Style.Widget_AppCompat_ListPopupWindow = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_ListPopupWindow; - global::Xamarin.Forms.Platform.Resource.Style.Widget_AppCompat_ListView = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_ListView; - global::Xamarin.Forms.Platform.Resource.Style.Widget_AppCompat_ListView_DropDown = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_ListView_DropDown; - global::Xamarin.Forms.Platform.Resource.Style.Widget_AppCompat_ListView_Menu = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_ListView_Menu; - global::Xamarin.Forms.Platform.Resource.Style.Widget_AppCompat_PopupMenu = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_PopupMenu; - global::Xamarin.Forms.Platform.Resource.Style.Widget_AppCompat_PopupMenu_Overflow = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_PopupMenu_Overflow; - global::Xamarin.Forms.Platform.Resource.Style.Widget_AppCompat_PopupWindow = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_PopupWindow; - global::Xamarin.Forms.Platform.Resource.Style.Widget_AppCompat_ProgressBar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_ProgressBar; - global::Xamarin.Forms.Platform.Resource.Style.Widget_AppCompat_ProgressBar_Horizontal = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_ProgressBar_Horizontal; - global::Xamarin.Forms.Platform.Resource.Style.Widget_AppCompat_RatingBar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_RatingBar; - global::Xamarin.Forms.Platform.Resource.Style.Widget_AppCompat_RatingBar_Indicator = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_RatingBar_Indicator; - global::Xamarin.Forms.Platform.Resource.Style.Widget_AppCompat_RatingBar_Small = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_RatingBar_Small; - global::Xamarin.Forms.Platform.Resource.Style.Widget_AppCompat_SearchView = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_SearchView; - global::Xamarin.Forms.Platform.Resource.Style.Widget_AppCompat_SearchView_ActionBar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_SearchView_ActionBar; - global::Xamarin.Forms.Platform.Resource.Style.Widget_AppCompat_SeekBar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_SeekBar; - global::Xamarin.Forms.Platform.Resource.Style.Widget_AppCompat_SeekBar_Discrete = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_SeekBar_Discrete; - global::Xamarin.Forms.Platform.Resource.Style.Widget_AppCompat_Spinner = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_Spinner; - global::Xamarin.Forms.Platform.Resource.Style.Widget_AppCompat_Spinner_DropDown = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_Spinner_DropDown; - global::Xamarin.Forms.Platform.Resource.Style.Widget_AppCompat_Spinner_DropDown_ActionBar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_Spinner_DropDown_ActionBar; - global::Xamarin.Forms.Platform.Resource.Style.Widget_AppCompat_Spinner_Underlined = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_Spinner_Underlined; - global::Xamarin.Forms.Platform.Resource.Style.Widget_AppCompat_TextView = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_TextView; - global::Xamarin.Forms.Platform.Resource.Style.Widget_AppCompat_TextView_SpinnerItem = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_TextView_SpinnerItem; - global::Xamarin.Forms.Platform.Resource.Style.Widget_AppCompat_Toolbar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_Toolbar; - global::Xamarin.Forms.Platform.Resource.Style.Widget_AppCompat_Toolbar_Button_Navigation = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_AppCompat_Toolbar_Button_Navigation; - global::Xamarin.Forms.Platform.Resource.Style.Widget_Compat_NotificationActionContainer = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_Compat_NotificationActionContainer; - global::Xamarin.Forms.Platform.Resource.Style.Widget_Compat_NotificationActionText = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_Compat_NotificationActionText; - global::Xamarin.Forms.Platform.Resource.Style.Widget_Design_AppBarLayout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_Design_AppBarLayout; - global::Xamarin.Forms.Platform.Resource.Style.Widget_Design_BottomNavigationView = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_Design_BottomNavigationView; - global::Xamarin.Forms.Platform.Resource.Style.Widget_Design_BottomSheet_Modal = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_Design_BottomSheet_Modal; - global::Xamarin.Forms.Platform.Resource.Style.Widget_Design_CollapsingToolbar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_Design_CollapsingToolbar; - global::Xamarin.Forms.Platform.Resource.Style.Widget_Design_FloatingActionButton = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_Design_FloatingActionButton; - global::Xamarin.Forms.Platform.Resource.Style.Widget_Design_NavigationView = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_Design_NavigationView; - global::Xamarin.Forms.Platform.Resource.Style.Widget_Design_ScrimInsetsFrameLayout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_Design_ScrimInsetsFrameLayout; - global::Xamarin.Forms.Platform.Resource.Style.Widget_Design_Snackbar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_Design_Snackbar; - global::Xamarin.Forms.Platform.Resource.Style.Widget_Design_TabLayout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_Design_TabLayout; - global::Xamarin.Forms.Platform.Resource.Style.Widget_Design_TextInputEditText = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_Design_TextInputEditText; - global::Xamarin.Forms.Platform.Resource.Style.Widget_Design_TextInputLayout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_Design_TextInputLayout; - global::Xamarin.Forms.Platform.Resource.Style.Widget_MaterialComponents_ActionBar_Primary = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_ActionBar_Primary; - global::Xamarin.Forms.Platform.Resource.Style.Widget_MaterialComponents_ActionBar_PrimarySurface = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_ActionBar_PrimarySurface; - global::Xamarin.Forms.Platform.Resource.Style.Widget_MaterialComponents_ActionBar_Solid = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_ActionBar_Solid; - global::Xamarin.Forms.Platform.Resource.Style.Widget_MaterialComponents_ActionBar_Surface = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_ActionBar_Surface; - global::Xamarin.Forms.Platform.Resource.Style.Widget_MaterialComponents_AppBarLayout_Primary = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_AppBarLayout_Primary; - global::Xamarin.Forms.Platform.Resource.Style.Widget_MaterialComponents_AppBarLayout_PrimarySurface = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_AppBarLayout_PrimarySurface; - global::Xamarin.Forms.Platform.Resource.Style.Widget_MaterialComponents_AppBarLayout_Surface = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_AppBarLayout_Surface; - global::Xamarin.Forms.Platform.Resource.Style.Widget_MaterialComponents_AutoCompleteTextView_FilledBox = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_AutoCompleteTextView_FilledBox; - global::Xamarin.Forms.Platform.Resource.Style.Widget_MaterialComponents_AutoCompleteTextView_FilledBox_Dense = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_AutoCompleteTextView_FilledBox_Dense; - global::Xamarin.Forms.Platform.Resource.Style.Widget_MaterialComponents_AutoCompleteTextView_OutlinedBox = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_AutoCompleteTextView_OutlinedBox; - global::Xamarin.Forms.Platform.Resource.Style.Widget_MaterialComponents_AutoCompleteTextView_OutlinedBox_Dense = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_AutoCompleteTextView_OutlinedBox_Dense; - global::Xamarin.Forms.Platform.Resource.Style.Widget_MaterialComponents_Badge = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_Badge; - global::Xamarin.Forms.Platform.Resource.Style.Widget_MaterialComponents_BottomAppBar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_BottomAppBar; - global::Xamarin.Forms.Platform.Resource.Style.Widget_MaterialComponents_BottomAppBar_Colored = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_BottomAppBar_Colored; - global::Xamarin.Forms.Platform.Resource.Style.Widget_MaterialComponents_BottomAppBar_PrimarySurface = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_BottomAppBar_PrimarySurface; - global::Xamarin.Forms.Platform.Resource.Style.Widget_MaterialComponents_BottomNavigationView = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_BottomNavigationView; - global::Xamarin.Forms.Platform.Resource.Style.Widget_MaterialComponents_BottomNavigationView_Colored = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_BottomNavigationView_Colored; - global::Xamarin.Forms.Platform.Resource.Style.Widget_MaterialComponents_BottomNavigationView_PrimarySurface = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_BottomNavigationView_PrimarySurface; - global::Xamarin.Forms.Platform.Resource.Style.Widget_MaterialComponents_BottomSheet = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_BottomSheet; - global::Xamarin.Forms.Platform.Resource.Style.Widget_MaterialComponents_BottomSheet_Modal = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_BottomSheet_Modal; - global::Xamarin.Forms.Platform.Resource.Style.Widget_MaterialComponents_Button = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_Button; - global::Xamarin.Forms.Platform.Resource.Style.Widget_MaterialComponents_Button_Icon = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_Button_Icon; - global::Xamarin.Forms.Platform.Resource.Style.Widget_MaterialComponents_Button_OutlinedButton = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_Button_OutlinedButton; - global::Xamarin.Forms.Platform.Resource.Style.Widget_MaterialComponents_Button_OutlinedButton_Icon = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_Button_OutlinedButton_Icon; - global::Xamarin.Forms.Platform.Resource.Style.Widget_MaterialComponents_Button_TextButton = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_Button_TextButton; - global::Xamarin.Forms.Platform.Resource.Style.Widget_MaterialComponents_Button_TextButton_Dialog = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_Button_TextButton_Dialog; - global::Xamarin.Forms.Platform.Resource.Style.Widget_MaterialComponents_Button_TextButton_Dialog_Flush = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_Button_TextButton_Dialog_Flush; - global::Xamarin.Forms.Platform.Resource.Style.Widget_MaterialComponents_Button_TextButton_Dialog_Icon = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_Button_TextButton_Dialog_Icon; - global::Xamarin.Forms.Platform.Resource.Style.Widget_MaterialComponents_Button_TextButton_Icon = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_Button_TextButton_Icon; - global::Xamarin.Forms.Platform.Resource.Style.Widget_MaterialComponents_Button_TextButton_Snackbar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_Button_TextButton_Snackbar; - global::Xamarin.Forms.Platform.Resource.Style.Widget_MaterialComponents_Button_UnelevatedButton = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_Button_UnelevatedButton; - global::Xamarin.Forms.Platform.Resource.Style.Widget_MaterialComponents_Button_UnelevatedButton_Icon = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_Button_UnelevatedButton_Icon; - global::Xamarin.Forms.Platform.Resource.Style.Widget_MaterialComponents_CardView = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_CardView; - global::Xamarin.Forms.Platform.Resource.Style.Widget_MaterialComponents_CheckedTextView = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_CheckedTextView; - global::Xamarin.Forms.Platform.Resource.Style.Widget_MaterialComponents_ChipGroup = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_ChipGroup; - global::Xamarin.Forms.Platform.Resource.Style.Widget_MaterialComponents_Chip_Action = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_Chip_Action; - global::Xamarin.Forms.Platform.Resource.Style.Widget_MaterialComponents_Chip_Choice = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_Chip_Choice; - global::Xamarin.Forms.Platform.Resource.Style.Widget_MaterialComponents_Chip_Entry = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_Chip_Entry; - global::Xamarin.Forms.Platform.Resource.Style.Widget_MaterialComponents_Chip_Filter = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_Chip_Filter; - global::Xamarin.Forms.Platform.Resource.Style.Widget_MaterialComponents_CompoundButton_CheckBox = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_CompoundButton_CheckBox; - global::Xamarin.Forms.Platform.Resource.Style.Widget_MaterialComponents_CompoundButton_RadioButton = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_CompoundButton_RadioButton; - global::Xamarin.Forms.Platform.Resource.Style.Widget_MaterialComponents_CompoundButton_Switch = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_CompoundButton_Switch; - global::Xamarin.Forms.Platform.Resource.Style.Widget_MaterialComponents_ExtendedFloatingActionButton = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_ExtendedFloatingActionButton; - global::Xamarin.Forms.Platform.Resource.Style.Widget_MaterialComponents_ExtendedFloatingActionButton_Icon = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_ExtendedFloatingActionButton_Icon; - global::Xamarin.Forms.Platform.Resource.Style.Widget_MaterialComponents_FloatingActionButton = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_FloatingActionButton; - global::Xamarin.Forms.Platform.Resource.Style.Widget_MaterialComponents_Light_ActionBar_Solid = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_Light_ActionBar_Solid; - global::Xamarin.Forms.Platform.Resource.Style.Widget_MaterialComponents_MaterialButtonToggleGroup = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_MaterialButtonToggleGroup; - global::Xamarin.Forms.Platform.Resource.Style.Widget_MaterialComponents_MaterialCalendar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_MaterialCalendar; - global::Xamarin.Forms.Platform.Resource.Style.Widget_MaterialComponents_MaterialCalendar_Day = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_MaterialCalendar_Day; - global::Xamarin.Forms.Platform.Resource.Style.Widget_MaterialComponents_MaterialCalendar_DayTextView = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_MaterialCalendar_DayTextView; - global::Xamarin.Forms.Platform.Resource.Style.Widget_MaterialComponents_MaterialCalendar_Day_Invalid = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_MaterialCalendar_Day_Invalid; - global::Xamarin.Forms.Platform.Resource.Style.Widget_MaterialComponents_MaterialCalendar_Day_Selected = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_MaterialCalendar_Day_Selected; - global::Xamarin.Forms.Platform.Resource.Style.Widget_MaterialComponents_MaterialCalendar_Day_Today = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_MaterialCalendar_Day_Today; - global::Xamarin.Forms.Platform.Resource.Style.Widget_MaterialComponents_MaterialCalendar_Fullscreen = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_MaterialCalendar_Fullscreen; - global::Xamarin.Forms.Platform.Resource.Style.Widget_MaterialComponents_MaterialCalendar_HeaderConfirmButton = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_MaterialCalendar_HeaderConfirmButton; - global::Xamarin.Forms.Platform.Resource.Style.Widget_MaterialComponents_MaterialCalendar_HeaderDivider = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_MaterialCalendar_HeaderDivider; - global::Xamarin.Forms.Platform.Resource.Style.Widget_MaterialComponents_MaterialCalendar_HeaderLayout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_MaterialCalendar_HeaderLayout; - global::Xamarin.Forms.Platform.Resource.Style.Widget_MaterialComponents_MaterialCalendar_HeaderSelection = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_MaterialCalendar_HeaderSelection; - global::Xamarin.Forms.Platform.Resource.Style.Widget_MaterialComponents_MaterialCalendar_HeaderSelection_Fullscreen = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_MaterialCalendar_HeaderSelection_Fullscreen; - global::Xamarin.Forms.Platform.Resource.Style.Widget_MaterialComponents_MaterialCalendar_HeaderTitle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_MaterialCalendar_HeaderTitle; - global::Xamarin.Forms.Platform.Resource.Style.Widget_MaterialComponents_MaterialCalendar_HeaderToggleButton = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_MaterialCalendar_HeaderToggleButton; - global::Xamarin.Forms.Platform.Resource.Style.Widget_MaterialComponents_MaterialCalendar_Item = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_MaterialCalendar_Item; - global::Xamarin.Forms.Platform.Resource.Style.Widget_MaterialComponents_MaterialCalendar_Year = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_MaterialCalendar_Year; - global::Xamarin.Forms.Platform.Resource.Style.Widget_MaterialComponents_MaterialCalendar_Year_Selected = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_MaterialCalendar_Year_Selected; - global::Xamarin.Forms.Platform.Resource.Style.Widget_MaterialComponents_MaterialCalendar_Year_Today = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_MaterialCalendar_Year_Today; - global::Xamarin.Forms.Platform.Resource.Style.Widget_MaterialComponents_NavigationView = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_NavigationView; - global::Xamarin.Forms.Platform.Resource.Style.Widget_MaterialComponents_PopupMenu = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_PopupMenu; - global::Xamarin.Forms.Platform.Resource.Style.Widget_MaterialComponents_PopupMenu_ContextMenu = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_PopupMenu_ContextMenu; - global::Xamarin.Forms.Platform.Resource.Style.Widget_MaterialComponents_PopupMenu_ListPopupWindow = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_PopupMenu_ListPopupWindow; - global::Xamarin.Forms.Platform.Resource.Style.Widget_MaterialComponents_PopupMenu_Overflow = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_PopupMenu_Overflow; - global::Xamarin.Forms.Platform.Resource.Style.Widget_MaterialComponents_ShapeableImageView = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_ShapeableImageView; - global::Xamarin.Forms.Platform.Resource.Style.Widget_MaterialComponents_Slider = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_Slider; - global::Xamarin.Forms.Platform.Resource.Style.Widget_MaterialComponents_Snackbar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_Snackbar; - global::Xamarin.Forms.Platform.Resource.Style.Widget_MaterialComponents_Snackbar_FullWidth = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_Snackbar_FullWidth; - global::Xamarin.Forms.Platform.Resource.Style.Widget_MaterialComponents_Snackbar_TextView = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_Snackbar_TextView; - global::Xamarin.Forms.Platform.Resource.Style.Widget_MaterialComponents_TabLayout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_TabLayout; - global::Xamarin.Forms.Platform.Resource.Style.Widget_MaterialComponents_TabLayout_Colored = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_TabLayout_Colored; - global::Xamarin.Forms.Platform.Resource.Style.Widget_MaterialComponents_TabLayout_PrimarySurface = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_TabLayout_PrimarySurface; - global::Xamarin.Forms.Platform.Resource.Style.Widget_MaterialComponents_TextInputEditText_FilledBox = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_TextInputEditText_FilledBox; - global::Xamarin.Forms.Platform.Resource.Style.Widget_MaterialComponents_TextInputEditText_FilledBox_Dense = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_TextInputEditText_FilledBox_Dense; - global::Xamarin.Forms.Platform.Resource.Style.Widget_MaterialComponents_TextInputEditText_OutlinedBox = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_TextInputEditText_OutlinedBox; - global::Xamarin.Forms.Platform.Resource.Style.Widget_MaterialComponents_TextInputEditText_OutlinedBox_Dense = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_TextInputEditText_OutlinedBox_Dense; - global::Xamarin.Forms.Platform.Resource.Style.Widget_MaterialComponents_TextInputLayout_FilledBox = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_TextInputLayout_FilledBox; - global::Xamarin.Forms.Platform.Resource.Style.Widget_MaterialComponents_TextInputLayout_FilledBox_Dense = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_TextInputLayout_FilledBox_Dense; - global::Xamarin.Forms.Platform.Resource.Style.Widget_MaterialComponents_TextInputLayout_FilledBox_Dense_ExposedDropdownMenu = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_TextInputLayout_FilledBox_Dense_ExposedDropdownMenu; - global::Xamarin.Forms.Platform.Resource.Style.Widget_MaterialComponents_TextInputLayout_FilledBox_ExposedDropdownMenu = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_TextInputLayout_FilledBox_ExposedDropdownMenu; - global::Xamarin.Forms.Platform.Resource.Style.Widget_MaterialComponents_TextInputLayout_OutlinedBox = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_TextInputLayout_OutlinedBox; - global::Xamarin.Forms.Platform.Resource.Style.Widget_MaterialComponents_TextInputLayout_OutlinedBox_Dense = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_TextInputLayout_OutlinedBox_Dense; - global::Xamarin.Forms.Platform.Resource.Style.Widget_MaterialComponents_TextInputLayout_OutlinedBox_Dense_ExposedDropdownMenu = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_TextInputLayout_OutlinedBox_Dense_ExposedDropdownMenu; - global::Xamarin.Forms.Platform.Resource.Style.Widget_MaterialComponents_TextInputLayout_OutlinedBox_ExposedDropdownMenu = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_TextInputLayout_OutlinedBox_ExposedDropdownMenu; - global::Xamarin.Forms.Platform.Resource.Style.Widget_MaterialComponents_TextView = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_TextView; - global::Xamarin.Forms.Platform.Resource.Style.Widget_MaterialComponents_Toolbar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_Toolbar; - global::Xamarin.Forms.Platform.Resource.Style.Widget_MaterialComponents_Toolbar_Primary = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_Toolbar_Primary; - global::Xamarin.Forms.Platform.Resource.Style.Widget_MaterialComponents_Toolbar_PrimarySurface = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_Toolbar_PrimarySurface; - global::Xamarin.Forms.Platform.Resource.Style.Widget_MaterialComponents_Toolbar_Surface = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_Toolbar_Surface; - global::Xamarin.Forms.Platform.Resource.Style.Widget_MaterialComponents_Tooltip = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_MaterialComponents_Tooltip; - global::Xamarin.Forms.Platform.Resource.Style.Widget_Support_CoordinatorLayout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Style.Widget_Support_CoordinatorLayout; - global::Xamarin.Forms.Platform.Resource.Styleable.ActionBar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ActionBar; - global::Xamarin.Forms.Platform.Resource.Styleable.ActionBarLayout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ActionBarLayout; - global::Xamarin.Forms.Platform.Resource.Styleable.ActionBarLayout_android_layout_gravity = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ActionBarLayout_android_layout_gravity; - global::Xamarin.Forms.Platform.Resource.Styleable.ActionBar_background = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ActionBar_background; - global::Xamarin.Forms.Platform.Resource.Styleable.ActionBar_backgroundSplit = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ActionBar_backgroundSplit; - global::Xamarin.Forms.Platform.Resource.Styleable.ActionBar_backgroundStacked = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ActionBar_backgroundStacked; - global::Xamarin.Forms.Platform.Resource.Styleable.ActionBar_contentInsetEnd = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ActionBar_contentInsetEnd; - global::Xamarin.Forms.Platform.Resource.Styleable.ActionBar_contentInsetEndWithActions = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ActionBar_contentInsetEndWithActions; - global::Xamarin.Forms.Platform.Resource.Styleable.ActionBar_contentInsetLeft = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ActionBar_contentInsetLeft; - global::Xamarin.Forms.Platform.Resource.Styleable.ActionBar_contentInsetRight = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ActionBar_contentInsetRight; - global::Xamarin.Forms.Platform.Resource.Styleable.ActionBar_contentInsetStart = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ActionBar_contentInsetStart; - global::Xamarin.Forms.Platform.Resource.Styleable.ActionBar_contentInsetStartWithNavigation = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ActionBar_contentInsetStartWithNavigation; - global::Xamarin.Forms.Platform.Resource.Styleable.ActionBar_customNavigationLayout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ActionBar_customNavigationLayout; - global::Xamarin.Forms.Platform.Resource.Styleable.ActionBar_displayOptions = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ActionBar_displayOptions; - global::Xamarin.Forms.Platform.Resource.Styleable.ActionBar_divider = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ActionBar_divider; - global::Xamarin.Forms.Platform.Resource.Styleable.ActionBar_elevation = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ActionBar_elevation; - global::Xamarin.Forms.Platform.Resource.Styleable.ActionBar_height = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ActionBar_height; - global::Xamarin.Forms.Platform.Resource.Styleable.ActionBar_hideOnContentScroll = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ActionBar_hideOnContentScroll; - global::Xamarin.Forms.Platform.Resource.Styleable.ActionBar_homeAsUpIndicator = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ActionBar_homeAsUpIndicator; - global::Xamarin.Forms.Platform.Resource.Styleable.ActionBar_homeLayout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ActionBar_homeLayout; - global::Xamarin.Forms.Platform.Resource.Styleable.ActionBar_icon = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ActionBar_icon; - global::Xamarin.Forms.Platform.Resource.Styleable.ActionBar_indeterminateProgressStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ActionBar_indeterminateProgressStyle; - global::Xamarin.Forms.Platform.Resource.Styleable.ActionBar_itemPadding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ActionBar_itemPadding; - global::Xamarin.Forms.Platform.Resource.Styleable.ActionBar_logo = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ActionBar_logo; - global::Xamarin.Forms.Platform.Resource.Styleable.ActionBar_navigationMode = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ActionBar_navigationMode; - global::Xamarin.Forms.Platform.Resource.Styleable.ActionBar_popupTheme = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ActionBar_popupTheme; - global::Xamarin.Forms.Platform.Resource.Styleable.ActionBar_progressBarPadding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ActionBar_progressBarPadding; - global::Xamarin.Forms.Platform.Resource.Styleable.ActionBar_progressBarStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ActionBar_progressBarStyle; - global::Xamarin.Forms.Platform.Resource.Styleable.ActionBar_subtitle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ActionBar_subtitle; - global::Xamarin.Forms.Platform.Resource.Styleable.ActionBar_subtitleTextStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ActionBar_subtitleTextStyle; - global::Xamarin.Forms.Platform.Resource.Styleable.ActionBar_title = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ActionBar_title; - global::Xamarin.Forms.Platform.Resource.Styleable.ActionBar_titleTextStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ActionBar_titleTextStyle; - global::Xamarin.Forms.Platform.Resource.Styleable.ActionMenuItemView = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ActionMenuItemView; - global::Xamarin.Forms.Platform.Resource.Styleable.ActionMenuItemView_android_minWidth = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ActionMenuItemView_android_minWidth; - global::Xamarin.Forms.Platform.Resource.Styleable.ActionMenuView = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ActionMenuView; - global::Xamarin.Forms.Platform.Resource.Styleable.ActionMode = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ActionMode; - global::Xamarin.Forms.Platform.Resource.Styleable.ActionMode_background = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ActionMode_background; - global::Xamarin.Forms.Platform.Resource.Styleable.ActionMode_backgroundSplit = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ActionMode_backgroundSplit; - global::Xamarin.Forms.Platform.Resource.Styleable.ActionMode_closeItemLayout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ActionMode_closeItemLayout; - global::Xamarin.Forms.Platform.Resource.Styleable.ActionMode_height = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ActionMode_height; - global::Xamarin.Forms.Platform.Resource.Styleable.ActionMode_subtitleTextStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ActionMode_subtitleTextStyle; - global::Xamarin.Forms.Platform.Resource.Styleable.ActionMode_titleTextStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ActionMode_titleTextStyle; - global::Xamarin.Forms.Platform.Resource.Styleable.ActivityChooserView = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ActivityChooserView; - global::Xamarin.Forms.Platform.Resource.Styleable.ActivityChooserView_expandActivityOverflowButtonDrawable = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ActivityChooserView_expandActivityOverflowButtonDrawable; - global::Xamarin.Forms.Platform.Resource.Styleable.ActivityChooserView_initialActivityCount = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ActivityChooserView_initialActivityCount; - global::Xamarin.Forms.Platform.Resource.Styleable.ActivityNavigator = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ActivityNavigator; - global::Xamarin.Forms.Platform.Resource.Styleable.ActivityNavigator_action = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ActivityNavigator_action; - global::Xamarin.Forms.Platform.Resource.Styleable.ActivityNavigator_android_name = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ActivityNavigator_android_name; - global::Xamarin.Forms.Platform.Resource.Styleable.ActivityNavigator_data = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ActivityNavigator_data; - global::Xamarin.Forms.Platform.Resource.Styleable.ActivityNavigator_dataPattern = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ActivityNavigator_dataPattern; - global::Xamarin.Forms.Platform.Resource.Styleable.ActivityNavigator_targetPackage = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ActivityNavigator_targetPackage; - global::Xamarin.Forms.Platform.Resource.Styleable.AlertDialog = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AlertDialog; - global::Xamarin.Forms.Platform.Resource.Styleable.AlertDialog_android_layout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AlertDialog_android_layout; - global::Xamarin.Forms.Platform.Resource.Styleable.AlertDialog_buttonIconDimen = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AlertDialog_buttonIconDimen; - global::Xamarin.Forms.Platform.Resource.Styleable.AlertDialog_buttonPanelSideLayout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AlertDialog_buttonPanelSideLayout; - global::Xamarin.Forms.Platform.Resource.Styleable.AlertDialog_listItemLayout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AlertDialog_listItemLayout; - global::Xamarin.Forms.Platform.Resource.Styleable.AlertDialog_listLayout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AlertDialog_listLayout; - global::Xamarin.Forms.Platform.Resource.Styleable.AlertDialog_multiChoiceItemLayout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AlertDialog_multiChoiceItemLayout; - global::Xamarin.Forms.Platform.Resource.Styleable.AlertDialog_showTitle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AlertDialog_showTitle; - global::Xamarin.Forms.Platform.Resource.Styleable.AlertDialog_singleChoiceItemLayout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AlertDialog_singleChoiceItemLayout; - global::Xamarin.Forms.Platform.Resource.Styleable.AnimatedStateListDrawableCompat = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AnimatedStateListDrawableCompat; - global::Xamarin.Forms.Platform.Resource.Styleable.AnimatedStateListDrawableCompat_android_constantSize = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AnimatedStateListDrawableCompat_android_constantSize; - global::Xamarin.Forms.Platform.Resource.Styleable.AnimatedStateListDrawableCompat_android_dither = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AnimatedStateListDrawableCompat_android_dither; - global::Xamarin.Forms.Platform.Resource.Styleable.AnimatedStateListDrawableCompat_android_enterFadeDuration = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AnimatedStateListDrawableCompat_android_enterFadeDuration; - global::Xamarin.Forms.Platform.Resource.Styleable.AnimatedStateListDrawableCompat_android_exitFadeDuration = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AnimatedStateListDrawableCompat_android_exitFadeDuration; - global::Xamarin.Forms.Platform.Resource.Styleable.AnimatedStateListDrawableCompat_android_variablePadding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AnimatedStateListDrawableCompat_android_variablePadding; - global::Xamarin.Forms.Platform.Resource.Styleable.AnimatedStateListDrawableCompat_android_visible = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AnimatedStateListDrawableCompat_android_visible; - global::Xamarin.Forms.Platform.Resource.Styleable.AnimatedStateListDrawableItem = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AnimatedStateListDrawableItem; - global::Xamarin.Forms.Platform.Resource.Styleable.AnimatedStateListDrawableItem_android_drawable = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AnimatedStateListDrawableItem_android_drawable; - global::Xamarin.Forms.Platform.Resource.Styleable.AnimatedStateListDrawableItem_android_id = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AnimatedStateListDrawableItem_android_id; - global::Xamarin.Forms.Platform.Resource.Styleable.AnimatedStateListDrawableTransition = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AnimatedStateListDrawableTransition; - global::Xamarin.Forms.Platform.Resource.Styleable.AnimatedStateListDrawableTransition_android_drawable = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AnimatedStateListDrawableTransition_android_drawable; - global::Xamarin.Forms.Platform.Resource.Styleable.AnimatedStateListDrawableTransition_android_fromId = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AnimatedStateListDrawableTransition_android_fromId; - global::Xamarin.Forms.Platform.Resource.Styleable.AnimatedStateListDrawableTransition_android_reversible = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AnimatedStateListDrawableTransition_android_reversible; - global::Xamarin.Forms.Platform.Resource.Styleable.AnimatedStateListDrawableTransition_android_toId = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AnimatedStateListDrawableTransition_android_toId; - global::Xamarin.Forms.Platform.Resource.Styleable.AppBarLayout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppBarLayout; - global::Xamarin.Forms.Platform.Resource.Styleable.AppBarLayoutStates = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppBarLayoutStates; - global::Xamarin.Forms.Platform.Resource.Styleable.AppBarLayoutStates_state_collapsed = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppBarLayoutStates_state_collapsed; - global::Xamarin.Forms.Platform.Resource.Styleable.AppBarLayoutStates_state_collapsible = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppBarLayoutStates_state_collapsible; - global::Xamarin.Forms.Platform.Resource.Styleable.AppBarLayoutStates_state_liftable = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppBarLayoutStates_state_liftable; - global::Xamarin.Forms.Platform.Resource.Styleable.AppBarLayoutStates_state_lifted = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppBarLayoutStates_state_lifted; - global::Xamarin.Forms.Platform.Resource.Styleable.AppBarLayout_android_background = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppBarLayout_android_background; - global::Xamarin.Forms.Platform.Resource.Styleable.AppBarLayout_android_keyboardNavigationCluster = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppBarLayout_android_keyboardNavigationCluster; - global::Xamarin.Forms.Platform.Resource.Styleable.AppBarLayout_android_touchscreenBlocksFocus = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppBarLayout_android_touchscreenBlocksFocus; - global::Xamarin.Forms.Platform.Resource.Styleable.AppBarLayout_elevation = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppBarLayout_elevation; - global::Xamarin.Forms.Platform.Resource.Styleable.AppBarLayout_expanded = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppBarLayout_expanded; - global::Xamarin.Forms.Platform.Resource.Styleable.AppBarLayout_Layout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppBarLayout_Layout; - global::Xamarin.Forms.Platform.Resource.Styleable.AppBarLayout_Layout_layout_scrollFlags = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppBarLayout_Layout_layout_scrollFlags; - global::Xamarin.Forms.Platform.Resource.Styleable.AppBarLayout_Layout_layout_scrollInterpolator = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppBarLayout_Layout_layout_scrollInterpolator; - global::Xamarin.Forms.Platform.Resource.Styleable.AppBarLayout_liftOnScroll = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppBarLayout_liftOnScroll; - global::Xamarin.Forms.Platform.Resource.Styleable.AppBarLayout_liftOnScrollTargetViewId = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppBarLayout_liftOnScrollTargetViewId; - global::Xamarin.Forms.Platform.Resource.Styleable.AppBarLayout_statusBarForeground = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppBarLayout_statusBarForeground; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatImageView = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatImageView; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatImageView_android_src = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatImageView_android_src; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatImageView_srcCompat = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatImageView_srcCompat; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatImageView_tint = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatImageView_tint; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatImageView_tintMode = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatImageView_tintMode; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatSeekBar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatSeekBar; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatSeekBar_android_thumb = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatSeekBar_android_thumb; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatSeekBar_tickMark = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatSeekBar_tickMark; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatSeekBar_tickMarkTint = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatSeekBar_tickMarkTint; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatSeekBar_tickMarkTintMode = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatSeekBar_tickMarkTintMode; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTextHelper = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTextHelper; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTextHelper_android_drawableBottom = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTextHelper_android_drawableBottom; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTextHelper_android_drawableEnd = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTextHelper_android_drawableEnd; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTextHelper_android_drawableLeft = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTextHelper_android_drawableLeft; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTextHelper_android_drawableRight = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTextHelper_android_drawableRight; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTextHelper_android_drawableStart = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTextHelper_android_drawableStart; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTextHelper_android_drawableTop = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTextHelper_android_drawableTop; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTextHelper_android_textAppearance = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTextHelper_android_textAppearance; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTextView = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTextView; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTextView_android_textAppearance = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTextView_android_textAppearance; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTextView_autoSizeMaxTextSize = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTextView_autoSizeMaxTextSize; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTextView_autoSizeMinTextSize = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTextView_autoSizeMinTextSize; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTextView_autoSizePresetSizes = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTextView_autoSizePresetSizes; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTextView_autoSizeStepGranularity = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTextView_autoSizeStepGranularity; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTextView_autoSizeTextType = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTextView_autoSizeTextType; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTextView_drawableBottomCompat = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTextView_drawableBottomCompat; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTextView_drawableEndCompat = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTextView_drawableEndCompat; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTextView_drawableLeftCompat = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTextView_drawableLeftCompat; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTextView_drawableRightCompat = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTextView_drawableRightCompat; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTextView_drawableStartCompat = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTextView_drawableStartCompat; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTextView_drawableTint = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTextView_drawableTint; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTextView_drawableTintMode = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTextView_drawableTintMode; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTextView_drawableTopCompat = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTextView_drawableTopCompat; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTextView_firstBaselineToTopHeight = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTextView_firstBaselineToTopHeight; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTextView_fontFamily = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTextView_fontFamily; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTextView_fontVariationSettings = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTextView_fontVariationSettings; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTextView_lastBaselineToBottomHeight = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTextView_lastBaselineToBottomHeight; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTextView_lineHeight = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTextView_lineHeight; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTextView_textAllCaps = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTextView_textAllCaps; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTextView_textLocale = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTextView_textLocale; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTheme = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTheme_actionBarDivider = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_actionBarDivider; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTheme_actionBarItemBackground = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_actionBarItemBackground; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTheme_actionBarPopupTheme = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_actionBarPopupTheme; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTheme_actionBarSize = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_actionBarSize; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTheme_actionBarSplitStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_actionBarSplitStyle; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTheme_actionBarStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_actionBarStyle; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTheme_actionBarTabBarStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_actionBarTabBarStyle; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTheme_actionBarTabStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_actionBarTabStyle; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTheme_actionBarTabTextStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_actionBarTabTextStyle; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTheme_actionBarTheme = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_actionBarTheme; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTheme_actionBarWidgetTheme = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_actionBarWidgetTheme; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTheme_actionButtonStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_actionButtonStyle; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTheme_actionDropDownStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_actionDropDownStyle; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTheme_actionMenuTextAppearance = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_actionMenuTextAppearance; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTheme_actionMenuTextColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_actionMenuTextColor; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTheme_actionModeBackground = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_actionModeBackground; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTheme_actionModeCloseButtonStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_actionModeCloseButtonStyle; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTheme_actionModeCloseDrawable = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_actionModeCloseDrawable; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTheme_actionModeCopyDrawable = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_actionModeCopyDrawable; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTheme_actionModeCutDrawable = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_actionModeCutDrawable; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTheme_actionModeFindDrawable = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_actionModeFindDrawable; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTheme_actionModePasteDrawable = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_actionModePasteDrawable; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTheme_actionModePopupWindowStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_actionModePopupWindowStyle; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTheme_actionModeSelectAllDrawable = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_actionModeSelectAllDrawable; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTheme_actionModeShareDrawable = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_actionModeShareDrawable; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTheme_actionModeSplitBackground = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_actionModeSplitBackground; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTheme_actionModeStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_actionModeStyle; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTheme_actionModeWebSearchDrawable = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_actionModeWebSearchDrawable; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTheme_actionOverflowButtonStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_actionOverflowButtonStyle; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTheme_actionOverflowMenuStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_actionOverflowMenuStyle; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTheme_activityChooserViewStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_activityChooserViewStyle; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTheme_alertDialogButtonGroupStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_alertDialogButtonGroupStyle; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTheme_alertDialogCenterButtons = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_alertDialogCenterButtons; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTheme_alertDialogStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_alertDialogStyle; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTheme_alertDialogTheme = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_alertDialogTheme; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTheme_android_windowAnimationStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_android_windowAnimationStyle; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTheme_android_windowIsFloating = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_android_windowIsFloating; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTheme_autoCompleteTextViewStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_autoCompleteTextViewStyle; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTheme_borderlessButtonStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_borderlessButtonStyle; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTheme_buttonBarButtonStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_buttonBarButtonStyle; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTheme_buttonBarNegativeButtonStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_buttonBarNegativeButtonStyle; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTheme_buttonBarNeutralButtonStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_buttonBarNeutralButtonStyle; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTheme_buttonBarPositiveButtonStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_buttonBarPositiveButtonStyle; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTheme_buttonBarStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_buttonBarStyle; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTheme_buttonStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_buttonStyle; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTheme_buttonStyleSmall = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_buttonStyleSmall; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTheme_checkboxStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_checkboxStyle; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTheme_checkedTextViewStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_checkedTextViewStyle; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTheme_colorAccent = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_colorAccent; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTheme_colorBackgroundFloating = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_colorBackgroundFloating; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTheme_colorButtonNormal = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_colorButtonNormal; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTheme_colorControlActivated = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_colorControlActivated; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTheme_colorControlHighlight = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_colorControlHighlight; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTheme_colorControlNormal = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_colorControlNormal; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTheme_colorError = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_colorError; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTheme_colorPrimary = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_colorPrimary; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTheme_colorPrimaryDark = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_colorPrimaryDark; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTheme_colorSwitchThumbNormal = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_colorSwitchThumbNormal; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTheme_controlBackground = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_controlBackground; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTheme_dialogCornerRadius = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_dialogCornerRadius; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTheme_dialogPreferredPadding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_dialogPreferredPadding; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTheme_dialogTheme = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_dialogTheme; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTheme_dividerHorizontal = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_dividerHorizontal; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTheme_dividerVertical = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_dividerVertical; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTheme_dropdownListPreferredItemHeight = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_dropdownListPreferredItemHeight; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTheme_dropDownListViewStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_dropDownListViewStyle; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTheme_editTextBackground = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_editTextBackground; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTheme_editTextColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_editTextColor; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTheme_editTextStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_editTextStyle; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTheme_homeAsUpIndicator = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_homeAsUpIndicator; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTheme_imageButtonStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_imageButtonStyle; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTheme_listChoiceBackgroundIndicator = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_listChoiceBackgroundIndicator; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTheme_listChoiceIndicatorMultipleAnimated = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_listChoiceIndicatorMultipleAnimated; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTheme_listChoiceIndicatorSingleAnimated = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_listChoiceIndicatorSingleAnimated; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTheme_listDividerAlertDialog = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_listDividerAlertDialog; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTheme_listMenuViewStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_listMenuViewStyle; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTheme_listPopupWindowStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_listPopupWindowStyle; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTheme_listPreferredItemHeight = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_listPreferredItemHeight; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTheme_listPreferredItemHeightLarge = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_listPreferredItemHeightLarge; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTheme_listPreferredItemHeightSmall = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_listPreferredItemHeightSmall; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTheme_listPreferredItemPaddingEnd = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_listPreferredItemPaddingEnd; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTheme_listPreferredItemPaddingLeft = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_listPreferredItemPaddingLeft; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTheme_listPreferredItemPaddingRight = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_listPreferredItemPaddingRight; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTheme_listPreferredItemPaddingStart = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_listPreferredItemPaddingStart; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTheme_panelBackground = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_panelBackground; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTheme_panelMenuListTheme = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_panelMenuListTheme; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTheme_panelMenuListWidth = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_panelMenuListWidth; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTheme_popupMenuStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_popupMenuStyle; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTheme_popupWindowStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_popupWindowStyle; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTheme_radioButtonStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_radioButtonStyle; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTheme_ratingBarStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_ratingBarStyle; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTheme_ratingBarStyleIndicator = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_ratingBarStyleIndicator; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTheme_ratingBarStyleSmall = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_ratingBarStyleSmall; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTheme_searchViewStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_searchViewStyle; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTheme_seekBarStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_seekBarStyle; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTheme_selectableItemBackground = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_selectableItemBackground; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTheme_selectableItemBackgroundBorderless = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_selectableItemBackgroundBorderless; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTheme_spinnerDropDownItemStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_spinnerDropDownItemStyle; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTheme_spinnerStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_spinnerStyle; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTheme_switchStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_switchStyle; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTheme_textAppearanceLargePopupMenu = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_textAppearanceLargePopupMenu; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTheme_textAppearanceListItem = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_textAppearanceListItem; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTheme_textAppearanceListItemSecondary = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_textAppearanceListItemSecondary; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTheme_textAppearanceListItemSmall = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_textAppearanceListItemSmall; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTheme_textAppearancePopupMenuHeader = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_textAppearancePopupMenuHeader; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTheme_textAppearanceSearchResultSubtitle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_textAppearanceSearchResultSubtitle; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTheme_textAppearanceSearchResultTitle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_textAppearanceSearchResultTitle; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTheme_textAppearanceSmallPopupMenu = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_textAppearanceSmallPopupMenu; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTheme_textColorAlertDialogListItem = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_textColorAlertDialogListItem; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTheme_textColorSearchUrl = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_textColorSearchUrl; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTheme_toolbarNavigationButtonStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_toolbarNavigationButtonStyle; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTheme_toolbarStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_toolbarStyle; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTheme_tooltipForegroundColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_tooltipForegroundColor; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTheme_tooltipFrameBackground = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_tooltipFrameBackground; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTheme_viewInflaterClass = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_viewInflaterClass; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTheme_windowActionBar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_windowActionBar; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTheme_windowActionBarOverlay = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_windowActionBarOverlay; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTheme_windowActionModeOverlay = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_windowActionModeOverlay; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTheme_windowFixedHeightMajor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_windowFixedHeightMajor; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTheme_windowFixedHeightMinor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_windowFixedHeightMinor; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTheme_windowFixedWidthMajor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_windowFixedWidthMajor; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTheme_windowFixedWidthMinor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_windowFixedWidthMinor; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTheme_windowMinWidthMajor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_windowMinWidthMajor; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTheme_windowMinWidthMinor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_windowMinWidthMinor; - global::Xamarin.Forms.Platform.Resource.Styleable.AppCompatTheme_windowNoTitle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.AppCompatTheme_windowNoTitle; - global::Xamarin.Forms.Platform.Resource.Styleable.Badge = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Badge; - global::Xamarin.Forms.Platform.Resource.Styleable.Badge_backgroundColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Badge_backgroundColor; - global::Xamarin.Forms.Platform.Resource.Styleable.Badge_badgeGravity = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Badge_badgeGravity; - global::Xamarin.Forms.Platform.Resource.Styleable.Badge_badgeTextColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Badge_badgeTextColor; - global::Xamarin.Forms.Platform.Resource.Styleable.Badge_horizontalOffset = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Badge_horizontalOffset; - global::Xamarin.Forms.Platform.Resource.Styleable.Badge_maxCharacterCount = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Badge_maxCharacterCount; - global::Xamarin.Forms.Platform.Resource.Styleable.Badge_number = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Badge_number; - global::Xamarin.Forms.Platform.Resource.Styleable.Badge_verticalOffset = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Badge_verticalOffset; - global::Xamarin.Forms.Platform.Resource.Styleable.BottomAppBar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.BottomAppBar; - global::Xamarin.Forms.Platform.Resource.Styleable.BottomAppBar_backgroundTint = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.BottomAppBar_backgroundTint; - global::Xamarin.Forms.Platform.Resource.Styleable.BottomAppBar_elevation = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.BottomAppBar_elevation; - global::Xamarin.Forms.Platform.Resource.Styleable.BottomAppBar_fabAlignmentMode = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.BottomAppBar_fabAlignmentMode; - global::Xamarin.Forms.Platform.Resource.Styleable.BottomAppBar_fabAnimationMode = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.BottomAppBar_fabAnimationMode; - global::Xamarin.Forms.Platform.Resource.Styleable.BottomAppBar_fabCradleMargin = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.BottomAppBar_fabCradleMargin; - global::Xamarin.Forms.Platform.Resource.Styleable.BottomAppBar_fabCradleRoundedCornerRadius = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.BottomAppBar_fabCradleRoundedCornerRadius; - global::Xamarin.Forms.Platform.Resource.Styleable.BottomAppBar_fabCradleVerticalOffset = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.BottomAppBar_fabCradleVerticalOffset; - global::Xamarin.Forms.Platform.Resource.Styleable.BottomAppBar_hideOnScroll = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.BottomAppBar_hideOnScroll; - global::Xamarin.Forms.Platform.Resource.Styleable.BottomAppBar_paddingBottomSystemWindowInsets = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.BottomAppBar_paddingBottomSystemWindowInsets; - global::Xamarin.Forms.Platform.Resource.Styleable.BottomAppBar_paddingLeftSystemWindowInsets = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.BottomAppBar_paddingLeftSystemWindowInsets; - global::Xamarin.Forms.Platform.Resource.Styleable.BottomAppBar_paddingRightSystemWindowInsets = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.BottomAppBar_paddingRightSystemWindowInsets; - global::Xamarin.Forms.Platform.Resource.Styleable.BottomNavigationView = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.BottomNavigationView; - global::Xamarin.Forms.Platform.Resource.Styleable.BottomNavigationView_backgroundTint = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.BottomNavigationView_backgroundTint; - global::Xamarin.Forms.Platform.Resource.Styleable.BottomNavigationView_elevation = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.BottomNavigationView_elevation; - global::Xamarin.Forms.Platform.Resource.Styleable.BottomNavigationView_itemBackground = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.BottomNavigationView_itemBackground; - global::Xamarin.Forms.Platform.Resource.Styleable.BottomNavigationView_itemHorizontalTranslationEnabled = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.BottomNavigationView_itemHorizontalTranslationEnabled; - global::Xamarin.Forms.Platform.Resource.Styleable.BottomNavigationView_itemIconSize = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.BottomNavigationView_itemIconSize; - global::Xamarin.Forms.Platform.Resource.Styleable.BottomNavigationView_itemIconTint = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.BottomNavigationView_itemIconTint; - global::Xamarin.Forms.Platform.Resource.Styleable.BottomNavigationView_itemRippleColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.BottomNavigationView_itemRippleColor; - global::Xamarin.Forms.Platform.Resource.Styleable.BottomNavigationView_itemTextAppearanceActive = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.BottomNavigationView_itemTextAppearanceActive; - global::Xamarin.Forms.Platform.Resource.Styleable.BottomNavigationView_itemTextAppearanceInactive = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.BottomNavigationView_itemTextAppearanceInactive; - global::Xamarin.Forms.Platform.Resource.Styleable.BottomNavigationView_itemTextColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.BottomNavigationView_itemTextColor; - global::Xamarin.Forms.Platform.Resource.Styleable.BottomNavigationView_labelVisibilityMode = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.BottomNavigationView_labelVisibilityMode; - global::Xamarin.Forms.Platform.Resource.Styleable.BottomNavigationView_menu = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.BottomNavigationView_menu; - global::Xamarin.Forms.Platform.Resource.Styleable.BottomSheetBehavior_Layout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.BottomSheetBehavior_Layout; - global::Xamarin.Forms.Platform.Resource.Styleable.BottomSheetBehavior_Layout_android_elevation = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.BottomSheetBehavior_Layout_android_elevation; - global::Xamarin.Forms.Platform.Resource.Styleable.BottomSheetBehavior_Layout_backgroundTint = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.BottomSheetBehavior_Layout_backgroundTint; - global::Xamarin.Forms.Platform.Resource.Styleable.BottomSheetBehavior_Layout_behavior_draggable = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.BottomSheetBehavior_Layout_behavior_draggable; - global::Xamarin.Forms.Platform.Resource.Styleable.BottomSheetBehavior_Layout_behavior_expandedOffset = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.BottomSheetBehavior_Layout_behavior_expandedOffset; - global::Xamarin.Forms.Platform.Resource.Styleable.BottomSheetBehavior_Layout_behavior_fitToContents = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.BottomSheetBehavior_Layout_behavior_fitToContents; - global::Xamarin.Forms.Platform.Resource.Styleable.BottomSheetBehavior_Layout_behavior_halfExpandedRatio = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.BottomSheetBehavior_Layout_behavior_halfExpandedRatio; - global::Xamarin.Forms.Platform.Resource.Styleable.BottomSheetBehavior_Layout_behavior_hideable = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.BottomSheetBehavior_Layout_behavior_hideable; - global::Xamarin.Forms.Platform.Resource.Styleable.BottomSheetBehavior_Layout_behavior_peekHeight = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.BottomSheetBehavior_Layout_behavior_peekHeight; - global::Xamarin.Forms.Platform.Resource.Styleable.BottomSheetBehavior_Layout_behavior_saveFlags = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.BottomSheetBehavior_Layout_behavior_saveFlags; - global::Xamarin.Forms.Platform.Resource.Styleable.BottomSheetBehavior_Layout_behavior_skipCollapsed = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.BottomSheetBehavior_Layout_behavior_skipCollapsed; - global::Xamarin.Forms.Platform.Resource.Styleable.BottomSheetBehavior_Layout_gestureInsetBottomIgnored = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.BottomSheetBehavior_Layout_gestureInsetBottomIgnored; - global::Xamarin.Forms.Platform.Resource.Styleable.BottomSheetBehavior_Layout_shapeAppearance = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.BottomSheetBehavior_Layout_shapeAppearance; - global::Xamarin.Forms.Platform.Resource.Styleable.BottomSheetBehavior_Layout_shapeAppearanceOverlay = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.BottomSheetBehavior_Layout_shapeAppearanceOverlay; - global::Xamarin.Forms.Platform.Resource.Styleable.ButtonBarLayout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ButtonBarLayout; - global::Xamarin.Forms.Platform.Resource.Styleable.ButtonBarLayout_allowStacking = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ButtonBarLayout_allowStacking; - global::Xamarin.Forms.Platform.Resource.Styleable.CardView = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.CardView; - global::Xamarin.Forms.Platform.Resource.Styleable.CardView_android_minHeight = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.CardView_android_minHeight; - global::Xamarin.Forms.Platform.Resource.Styleable.CardView_android_minWidth = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.CardView_android_minWidth; - global::Xamarin.Forms.Platform.Resource.Styleable.CardView_cardBackgroundColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.CardView_cardBackgroundColor; - global::Xamarin.Forms.Platform.Resource.Styleable.CardView_cardCornerRadius = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.CardView_cardCornerRadius; - global::Xamarin.Forms.Platform.Resource.Styleable.CardView_cardElevation = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.CardView_cardElevation; - global::Xamarin.Forms.Platform.Resource.Styleable.CardView_cardMaxElevation = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.CardView_cardMaxElevation; - global::Xamarin.Forms.Platform.Resource.Styleable.CardView_cardPreventCornerOverlap = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.CardView_cardPreventCornerOverlap; - global::Xamarin.Forms.Platform.Resource.Styleable.CardView_cardUseCompatPadding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.CardView_cardUseCompatPadding; - global::Xamarin.Forms.Platform.Resource.Styleable.CardView_contentPadding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.CardView_contentPadding; - global::Xamarin.Forms.Platform.Resource.Styleable.CardView_contentPaddingBottom = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.CardView_contentPaddingBottom; - global::Xamarin.Forms.Platform.Resource.Styleable.CardView_contentPaddingLeft = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.CardView_contentPaddingLeft; - global::Xamarin.Forms.Platform.Resource.Styleable.CardView_contentPaddingRight = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.CardView_contentPaddingRight; - global::Xamarin.Forms.Platform.Resource.Styleable.CardView_contentPaddingTop = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.CardView_contentPaddingTop; - global::Xamarin.Forms.Platform.Resource.Styleable.Chip = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Chip; - global::Xamarin.Forms.Platform.Resource.Styleable.ChipGroup = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ChipGroup; - global::Xamarin.Forms.Platform.Resource.Styleable.ChipGroup_checkedChip = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ChipGroup_checkedChip; - global::Xamarin.Forms.Platform.Resource.Styleable.ChipGroup_chipSpacing = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ChipGroup_chipSpacing; - global::Xamarin.Forms.Platform.Resource.Styleable.ChipGroup_chipSpacingHorizontal = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ChipGroup_chipSpacingHorizontal; - global::Xamarin.Forms.Platform.Resource.Styleable.ChipGroup_chipSpacingVertical = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ChipGroup_chipSpacingVertical; - global::Xamarin.Forms.Platform.Resource.Styleable.ChipGroup_selectionRequired = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ChipGroup_selectionRequired; - global::Xamarin.Forms.Platform.Resource.Styleable.ChipGroup_singleLine = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ChipGroup_singleLine; - global::Xamarin.Forms.Platform.Resource.Styleable.ChipGroup_singleSelection = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ChipGroup_singleSelection; - global::Xamarin.Forms.Platform.Resource.Styleable.Chip_android_checkable = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Chip_android_checkable; - global::Xamarin.Forms.Platform.Resource.Styleable.Chip_android_ellipsize = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Chip_android_ellipsize; - global::Xamarin.Forms.Platform.Resource.Styleable.Chip_android_maxWidth = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Chip_android_maxWidth; - global::Xamarin.Forms.Platform.Resource.Styleable.Chip_android_text = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Chip_android_text; - global::Xamarin.Forms.Platform.Resource.Styleable.Chip_android_textAppearance = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Chip_android_textAppearance; - global::Xamarin.Forms.Platform.Resource.Styleable.Chip_android_textColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Chip_android_textColor; - global::Xamarin.Forms.Platform.Resource.Styleable.Chip_checkedIcon = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Chip_checkedIcon; - global::Xamarin.Forms.Platform.Resource.Styleable.Chip_checkedIconEnabled = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Chip_checkedIconEnabled; - global::Xamarin.Forms.Platform.Resource.Styleable.Chip_checkedIconTint = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Chip_checkedIconTint; - global::Xamarin.Forms.Platform.Resource.Styleable.Chip_checkedIconVisible = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Chip_checkedIconVisible; - global::Xamarin.Forms.Platform.Resource.Styleable.Chip_chipBackgroundColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Chip_chipBackgroundColor; - global::Xamarin.Forms.Platform.Resource.Styleable.Chip_chipCornerRadius = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Chip_chipCornerRadius; - global::Xamarin.Forms.Platform.Resource.Styleable.Chip_chipEndPadding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Chip_chipEndPadding; - global::Xamarin.Forms.Platform.Resource.Styleable.Chip_chipIcon = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Chip_chipIcon; - global::Xamarin.Forms.Platform.Resource.Styleable.Chip_chipIconEnabled = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Chip_chipIconEnabled; - global::Xamarin.Forms.Platform.Resource.Styleable.Chip_chipIconSize = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Chip_chipIconSize; - global::Xamarin.Forms.Platform.Resource.Styleable.Chip_chipIconTint = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Chip_chipIconTint; - global::Xamarin.Forms.Platform.Resource.Styleable.Chip_chipIconVisible = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Chip_chipIconVisible; - global::Xamarin.Forms.Platform.Resource.Styleable.Chip_chipMinHeight = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Chip_chipMinHeight; - global::Xamarin.Forms.Platform.Resource.Styleable.Chip_chipMinTouchTargetSize = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Chip_chipMinTouchTargetSize; - global::Xamarin.Forms.Platform.Resource.Styleable.Chip_chipStartPadding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Chip_chipStartPadding; - global::Xamarin.Forms.Platform.Resource.Styleable.Chip_chipStrokeColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Chip_chipStrokeColor; - global::Xamarin.Forms.Platform.Resource.Styleable.Chip_chipStrokeWidth = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Chip_chipStrokeWidth; - global::Xamarin.Forms.Platform.Resource.Styleable.Chip_chipSurfaceColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Chip_chipSurfaceColor; - global::Xamarin.Forms.Platform.Resource.Styleable.Chip_closeIcon = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Chip_closeIcon; - global::Xamarin.Forms.Platform.Resource.Styleable.Chip_closeIconEnabled = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Chip_closeIconEnabled; - global::Xamarin.Forms.Platform.Resource.Styleable.Chip_closeIconEndPadding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Chip_closeIconEndPadding; - global::Xamarin.Forms.Platform.Resource.Styleable.Chip_closeIconSize = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Chip_closeIconSize; - global::Xamarin.Forms.Platform.Resource.Styleable.Chip_closeIconStartPadding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Chip_closeIconStartPadding; - global::Xamarin.Forms.Platform.Resource.Styleable.Chip_closeIconTint = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Chip_closeIconTint; - global::Xamarin.Forms.Platform.Resource.Styleable.Chip_closeIconVisible = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Chip_closeIconVisible; - global::Xamarin.Forms.Platform.Resource.Styleable.Chip_ensureMinTouchTargetSize = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Chip_ensureMinTouchTargetSize; - global::Xamarin.Forms.Platform.Resource.Styleable.Chip_hideMotionSpec = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Chip_hideMotionSpec; - global::Xamarin.Forms.Platform.Resource.Styleable.Chip_iconEndPadding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Chip_iconEndPadding; - global::Xamarin.Forms.Platform.Resource.Styleable.Chip_iconStartPadding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Chip_iconStartPadding; - global::Xamarin.Forms.Platform.Resource.Styleable.Chip_rippleColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Chip_rippleColor; - global::Xamarin.Forms.Platform.Resource.Styleable.Chip_shapeAppearance = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Chip_shapeAppearance; - global::Xamarin.Forms.Platform.Resource.Styleable.Chip_shapeAppearanceOverlay = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Chip_shapeAppearanceOverlay; - global::Xamarin.Forms.Platform.Resource.Styleable.Chip_showMotionSpec = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Chip_showMotionSpec; - global::Xamarin.Forms.Platform.Resource.Styleable.Chip_textEndPadding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Chip_textEndPadding; - global::Xamarin.Forms.Platform.Resource.Styleable.Chip_textStartPadding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Chip_textStartPadding; - global::Xamarin.Forms.Platform.Resource.Styleable.CollapsingToolbarLayout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.CollapsingToolbarLayout; - global::Xamarin.Forms.Platform.Resource.Styleable.CollapsingToolbarLayout_collapsedTitleGravity = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.CollapsingToolbarLayout_collapsedTitleGravity; - global::Xamarin.Forms.Platform.Resource.Styleable.CollapsingToolbarLayout_collapsedTitleTextAppearance = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.CollapsingToolbarLayout_collapsedTitleTextAppearance; - global::Xamarin.Forms.Platform.Resource.Styleable.CollapsingToolbarLayout_contentScrim = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.CollapsingToolbarLayout_contentScrim; - global::Xamarin.Forms.Platform.Resource.Styleable.CollapsingToolbarLayout_expandedTitleGravity = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.CollapsingToolbarLayout_expandedTitleGravity; - global::Xamarin.Forms.Platform.Resource.Styleable.CollapsingToolbarLayout_expandedTitleMargin = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.CollapsingToolbarLayout_expandedTitleMargin; - global::Xamarin.Forms.Platform.Resource.Styleable.CollapsingToolbarLayout_expandedTitleMarginBottom = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.CollapsingToolbarLayout_expandedTitleMarginBottom; - global::Xamarin.Forms.Platform.Resource.Styleable.CollapsingToolbarLayout_expandedTitleMarginEnd = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.CollapsingToolbarLayout_expandedTitleMarginEnd; - global::Xamarin.Forms.Platform.Resource.Styleable.CollapsingToolbarLayout_expandedTitleMarginStart = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.CollapsingToolbarLayout_expandedTitleMarginStart; - global::Xamarin.Forms.Platform.Resource.Styleable.CollapsingToolbarLayout_expandedTitleMarginTop = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.CollapsingToolbarLayout_expandedTitleMarginTop; - global::Xamarin.Forms.Platform.Resource.Styleable.CollapsingToolbarLayout_expandedTitleTextAppearance = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.CollapsingToolbarLayout_expandedTitleTextAppearance; - global::Xamarin.Forms.Platform.Resource.Styleable.CollapsingToolbarLayout_Layout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.CollapsingToolbarLayout_Layout; - global::Xamarin.Forms.Platform.Resource.Styleable.CollapsingToolbarLayout_Layout_layout_collapseMode = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.CollapsingToolbarLayout_Layout_layout_collapseMode; - global::Xamarin.Forms.Platform.Resource.Styleable.CollapsingToolbarLayout_Layout_layout_collapseParallaxMultiplier = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.CollapsingToolbarLayout_Layout_layout_collapseParallaxMultiplier; - global::Xamarin.Forms.Platform.Resource.Styleable.CollapsingToolbarLayout_maxLines = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.CollapsingToolbarLayout_maxLines; - global::Xamarin.Forms.Platform.Resource.Styleable.CollapsingToolbarLayout_scrimAnimationDuration = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.CollapsingToolbarLayout_scrimAnimationDuration; - global::Xamarin.Forms.Platform.Resource.Styleable.CollapsingToolbarLayout_scrimVisibleHeightTrigger = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.CollapsingToolbarLayout_scrimVisibleHeightTrigger; - global::Xamarin.Forms.Platform.Resource.Styleable.CollapsingToolbarLayout_statusBarScrim = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.CollapsingToolbarLayout_statusBarScrim; - global::Xamarin.Forms.Platform.Resource.Styleable.CollapsingToolbarLayout_title = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.CollapsingToolbarLayout_title; - global::Xamarin.Forms.Platform.Resource.Styleable.CollapsingToolbarLayout_titleEnabled = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.CollapsingToolbarLayout_titleEnabled; - global::Xamarin.Forms.Platform.Resource.Styleable.CollapsingToolbarLayout_toolbarId = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.CollapsingToolbarLayout_toolbarId; - global::Xamarin.Forms.Platform.Resource.Styleable.ColorStateListItem = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ColorStateListItem; - global::Xamarin.Forms.Platform.Resource.Styleable.ColorStateListItem_alpha = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ColorStateListItem_alpha; - global::Xamarin.Forms.Platform.Resource.Styleable.ColorStateListItem_android_alpha = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ColorStateListItem_android_alpha; - global::Xamarin.Forms.Platform.Resource.Styleable.ColorStateListItem_android_color = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ColorStateListItem_android_color; - global::Xamarin.Forms.Platform.Resource.Styleable.CompoundButton = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.CompoundButton; - global::Xamarin.Forms.Platform.Resource.Styleable.CompoundButton_android_button = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.CompoundButton_android_button; - global::Xamarin.Forms.Platform.Resource.Styleable.CompoundButton_buttonCompat = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.CompoundButton_buttonCompat; - global::Xamarin.Forms.Platform.Resource.Styleable.CompoundButton_buttonTint = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.CompoundButton_buttonTint; - global::Xamarin.Forms.Platform.Resource.Styleable.CompoundButton_buttonTintMode = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.CompoundButton_buttonTintMode; - global::Xamarin.Forms.Platform.Resource.Styleable.CoordinatorLayout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.CoordinatorLayout; - global::Xamarin.Forms.Platform.Resource.Styleable.CoordinatorLayout_keylines = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.CoordinatorLayout_keylines; - global::Xamarin.Forms.Platform.Resource.Styleable.CoordinatorLayout_Layout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.CoordinatorLayout_Layout; - global::Xamarin.Forms.Platform.Resource.Styleable.CoordinatorLayout_Layout_android_layout_gravity = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.CoordinatorLayout_Layout_android_layout_gravity; - global::Xamarin.Forms.Platform.Resource.Styleable.CoordinatorLayout_Layout_layout_anchor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.CoordinatorLayout_Layout_layout_anchor; - global::Xamarin.Forms.Platform.Resource.Styleable.CoordinatorLayout_Layout_layout_anchorGravity = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.CoordinatorLayout_Layout_layout_anchorGravity; - global::Xamarin.Forms.Platform.Resource.Styleable.CoordinatorLayout_Layout_layout_behavior = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.CoordinatorLayout_Layout_layout_behavior; - global::Xamarin.Forms.Platform.Resource.Styleable.CoordinatorLayout_Layout_layout_dodgeInsetEdges = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.CoordinatorLayout_Layout_layout_dodgeInsetEdges; - global::Xamarin.Forms.Platform.Resource.Styleable.CoordinatorLayout_Layout_layout_insetEdge = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.CoordinatorLayout_Layout_layout_insetEdge; - global::Xamarin.Forms.Platform.Resource.Styleable.CoordinatorLayout_Layout_layout_keyline = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.CoordinatorLayout_Layout_layout_keyline; - global::Xamarin.Forms.Platform.Resource.Styleable.CoordinatorLayout_statusBarBackground = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.CoordinatorLayout_statusBarBackground; - global::Xamarin.Forms.Platform.Resource.Styleable.DrawerArrowToggle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.DrawerArrowToggle; - global::Xamarin.Forms.Platform.Resource.Styleable.DrawerArrowToggle_arrowHeadLength = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.DrawerArrowToggle_arrowHeadLength; - global::Xamarin.Forms.Platform.Resource.Styleable.DrawerArrowToggle_arrowShaftLength = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.DrawerArrowToggle_arrowShaftLength; - global::Xamarin.Forms.Platform.Resource.Styleable.DrawerArrowToggle_barLength = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.DrawerArrowToggle_barLength; - global::Xamarin.Forms.Platform.Resource.Styleable.DrawerArrowToggle_color = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.DrawerArrowToggle_color; - global::Xamarin.Forms.Platform.Resource.Styleable.DrawerArrowToggle_drawableSize = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.DrawerArrowToggle_drawableSize; - global::Xamarin.Forms.Platform.Resource.Styleable.DrawerArrowToggle_gapBetweenBars = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.DrawerArrowToggle_gapBetweenBars; - global::Xamarin.Forms.Platform.Resource.Styleable.DrawerArrowToggle_spinBars = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.DrawerArrowToggle_spinBars; - global::Xamarin.Forms.Platform.Resource.Styleable.DrawerArrowToggle_thickness = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.DrawerArrowToggle_thickness; - global::Xamarin.Forms.Platform.Resource.Styleable.DrawerLayout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.DrawerLayout; - global::Xamarin.Forms.Platform.Resource.Styleable.DrawerLayout_elevation = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.DrawerLayout_elevation; - global::Xamarin.Forms.Platform.Resource.Styleable.ExtendedFloatingActionButton = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ExtendedFloatingActionButton; - global::Xamarin.Forms.Platform.Resource.Styleable.ExtendedFloatingActionButton_Behavior_Layout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ExtendedFloatingActionButton_Behavior_Layout; - global::Xamarin.Forms.Platform.Resource.Styleable.ExtendedFloatingActionButton_Behavior_Layout_behavior_autoHide = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ExtendedFloatingActionButton_Behavior_Layout_behavior_autoHide; - global::Xamarin.Forms.Platform.Resource.Styleable.ExtendedFloatingActionButton_Behavior_Layout_behavior_autoShrink = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ExtendedFloatingActionButton_Behavior_Layout_behavior_autoShrink; - global::Xamarin.Forms.Platform.Resource.Styleable.ExtendedFloatingActionButton_elevation = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ExtendedFloatingActionButton_elevation; - global::Xamarin.Forms.Platform.Resource.Styleable.ExtendedFloatingActionButton_extendMotionSpec = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ExtendedFloatingActionButton_extendMotionSpec; - global::Xamarin.Forms.Platform.Resource.Styleable.ExtendedFloatingActionButton_hideMotionSpec = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ExtendedFloatingActionButton_hideMotionSpec; - global::Xamarin.Forms.Platform.Resource.Styleable.ExtendedFloatingActionButton_showMotionSpec = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ExtendedFloatingActionButton_showMotionSpec; - global::Xamarin.Forms.Platform.Resource.Styleable.ExtendedFloatingActionButton_shrinkMotionSpec = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ExtendedFloatingActionButton_shrinkMotionSpec; - global::Xamarin.Forms.Platform.Resource.Styleable.FloatingActionButton = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.FloatingActionButton; - global::Xamarin.Forms.Platform.Resource.Styleable.FloatingActionButton_android_enabled = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.FloatingActionButton_android_enabled; - global::Xamarin.Forms.Platform.Resource.Styleable.FloatingActionButton_backgroundTint = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.FloatingActionButton_backgroundTint; - global::Xamarin.Forms.Platform.Resource.Styleable.FloatingActionButton_backgroundTintMode = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.FloatingActionButton_backgroundTintMode; - global::Xamarin.Forms.Platform.Resource.Styleable.FloatingActionButton_Behavior_Layout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.FloatingActionButton_Behavior_Layout; - global::Xamarin.Forms.Platform.Resource.Styleable.FloatingActionButton_Behavior_Layout_behavior_autoHide = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.FloatingActionButton_Behavior_Layout_behavior_autoHide; - global::Xamarin.Forms.Platform.Resource.Styleable.FloatingActionButton_borderWidth = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.FloatingActionButton_borderWidth; - global::Xamarin.Forms.Platform.Resource.Styleable.FloatingActionButton_elevation = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.FloatingActionButton_elevation; - global::Xamarin.Forms.Platform.Resource.Styleable.FloatingActionButton_ensureMinTouchTargetSize = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.FloatingActionButton_ensureMinTouchTargetSize; - global::Xamarin.Forms.Platform.Resource.Styleable.FloatingActionButton_fabCustomSize = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.FloatingActionButton_fabCustomSize; - global::Xamarin.Forms.Platform.Resource.Styleable.FloatingActionButton_fabSize = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.FloatingActionButton_fabSize; - global::Xamarin.Forms.Platform.Resource.Styleable.FloatingActionButton_hideMotionSpec = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.FloatingActionButton_hideMotionSpec; - global::Xamarin.Forms.Platform.Resource.Styleable.FloatingActionButton_hoveredFocusedTranslationZ = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.FloatingActionButton_hoveredFocusedTranslationZ; - global::Xamarin.Forms.Platform.Resource.Styleable.FloatingActionButton_maxImageSize = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.FloatingActionButton_maxImageSize; - global::Xamarin.Forms.Platform.Resource.Styleable.FloatingActionButton_pressedTranslationZ = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.FloatingActionButton_pressedTranslationZ; - global::Xamarin.Forms.Platform.Resource.Styleable.FloatingActionButton_rippleColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.FloatingActionButton_rippleColor; - global::Xamarin.Forms.Platform.Resource.Styleable.FloatingActionButton_shapeAppearance = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.FloatingActionButton_shapeAppearance; - global::Xamarin.Forms.Platform.Resource.Styleable.FloatingActionButton_shapeAppearanceOverlay = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.FloatingActionButton_shapeAppearanceOverlay; - global::Xamarin.Forms.Platform.Resource.Styleable.FloatingActionButton_showMotionSpec = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.FloatingActionButton_showMotionSpec; - global::Xamarin.Forms.Platform.Resource.Styleable.FloatingActionButton_useCompatPadding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.FloatingActionButton_useCompatPadding; - global::Xamarin.Forms.Platform.Resource.Styleable.FlowLayout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.FlowLayout; - global::Xamarin.Forms.Platform.Resource.Styleable.FlowLayout_itemSpacing = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.FlowLayout_itemSpacing; - global::Xamarin.Forms.Platform.Resource.Styleable.FlowLayout_lineSpacing = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.FlowLayout_lineSpacing; - global::Xamarin.Forms.Platform.Resource.Styleable.FontFamily = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.FontFamily; - global::Xamarin.Forms.Platform.Resource.Styleable.FontFamilyFont = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.FontFamilyFont; - global::Xamarin.Forms.Platform.Resource.Styleable.FontFamilyFont_android_font = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.FontFamilyFont_android_font; - global::Xamarin.Forms.Platform.Resource.Styleable.FontFamilyFont_android_fontStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.FontFamilyFont_android_fontStyle; - global::Xamarin.Forms.Platform.Resource.Styleable.FontFamilyFont_android_fontVariationSettings = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.FontFamilyFont_android_fontVariationSettings; - global::Xamarin.Forms.Platform.Resource.Styleable.FontFamilyFont_android_fontWeight = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.FontFamilyFont_android_fontWeight; - global::Xamarin.Forms.Platform.Resource.Styleable.FontFamilyFont_android_ttcIndex = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.FontFamilyFont_android_ttcIndex; - global::Xamarin.Forms.Platform.Resource.Styleable.FontFamilyFont_font = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.FontFamilyFont_font; - global::Xamarin.Forms.Platform.Resource.Styleable.FontFamilyFont_fontStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.FontFamilyFont_fontStyle; - global::Xamarin.Forms.Platform.Resource.Styleable.FontFamilyFont_fontVariationSettings = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.FontFamilyFont_fontVariationSettings; - global::Xamarin.Forms.Platform.Resource.Styleable.FontFamilyFont_fontWeight = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.FontFamilyFont_fontWeight; - global::Xamarin.Forms.Platform.Resource.Styleable.FontFamilyFont_ttcIndex = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.FontFamilyFont_ttcIndex; - global::Xamarin.Forms.Platform.Resource.Styleable.FontFamily_fontProviderAuthority = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.FontFamily_fontProviderAuthority; - global::Xamarin.Forms.Platform.Resource.Styleable.FontFamily_fontProviderCerts = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.FontFamily_fontProviderCerts; - global::Xamarin.Forms.Platform.Resource.Styleable.FontFamily_fontProviderFetchStrategy = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.FontFamily_fontProviderFetchStrategy; - global::Xamarin.Forms.Platform.Resource.Styleable.FontFamily_fontProviderFetchTimeout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.FontFamily_fontProviderFetchTimeout; - global::Xamarin.Forms.Platform.Resource.Styleable.FontFamily_fontProviderPackage = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.FontFamily_fontProviderPackage; - global::Xamarin.Forms.Platform.Resource.Styleable.FontFamily_fontProviderQuery = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.FontFamily_fontProviderQuery; - global::Xamarin.Forms.Platform.Resource.Styleable.ForegroundLinearLayout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ForegroundLinearLayout; - global::Xamarin.Forms.Platform.Resource.Styleable.ForegroundLinearLayout_android_foreground = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ForegroundLinearLayout_android_foreground; - global::Xamarin.Forms.Platform.Resource.Styleable.ForegroundLinearLayout_android_foregroundGravity = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ForegroundLinearLayout_android_foregroundGravity; - global::Xamarin.Forms.Platform.Resource.Styleable.ForegroundLinearLayout_foregroundInsidePadding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ForegroundLinearLayout_foregroundInsidePadding; - global::Xamarin.Forms.Platform.Resource.Styleable.Fragment = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Fragment; - global::Xamarin.Forms.Platform.Resource.Styleable.FragmentContainerView = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.FragmentContainerView; - global::Xamarin.Forms.Platform.Resource.Styleable.FragmentContainerView_android_name = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.FragmentContainerView_android_name; - global::Xamarin.Forms.Platform.Resource.Styleable.FragmentContainerView_android_tag = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.FragmentContainerView_android_tag; - global::Xamarin.Forms.Platform.Resource.Styleable.Fragment_android_id = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Fragment_android_id; - global::Xamarin.Forms.Platform.Resource.Styleable.Fragment_android_name = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Fragment_android_name; - global::Xamarin.Forms.Platform.Resource.Styleable.Fragment_android_tag = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Fragment_android_tag; - global::Xamarin.Forms.Platform.Resource.Styleable.GradientColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.GradientColor; - global::Xamarin.Forms.Platform.Resource.Styleable.GradientColorItem = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.GradientColorItem; - global::Xamarin.Forms.Platform.Resource.Styleable.GradientColorItem_android_color = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.GradientColorItem_android_color; - global::Xamarin.Forms.Platform.Resource.Styleable.GradientColorItem_android_offset = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.GradientColorItem_android_offset; - global::Xamarin.Forms.Platform.Resource.Styleable.GradientColor_android_centerColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.GradientColor_android_centerColor; - global::Xamarin.Forms.Platform.Resource.Styleable.GradientColor_android_centerX = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.GradientColor_android_centerX; - global::Xamarin.Forms.Platform.Resource.Styleable.GradientColor_android_centerY = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.GradientColor_android_centerY; - global::Xamarin.Forms.Platform.Resource.Styleable.GradientColor_android_endColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.GradientColor_android_endColor; - global::Xamarin.Forms.Platform.Resource.Styleable.GradientColor_android_endX = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.GradientColor_android_endX; - global::Xamarin.Forms.Platform.Resource.Styleable.GradientColor_android_endY = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.GradientColor_android_endY; - global::Xamarin.Forms.Platform.Resource.Styleable.GradientColor_android_gradientRadius = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.GradientColor_android_gradientRadius; - global::Xamarin.Forms.Platform.Resource.Styleable.GradientColor_android_startColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.GradientColor_android_startColor; - global::Xamarin.Forms.Platform.Resource.Styleable.GradientColor_android_startX = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.GradientColor_android_startX; - global::Xamarin.Forms.Platform.Resource.Styleable.GradientColor_android_startY = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.GradientColor_android_startY; - global::Xamarin.Forms.Platform.Resource.Styleable.GradientColor_android_tileMode = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.GradientColor_android_tileMode; - global::Xamarin.Forms.Platform.Resource.Styleable.GradientColor_android_type = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.GradientColor_android_type; - global::Xamarin.Forms.Platform.Resource.Styleable.Insets = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Insets; - global::Xamarin.Forms.Platform.Resource.Styleable.Insets_paddingBottomSystemWindowInsets = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Insets_paddingBottomSystemWindowInsets; - global::Xamarin.Forms.Platform.Resource.Styleable.Insets_paddingLeftSystemWindowInsets = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Insets_paddingLeftSystemWindowInsets; - global::Xamarin.Forms.Platform.Resource.Styleable.Insets_paddingRightSystemWindowInsets = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Insets_paddingRightSystemWindowInsets; - global::Xamarin.Forms.Platform.Resource.Styleable.ItemsViewRendererTheme = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ItemsViewRendererTheme; - global::Xamarin.Forms.Platform.Resource.Styleable.ItemsViewRendererTheme_collectionViewStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ItemsViewRendererTheme_collectionViewStyle; - global::Xamarin.Forms.Platform.Resource.Styleable.LinearLayoutCompat = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.LinearLayoutCompat; - global::Xamarin.Forms.Platform.Resource.Styleable.LinearLayoutCompat_android_baselineAligned = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.LinearLayoutCompat_android_baselineAligned; - global::Xamarin.Forms.Platform.Resource.Styleable.LinearLayoutCompat_android_baselineAlignedChildIndex = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.LinearLayoutCompat_android_baselineAlignedChildIndex; - global::Xamarin.Forms.Platform.Resource.Styleable.LinearLayoutCompat_android_gravity = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.LinearLayoutCompat_android_gravity; - global::Xamarin.Forms.Platform.Resource.Styleable.LinearLayoutCompat_android_orientation = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.LinearLayoutCompat_android_orientation; - global::Xamarin.Forms.Platform.Resource.Styleable.LinearLayoutCompat_android_weightSum = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.LinearLayoutCompat_android_weightSum; - global::Xamarin.Forms.Platform.Resource.Styleable.LinearLayoutCompat_divider = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.LinearLayoutCompat_divider; - global::Xamarin.Forms.Platform.Resource.Styleable.LinearLayoutCompat_dividerPadding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.LinearLayoutCompat_dividerPadding; - global::Xamarin.Forms.Platform.Resource.Styleable.LinearLayoutCompat_Layout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.LinearLayoutCompat_Layout; - global::Xamarin.Forms.Platform.Resource.Styleable.LinearLayoutCompat_Layout_android_layout_gravity = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.LinearLayoutCompat_Layout_android_layout_gravity; - global::Xamarin.Forms.Platform.Resource.Styleable.LinearLayoutCompat_Layout_android_layout_height = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.LinearLayoutCompat_Layout_android_layout_height; - global::Xamarin.Forms.Platform.Resource.Styleable.LinearLayoutCompat_Layout_android_layout_weight = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.LinearLayoutCompat_Layout_android_layout_weight; - global::Xamarin.Forms.Platform.Resource.Styleable.LinearLayoutCompat_Layout_android_layout_width = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.LinearLayoutCompat_Layout_android_layout_width; - global::Xamarin.Forms.Platform.Resource.Styleable.LinearLayoutCompat_measureWithLargestChild = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.LinearLayoutCompat_measureWithLargestChild; - global::Xamarin.Forms.Platform.Resource.Styleable.LinearLayoutCompat_showDividers = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.LinearLayoutCompat_showDividers; - global::Xamarin.Forms.Platform.Resource.Styleable.ListPopupWindow = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ListPopupWindow; - global::Xamarin.Forms.Platform.Resource.Styleable.ListPopupWindow_android_dropDownHorizontalOffset = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ListPopupWindow_android_dropDownHorizontalOffset; - global::Xamarin.Forms.Platform.Resource.Styleable.ListPopupWindow_android_dropDownVerticalOffset = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ListPopupWindow_android_dropDownVerticalOffset; - global::Xamarin.Forms.Platform.Resource.Styleable.MaterialAlertDialog = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialAlertDialog; - global::Xamarin.Forms.Platform.Resource.Styleable.MaterialAlertDialogTheme = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialAlertDialogTheme; - global::Xamarin.Forms.Platform.Resource.Styleable.MaterialAlertDialogTheme_materialAlertDialogBodyTextStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialAlertDialogTheme_materialAlertDialogBodyTextStyle; - global::Xamarin.Forms.Platform.Resource.Styleable.MaterialAlertDialogTheme_materialAlertDialogTheme = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialAlertDialogTheme_materialAlertDialogTheme; - global::Xamarin.Forms.Platform.Resource.Styleable.MaterialAlertDialogTheme_materialAlertDialogTitleIconStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialAlertDialogTheme_materialAlertDialogTitleIconStyle; - global::Xamarin.Forms.Platform.Resource.Styleable.MaterialAlertDialogTheme_materialAlertDialogTitlePanelStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialAlertDialogTheme_materialAlertDialogTitlePanelStyle; - global::Xamarin.Forms.Platform.Resource.Styleable.MaterialAlertDialogTheme_materialAlertDialogTitleTextStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialAlertDialogTheme_materialAlertDialogTitleTextStyle; - global::Xamarin.Forms.Platform.Resource.Styleable.MaterialAlertDialog_backgroundInsetBottom = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialAlertDialog_backgroundInsetBottom; - global::Xamarin.Forms.Platform.Resource.Styleable.MaterialAlertDialog_backgroundInsetEnd = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialAlertDialog_backgroundInsetEnd; - global::Xamarin.Forms.Platform.Resource.Styleable.MaterialAlertDialog_backgroundInsetStart = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialAlertDialog_backgroundInsetStart; - global::Xamarin.Forms.Platform.Resource.Styleable.MaterialAlertDialog_backgroundInsetTop = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialAlertDialog_backgroundInsetTop; - global::Xamarin.Forms.Platform.Resource.Styleable.MaterialAutoCompleteTextView = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialAutoCompleteTextView; - global::Xamarin.Forms.Platform.Resource.Styleable.MaterialAutoCompleteTextView_android_inputType = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialAutoCompleteTextView_android_inputType; - global::Xamarin.Forms.Platform.Resource.Styleable.MaterialButton = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialButton; - global::Xamarin.Forms.Platform.Resource.Styleable.MaterialButtonToggleGroup = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialButtonToggleGroup; - global::Xamarin.Forms.Platform.Resource.Styleable.MaterialButtonToggleGroup_checkedButton = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialButtonToggleGroup_checkedButton; - global::Xamarin.Forms.Platform.Resource.Styleable.MaterialButtonToggleGroup_selectionRequired = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialButtonToggleGroup_selectionRequired; - global::Xamarin.Forms.Platform.Resource.Styleable.MaterialButtonToggleGroup_singleSelection = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialButtonToggleGroup_singleSelection; - global::Xamarin.Forms.Platform.Resource.Styleable.MaterialButton_android_background = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialButton_android_background; - global::Xamarin.Forms.Platform.Resource.Styleable.MaterialButton_android_checkable = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialButton_android_checkable; - global::Xamarin.Forms.Platform.Resource.Styleable.MaterialButton_android_insetBottom = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialButton_android_insetBottom; - global::Xamarin.Forms.Platform.Resource.Styleable.MaterialButton_android_insetLeft = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialButton_android_insetLeft; - global::Xamarin.Forms.Platform.Resource.Styleable.MaterialButton_android_insetRight = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialButton_android_insetRight; - global::Xamarin.Forms.Platform.Resource.Styleable.MaterialButton_android_insetTop = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialButton_android_insetTop; - global::Xamarin.Forms.Platform.Resource.Styleable.MaterialButton_backgroundTint = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialButton_backgroundTint; - global::Xamarin.Forms.Platform.Resource.Styleable.MaterialButton_backgroundTintMode = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialButton_backgroundTintMode; - global::Xamarin.Forms.Platform.Resource.Styleable.MaterialButton_cornerRadius = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialButton_cornerRadius; - global::Xamarin.Forms.Platform.Resource.Styleable.MaterialButton_elevation = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialButton_elevation; - global::Xamarin.Forms.Platform.Resource.Styleable.MaterialButton_icon = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialButton_icon; - global::Xamarin.Forms.Platform.Resource.Styleable.MaterialButton_iconGravity = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialButton_iconGravity; - global::Xamarin.Forms.Platform.Resource.Styleable.MaterialButton_iconPadding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialButton_iconPadding; - global::Xamarin.Forms.Platform.Resource.Styleable.MaterialButton_iconSize = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialButton_iconSize; - global::Xamarin.Forms.Platform.Resource.Styleable.MaterialButton_iconTint = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialButton_iconTint; - global::Xamarin.Forms.Platform.Resource.Styleable.MaterialButton_iconTintMode = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialButton_iconTintMode; - global::Xamarin.Forms.Platform.Resource.Styleable.MaterialButton_rippleColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialButton_rippleColor; - global::Xamarin.Forms.Platform.Resource.Styleable.MaterialButton_shapeAppearance = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialButton_shapeAppearance; - global::Xamarin.Forms.Platform.Resource.Styleable.MaterialButton_shapeAppearanceOverlay = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialButton_shapeAppearanceOverlay; - global::Xamarin.Forms.Platform.Resource.Styleable.MaterialButton_strokeColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialButton_strokeColor; - global::Xamarin.Forms.Platform.Resource.Styleable.MaterialButton_strokeWidth = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialButton_strokeWidth; - global::Xamarin.Forms.Platform.Resource.Styleable.MaterialCalendar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialCalendar; - global::Xamarin.Forms.Platform.Resource.Styleable.MaterialCalendarItem = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialCalendarItem; - global::Xamarin.Forms.Platform.Resource.Styleable.MaterialCalendarItem_android_insetBottom = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialCalendarItem_android_insetBottom; - global::Xamarin.Forms.Platform.Resource.Styleable.MaterialCalendarItem_android_insetLeft = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialCalendarItem_android_insetLeft; - global::Xamarin.Forms.Platform.Resource.Styleable.MaterialCalendarItem_android_insetRight = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialCalendarItem_android_insetRight; - global::Xamarin.Forms.Platform.Resource.Styleable.MaterialCalendarItem_android_insetTop = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialCalendarItem_android_insetTop; - global::Xamarin.Forms.Platform.Resource.Styleable.MaterialCalendarItem_itemFillColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialCalendarItem_itemFillColor; - global::Xamarin.Forms.Platform.Resource.Styleable.MaterialCalendarItem_itemShapeAppearance = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialCalendarItem_itemShapeAppearance; - global::Xamarin.Forms.Platform.Resource.Styleable.MaterialCalendarItem_itemShapeAppearanceOverlay = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialCalendarItem_itemShapeAppearanceOverlay; - global::Xamarin.Forms.Platform.Resource.Styleable.MaterialCalendarItem_itemStrokeColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialCalendarItem_itemStrokeColor; - global::Xamarin.Forms.Platform.Resource.Styleable.MaterialCalendarItem_itemStrokeWidth = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialCalendarItem_itemStrokeWidth; - global::Xamarin.Forms.Platform.Resource.Styleable.MaterialCalendarItem_itemTextColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialCalendarItem_itemTextColor; - global::Xamarin.Forms.Platform.Resource.Styleable.MaterialCalendar_android_windowFullscreen = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialCalendar_android_windowFullscreen; - global::Xamarin.Forms.Platform.Resource.Styleable.MaterialCalendar_dayInvalidStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialCalendar_dayInvalidStyle; - global::Xamarin.Forms.Platform.Resource.Styleable.MaterialCalendar_daySelectedStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialCalendar_daySelectedStyle; - global::Xamarin.Forms.Platform.Resource.Styleable.MaterialCalendar_dayStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialCalendar_dayStyle; - global::Xamarin.Forms.Platform.Resource.Styleable.MaterialCalendar_dayTodayStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialCalendar_dayTodayStyle; - global::Xamarin.Forms.Platform.Resource.Styleable.MaterialCalendar_rangeFillColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialCalendar_rangeFillColor; - global::Xamarin.Forms.Platform.Resource.Styleable.MaterialCalendar_yearSelectedStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialCalendar_yearSelectedStyle; - global::Xamarin.Forms.Platform.Resource.Styleable.MaterialCalendar_yearStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialCalendar_yearStyle; - global::Xamarin.Forms.Platform.Resource.Styleable.MaterialCalendar_yearTodayStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialCalendar_yearTodayStyle; - global::Xamarin.Forms.Platform.Resource.Styleable.MaterialCardView = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialCardView; - global::Xamarin.Forms.Platform.Resource.Styleable.MaterialCardView_android_checkable = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialCardView_android_checkable; - global::Xamarin.Forms.Platform.Resource.Styleable.MaterialCardView_cardForegroundColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialCardView_cardForegroundColor; - global::Xamarin.Forms.Platform.Resource.Styleable.MaterialCardView_checkedIcon = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialCardView_checkedIcon; - global::Xamarin.Forms.Platform.Resource.Styleable.MaterialCardView_checkedIconTint = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialCardView_checkedIconTint; - global::Xamarin.Forms.Platform.Resource.Styleable.MaterialCardView_rippleColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialCardView_rippleColor; - global::Xamarin.Forms.Platform.Resource.Styleable.MaterialCardView_shapeAppearance = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialCardView_shapeAppearance; - global::Xamarin.Forms.Platform.Resource.Styleable.MaterialCardView_shapeAppearanceOverlay = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialCardView_shapeAppearanceOverlay; - global::Xamarin.Forms.Platform.Resource.Styleable.MaterialCardView_state_dragged = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialCardView_state_dragged; - global::Xamarin.Forms.Platform.Resource.Styleable.MaterialCardView_strokeColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialCardView_strokeColor; - global::Xamarin.Forms.Platform.Resource.Styleable.MaterialCardView_strokeWidth = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialCardView_strokeWidth; - global::Xamarin.Forms.Platform.Resource.Styleable.MaterialCheckBox = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialCheckBox; - global::Xamarin.Forms.Platform.Resource.Styleable.MaterialCheckBox_buttonTint = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialCheckBox_buttonTint; - global::Xamarin.Forms.Platform.Resource.Styleable.MaterialCheckBox_useMaterialThemeColors = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialCheckBox_useMaterialThemeColors; - global::Xamarin.Forms.Platform.Resource.Styleable.MaterialRadioButton = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialRadioButton; - global::Xamarin.Forms.Platform.Resource.Styleable.MaterialRadioButton_buttonTint = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialRadioButton_buttonTint; - global::Xamarin.Forms.Platform.Resource.Styleable.MaterialRadioButton_useMaterialThemeColors = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialRadioButton_useMaterialThemeColors; - global::Xamarin.Forms.Platform.Resource.Styleable.MaterialShape = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialShape; - global::Xamarin.Forms.Platform.Resource.Styleable.MaterialShape_shapeAppearance = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialShape_shapeAppearance; - global::Xamarin.Forms.Platform.Resource.Styleable.MaterialShape_shapeAppearanceOverlay = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialShape_shapeAppearanceOverlay; - global::Xamarin.Forms.Platform.Resource.Styleable.MaterialTextAppearance = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialTextAppearance; - global::Xamarin.Forms.Platform.Resource.Styleable.MaterialTextAppearance_android_lineHeight = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialTextAppearance_android_lineHeight; - global::Xamarin.Forms.Platform.Resource.Styleable.MaterialTextAppearance_lineHeight = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialTextAppearance_lineHeight; - global::Xamarin.Forms.Platform.Resource.Styleable.MaterialTextView = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialTextView; - global::Xamarin.Forms.Platform.Resource.Styleable.MaterialTextView_android_lineHeight = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialTextView_android_lineHeight; - global::Xamarin.Forms.Platform.Resource.Styleable.MaterialTextView_android_textAppearance = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialTextView_android_textAppearance; - global::Xamarin.Forms.Platform.Resource.Styleable.MaterialTextView_lineHeight = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MaterialTextView_lineHeight; - global::Xamarin.Forms.Platform.Resource.Styleable.MenuGroup = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MenuGroup; - global::Xamarin.Forms.Platform.Resource.Styleable.MenuGroup_android_checkableBehavior = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MenuGroup_android_checkableBehavior; - global::Xamarin.Forms.Platform.Resource.Styleable.MenuGroup_android_enabled = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MenuGroup_android_enabled; - global::Xamarin.Forms.Platform.Resource.Styleable.MenuGroup_android_id = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MenuGroup_android_id; - global::Xamarin.Forms.Platform.Resource.Styleable.MenuGroup_android_menuCategory = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MenuGroup_android_menuCategory; - global::Xamarin.Forms.Platform.Resource.Styleable.MenuGroup_android_orderInCategory = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MenuGroup_android_orderInCategory; - global::Xamarin.Forms.Platform.Resource.Styleable.MenuGroup_android_visible = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MenuGroup_android_visible; - global::Xamarin.Forms.Platform.Resource.Styleable.MenuItem = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MenuItem; - global::Xamarin.Forms.Platform.Resource.Styleable.MenuItem_actionLayout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MenuItem_actionLayout; - global::Xamarin.Forms.Platform.Resource.Styleable.MenuItem_actionProviderClass = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MenuItem_actionProviderClass; - global::Xamarin.Forms.Platform.Resource.Styleable.MenuItem_actionViewClass = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MenuItem_actionViewClass; - global::Xamarin.Forms.Platform.Resource.Styleable.MenuItem_alphabeticModifiers = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MenuItem_alphabeticModifiers; - global::Xamarin.Forms.Platform.Resource.Styleable.MenuItem_android_alphabeticShortcut = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MenuItem_android_alphabeticShortcut; - global::Xamarin.Forms.Platform.Resource.Styleable.MenuItem_android_checkable = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MenuItem_android_checkable; - global::Xamarin.Forms.Platform.Resource.Styleable.MenuItem_android_checked = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MenuItem_android_checked; - global::Xamarin.Forms.Platform.Resource.Styleable.MenuItem_android_enabled = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MenuItem_android_enabled; - global::Xamarin.Forms.Platform.Resource.Styleable.MenuItem_android_icon = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MenuItem_android_icon; - global::Xamarin.Forms.Platform.Resource.Styleable.MenuItem_android_id = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MenuItem_android_id; - global::Xamarin.Forms.Platform.Resource.Styleable.MenuItem_android_menuCategory = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MenuItem_android_menuCategory; - global::Xamarin.Forms.Platform.Resource.Styleable.MenuItem_android_numericShortcut = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MenuItem_android_numericShortcut; - global::Xamarin.Forms.Platform.Resource.Styleable.MenuItem_android_onClick = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MenuItem_android_onClick; - global::Xamarin.Forms.Platform.Resource.Styleable.MenuItem_android_orderInCategory = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MenuItem_android_orderInCategory; - global::Xamarin.Forms.Platform.Resource.Styleable.MenuItem_android_title = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MenuItem_android_title; - global::Xamarin.Forms.Platform.Resource.Styleable.MenuItem_android_titleCondensed = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MenuItem_android_titleCondensed; - global::Xamarin.Forms.Platform.Resource.Styleable.MenuItem_android_visible = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MenuItem_android_visible; - global::Xamarin.Forms.Platform.Resource.Styleable.MenuItem_contentDescription = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MenuItem_contentDescription; - global::Xamarin.Forms.Platform.Resource.Styleable.MenuItem_iconTint = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MenuItem_iconTint; - global::Xamarin.Forms.Platform.Resource.Styleable.MenuItem_iconTintMode = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MenuItem_iconTintMode; - global::Xamarin.Forms.Platform.Resource.Styleable.MenuItem_numericModifiers = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MenuItem_numericModifiers; - global::Xamarin.Forms.Platform.Resource.Styleable.MenuItem_showAsAction = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MenuItem_showAsAction; - global::Xamarin.Forms.Platform.Resource.Styleable.MenuItem_tooltipText = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MenuItem_tooltipText; - global::Xamarin.Forms.Platform.Resource.Styleable.MenuView = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MenuView; - global::Xamarin.Forms.Platform.Resource.Styleable.MenuView_android_headerBackground = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MenuView_android_headerBackground; - global::Xamarin.Forms.Platform.Resource.Styleable.MenuView_android_horizontalDivider = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MenuView_android_horizontalDivider; - global::Xamarin.Forms.Platform.Resource.Styleable.MenuView_android_itemBackground = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MenuView_android_itemBackground; - global::Xamarin.Forms.Platform.Resource.Styleable.MenuView_android_itemIconDisabledAlpha = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MenuView_android_itemIconDisabledAlpha; - global::Xamarin.Forms.Platform.Resource.Styleable.MenuView_android_itemTextAppearance = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MenuView_android_itemTextAppearance; - global::Xamarin.Forms.Platform.Resource.Styleable.MenuView_android_verticalDivider = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MenuView_android_verticalDivider; - global::Xamarin.Forms.Platform.Resource.Styleable.MenuView_android_windowAnimationStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MenuView_android_windowAnimationStyle; - global::Xamarin.Forms.Platform.Resource.Styleable.MenuView_preserveIconSpacing = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MenuView_preserveIconSpacing; - global::Xamarin.Forms.Platform.Resource.Styleable.MenuView_subMenuArrow = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.MenuView_subMenuArrow; - global::Xamarin.Forms.Platform.Resource.Styleable.NavAction = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.NavAction; - global::Xamarin.Forms.Platform.Resource.Styleable.NavAction_android_id = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.NavAction_android_id; - global::Xamarin.Forms.Platform.Resource.Styleable.NavAction_destination = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.NavAction_destination; - global::Xamarin.Forms.Platform.Resource.Styleable.NavAction_enterAnim = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.NavAction_enterAnim; - global::Xamarin.Forms.Platform.Resource.Styleable.NavAction_exitAnim = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.NavAction_exitAnim; - global::Xamarin.Forms.Platform.Resource.Styleable.NavAction_launchSingleTop = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.NavAction_launchSingleTop; - global::Xamarin.Forms.Platform.Resource.Styleable.NavAction_popEnterAnim = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.NavAction_popEnterAnim; - global::Xamarin.Forms.Platform.Resource.Styleable.NavAction_popExitAnim = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.NavAction_popExitAnim; - global::Xamarin.Forms.Platform.Resource.Styleable.NavAction_popUpTo = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.NavAction_popUpTo; - global::Xamarin.Forms.Platform.Resource.Styleable.NavAction_popUpToInclusive = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.NavAction_popUpToInclusive; - global::Xamarin.Forms.Platform.Resource.Styleable.NavArgument = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.NavArgument; - global::Xamarin.Forms.Platform.Resource.Styleable.NavArgument_android_defaultValue = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.NavArgument_android_defaultValue; - global::Xamarin.Forms.Platform.Resource.Styleable.NavArgument_android_name = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.NavArgument_android_name; - global::Xamarin.Forms.Platform.Resource.Styleable.NavArgument_argType = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.NavArgument_argType; - global::Xamarin.Forms.Platform.Resource.Styleable.NavArgument_nullable = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.NavArgument_nullable; - global::Xamarin.Forms.Platform.Resource.Styleable.NavDeepLink = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.NavDeepLink; - global::Xamarin.Forms.Platform.Resource.Styleable.NavDeepLink_action = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.NavDeepLink_action; - global::Xamarin.Forms.Platform.Resource.Styleable.NavDeepLink_android_autoVerify = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.NavDeepLink_android_autoVerify; - global::Xamarin.Forms.Platform.Resource.Styleable.NavDeepLink_mimeType = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.NavDeepLink_mimeType; - global::Xamarin.Forms.Platform.Resource.Styleable.NavDeepLink_uri = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.NavDeepLink_uri; - global::Xamarin.Forms.Platform.Resource.Styleable.NavGraphNavigator = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.NavGraphNavigator; - global::Xamarin.Forms.Platform.Resource.Styleable.NavGraphNavigator_startDestination = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.NavGraphNavigator_startDestination; - global::Xamarin.Forms.Platform.Resource.Styleable.NavHost = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.NavHost; - global::Xamarin.Forms.Platform.Resource.Styleable.NavHost_navGraph = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.NavHost_navGraph; - global::Xamarin.Forms.Platform.Resource.Styleable.NavigationView = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.NavigationView; - global::Xamarin.Forms.Platform.Resource.Styleable.NavigationView_android_background = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.NavigationView_android_background; - global::Xamarin.Forms.Platform.Resource.Styleable.NavigationView_android_fitsSystemWindows = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.NavigationView_android_fitsSystemWindows; - global::Xamarin.Forms.Platform.Resource.Styleable.NavigationView_android_maxWidth = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.NavigationView_android_maxWidth; - global::Xamarin.Forms.Platform.Resource.Styleable.NavigationView_elevation = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.NavigationView_elevation; - global::Xamarin.Forms.Platform.Resource.Styleable.NavigationView_headerLayout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.NavigationView_headerLayout; - global::Xamarin.Forms.Platform.Resource.Styleable.NavigationView_itemBackground = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.NavigationView_itemBackground; - global::Xamarin.Forms.Platform.Resource.Styleable.NavigationView_itemHorizontalPadding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.NavigationView_itemHorizontalPadding; - global::Xamarin.Forms.Platform.Resource.Styleable.NavigationView_itemIconPadding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.NavigationView_itemIconPadding; - global::Xamarin.Forms.Platform.Resource.Styleable.NavigationView_itemIconSize = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.NavigationView_itemIconSize; - global::Xamarin.Forms.Platform.Resource.Styleable.NavigationView_itemIconTint = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.NavigationView_itemIconTint; - global::Xamarin.Forms.Platform.Resource.Styleable.NavigationView_itemMaxLines = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.NavigationView_itemMaxLines; - global::Xamarin.Forms.Platform.Resource.Styleable.NavigationView_itemShapeAppearance = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.NavigationView_itemShapeAppearance; - global::Xamarin.Forms.Platform.Resource.Styleable.NavigationView_itemShapeAppearanceOverlay = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.NavigationView_itemShapeAppearanceOverlay; - global::Xamarin.Forms.Platform.Resource.Styleable.NavigationView_itemShapeFillColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.NavigationView_itemShapeFillColor; - global::Xamarin.Forms.Platform.Resource.Styleable.NavigationView_itemShapeInsetBottom = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.NavigationView_itemShapeInsetBottom; - global::Xamarin.Forms.Platform.Resource.Styleable.NavigationView_itemShapeInsetEnd = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.NavigationView_itemShapeInsetEnd; - global::Xamarin.Forms.Platform.Resource.Styleable.NavigationView_itemShapeInsetStart = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.NavigationView_itemShapeInsetStart; - global::Xamarin.Forms.Platform.Resource.Styleable.NavigationView_itemShapeInsetTop = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.NavigationView_itemShapeInsetTop; - global::Xamarin.Forms.Platform.Resource.Styleable.NavigationView_itemTextAppearance = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.NavigationView_itemTextAppearance; - global::Xamarin.Forms.Platform.Resource.Styleable.NavigationView_itemTextColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.NavigationView_itemTextColor; - global::Xamarin.Forms.Platform.Resource.Styleable.NavigationView_menu = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.NavigationView_menu; - global::Xamarin.Forms.Platform.Resource.Styleable.Navigator = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Navigator; - global::Xamarin.Forms.Platform.Resource.Styleable.Navigator_android_id = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Navigator_android_id; - global::Xamarin.Forms.Platform.Resource.Styleable.Navigator_android_label = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Navigator_android_label; - global::Xamarin.Forms.Platform.Resource.Styleable.NavInclude = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.NavInclude; - global::Xamarin.Forms.Platform.Resource.Styleable.NavInclude_graph = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.NavInclude_graph; - global::Xamarin.Forms.Platform.Resource.Styleable.PopupWindow = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.PopupWindow; - global::Xamarin.Forms.Platform.Resource.Styleable.PopupWindowBackgroundState = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.PopupWindowBackgroundState; - global::Xamarin.Forms.Platform.Resource.Styleable.PopupWindowBackgroundState_state_above_anchor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.PopupWindowBackgroundState_state_above_anchor; - global::Xamarin.Forms.Platform.Resource.Styleable.PopupWindow_android_popupAnimationStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.PopupWindow_android_popupAnimationStyle; - global::Xamarin.Forms.Platform.Resource.Styleable.PopupWindow_android_popupBackground = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.PopupWindow_android_popupBackground; - global::Xamarin.Forms.Platform.Resource.Styleable.PopupWindow_overlapAnchor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.PopupWindow_overlapAnchor; - global::Xamarin.Forms.Platform.Resource.Styleable.RangeSlider = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.RangeSlider; - global::Xamarin.Forms.Platform.Resource.Styleable.RangeSlider_values = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.RangeSlider_values; - global::Xamarin.Forms.Platform.Resource.Styleable.RecycleListView = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.RecycleListView; - global::Xamarin.Forms.Platform.Resource.Styleable.RecycleListView_paddingBottomNoButtons = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.RecycleListView_paddingBottomNoButtons; - global::Xamarin.Forms.Platform.Resource.Styleable.RecycleListView_paddingTopNoTitle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.RecycleListView_paddingTopNoTitle; - global::Xamarin.Forms.Platform.Resource.Styleable.RecyclerView = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.RecyclerView; - global::Xamarin.Forms.Platform.Resource.Styleable.RecyclerView_android_clipToPadding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.RecyclerView_android_clipToPadding; - global::Xamarin.Forms.Platform.Resource.Styleable.RecyclerView_android_descendantFocusability = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.RecyclerView_android_descendantFocusability; - global::Xamarin.Forms.Platform.Resource.Styleable.RecyclerView_android_orientation = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.RecyclerView_android_orientation; - global::Xamarin.Forms.Platform.Resource.Styleable.RecyclerView_fastScrollEnabled = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.RecyclerView_fastScrollEnabled; - global::Xamarin.Forms.Platform.Resource.Styleable.RecyclerView_fastScrollHorizontalThumbDrawable = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.RecyclerView_fastScrollHorizontalThumbDrawable; - global::Xamarin.Forms.Platform.Resource.Styleable.RecyclerView_fastScrollHorizontalTrackDrawable = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.RecyclerView_fastScrollHorizontalTrackDrawable; - global::Xamarin.Forms.Platform.Resource.Styleable.RecyclerView_fastScrollVerticalThumbDrawable = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.RecyclerView_fastScrollVerticalThumbDrawable; - global::Xamarin.Forms.Platform.Resource.Styleable.RecyclerView_fastScrollVerticalTrackDrawable = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.RecyclerView_fastScrollVerticalTrackDrawable; - global::Xamarin.Forms.Platform.Resource.Styleable.RecyclerView_layoutManager = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.RecyclerView_layoutManager; - global::Xamarin.Forms.Platform.Resource.Styleable.RecyclerView_reverseLayout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.RecyclerView_reverseLayout; - global::Xamarin.Forms.Platform.Resource.Styleable.RecyclerView_spanCount = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.RecyclerView_spanCount; - global::Xamarin.Forms.Platform.Resource.Styleable.RecyclerView_stackFromEnd = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.RecyclerView_stackFromEnd; - global::Xamarin.Forms.Platform.Resource.Styleable.ScrimInsetsFrameLayout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ScrimInsetsFrameLayout; - global::Xamarin.Forms.Platform.Resource.Styleable.ScrimInsetsFrameLayout_insetForeground = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ScrimInsetsFrameLayout_insetForeground; - global::Xamarin.Forms.Platform.Resource.Styleable.ScrollingViewBehavior_Layout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ScrollingViewBehavior_Layout; - global::Xamarin.Forms.Platform.Resource.Styleable.ScrollingViewBehavior_Layout_behavior_overlapTop = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ScrollingViewBehavior_Layout_behavior_overlapTop; - global::Xamarin.Forms.Platform.Resource.Styleable.ScrollViewRendererTheme = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ScrollViewRendererTheme; - global::Xamarin.Forms.Platform.Resource.Styleable.ScrollViewRendererTheme_scrollViewStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ScrollViewRendererTheme_scrollViewStyle; - global::Xamarin.Forms.Platform.Resource.Styleable.SearchView = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.SearchView; - global::Xamarin.Forms.Platform.Resource.Styleable.SearchView_android_focusable = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.SearchView_android_focusable; - global::Xamarin.Forms.Platform.Resource.Styleable.SearchView_android_imeOptions = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.SearchView_android_imeOptions; - global::Xamarin.Forms.Platform.Resource.Styleable.SearchView_android_inputType = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.SearchView_android_inputType; - global::Xamarin.Forms.Platform.Resource.Styleable.SearchView_android_maxWidth = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.SearchView_android_maxWidth; - global::Xamarin.Forms.Platform.Resource.Styleable.SearchView_closeIcon = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.SearchView_closeIcon; - global::Xamarin.Forms.Platform.Resource.Styleable.SearchView_commitIcon = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.SearchView_commitIcon; - global::Xamarin.Forms.Platform.Resource.Styleable.SearchView_defaultQueryHint = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.SearchView_defaultQueryHint; - global::Xamarin.Forms.Platform.Resource.Styleable.SearchView_goIcon = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.SearchView_goIcon; - global::Xamarin.Forms.Platform.Resource.Styleable.SearchView_iconifiedByDefault = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.SearchView_iconifiedByDefault; - global::Xamarin.Forms.Platform.Resource.Styleable.SearchView_layout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.SearchView_layout; - global::Xamarin.Forms.Platform.Resource.Styleable.SearchView_queryBackground = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.SearchView_queryBackground; - global::Xamarin.Forms.Platform.Resource.Styleable.SearchView_queryHint = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.SearchView_queryHint; - global::Xamarin.Forms.Platform.Resource.Styleable.SearchView_searchHintIcon = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.SearchView_searchHintIcon; - global::Xamarin.Forms.Platform.Resource.Styleable.SearchView_searchIcon = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.SearchView_searchIcon; - global::Xamarin.Forms.Platform.Resource.Styleable.SearchView_submitBackground = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.SearchView_submitBackground; - global::Xamarin.Forms.Platform.Resource.Styleable.SearchView_suggestionRowLayout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.SearchView_suggestionRowLayout; - global::Xamarin.Forms.Platform.Resource.Styleable.SearchView_voiceIcon = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.SearchView_voiceIcon; - global::Xamarin.Forms.Platform.Resource.Styleable.ShapeableImageView = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ShapeableImageView; - global::Xamarin.Forms.Platform.Resource.Styleable.ShapeableImageView_shapeAppearance = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ShapeableImageView_shapeAppearance; - global::Xamarin.Forms.Platform.Resource.Styleable.ShapeableImageView_shapeAppearanceOverlay = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ShapeableImageView_shapeAppearanceOverlay; - global::Xamarin.Forms.Platform.Resource.Styleable.ShapeableImageView_strokeColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ShapeableImageView_strokeColor; - global::Xamarin.Forms.Platform.Resource.Styleable.ShapeableImageView_strokeWidth = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ShapeableImageView_strokeWidth; - global::Xamarin.Forms.Platform.Resource.Styleable.ShapeAppearance = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ShapeAppearance; - global::Xamarin.Forms.Platform.Resource.Styleable.ShapeAppearance_cornerFamily = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ShapeAppearance_cornerFamily; - global::Xamarin.Forms.Platform.Resource.Styleable.ShapeAppearance_cornerFamilyBottomLeft = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ShapeAppearance_cornerFamilyBottomLeft; - global::Xamarin.Forms.Platform.Resource.Styleable.ShapeAppearance_cornerFamilyBottomRight = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ShapeAppearance_cornerFamilyBottomRight; - global::Xamarin.Forms.Platform.Resource.Styleable.ShapeAppearance_cornerFamilyTopLeft = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ShapeAppearance_cornerFamilyTopLeft; - global::Xamarin.Forms.Platform.Resource.Styleable.ShapeAppearance_cornerFamilyTopRight = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ShapeAppearance_cornerFamilyTopRight; - global::Xamarin.Forms.Platform.Resource.Styleable.ShapeAppearance_cornerSize = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ShapeAppearance_cornerSize; - global::Xamarin.Forms.Platform.Resource.Styleable.ShapeAppearance_cornerSizeBottomLeft = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ShapeAppearance_cornerSizeBottomLeft; - global::Xamarin.Forms.Platform.Resource.Styleable.ShapeAppearance_cornerSizeBottomRight = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ShapeAppearance_cornerSizeBottomRight; - global::Xamarin.Forms.Platform.Resource.Styleable.ShapeAppearance_cornerSizeTopLeft = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ShapeAppearance_cornerSizeTopLeft; - global::Xamarin.Forms.Platform.Resource.Styleable.ShapeAppearance_cornerSizeTopRight = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ShapeAppearance_cornerSizeTopRight; - global::Xamarin.Forms.Platform.Resource.Styleable.Slider = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Slider; - global::Xamarin.Forms.Platform.Resource.Styleable.Slider_android_enabled = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Slider_android_enabled; - global::Xamarin.Forms.Platform.Resource.Styleable.Slider_android_stepSize = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Slider_android_stepSize; - global::Xamarin.Forms.Platform.Resource.Styleable.Slider_android_value = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Slider_android_value; - global::Xamarin.Forms.Platform.Resource.Styleable.Slider_android_valueFrom = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Slider_android_valueFrom; - global::Xamarin.Forms.Platform.Resource.Styleable.Slider_android_valueTo = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Slider_android_valueTo; - global::Xamarin.Forms.Platform.Resource.Styleable.Slider_haloColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Slider_haloColor; - global::Xamarin.Forms.Platform.Resource.Styleable.Slider_haloRadius = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Slider_haloRadius; - global::Xamarin.Forms.Platform.Resource.Styleable.Slider_labelBehavior = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Slider_labelBehavior; - global::Xamarin.Forms.Platform.Resource.Styleable.Slider_labelStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Slider_labelStyle; - global::Xamarin.Forms.Platform.Resource.Styleable.Slider_thumbColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Slider_thumbColor; - global::Xamarin.Forms.Platform.Resource.Styleable.Slider_thumbElevation = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Slider_thumbElevation; - global::Xamarin.Forms.Platform.Resource.Styleable.Slider_thumbRadius = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Slider_thumbRadius; - global::Xamarin.Forms.Platform.Resource.Styleable.Slider_tickColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Slider_tickColor; - global::Xamarin.Forms.Platform.Resource.Styleable.Slider_tickColorActive = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Slider_tickColorActive; - global::Xamarin.Forms.Platform.Resource.Styleable.Slider_tickColorInactive = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Slider_tickColorInactive; - global::Xamarin.Forms.Platform.Resource.Styleable.Slider_trackColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Slider_trackColor; - global::Xamarin.Forms.Platform.Resource.Styleable.Slider_trackColorActive = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Slider_trackColorActive; - global::Xamarin.Forms.Platform.Resource.Styleable.Slider_trackColorInactive = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Slider_trackColorInactive; - global::Xamarin.Forms.Platform.Resource.Styleable.Slider_trackHeight = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Slider_trackHeight; - global::Xamarin.Forms.Platform.Resource.Styleable.Snackbar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Snackbar; - global::Xamarin.Forms.Platform.Resource.Styleable.SnackbarLayout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.SnackbarLayout; - global::Xamarin.Forms.Platform.Resource.Styleable.SnackbarLayout_actionTextColorAlpha = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.SnackbarLayout_actionTextColorAlpha; - global::Xamarin.Forms.Platform.Resource.Styleable.SnackbarLayout_android_maxWidth = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.SnackbarLayout_android_maxWidth; - global::Xamarin.Forms.Platform.Resource.Styleable.SnackbarLayout_animationMode = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.SnackbarLayout_animationMode; - global::Xamarin.Forms.Platform.Resource.Styleable.SnackbarLayout_backgroundOverlayColorAlpha = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.SnackbarLayout_backgroundOverlayColorAlpha; - global::Xamarin.Forms.Platform.Resource.Styleable.SnackbarLayout_backgroundTint = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.SnackbarLayout_backgroundTint; - global::Xamarin.Forms.Platform.Resource.Styleable.SnackbarLayout_backgroundTintMode = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.SnackbarLayout_backgroundTintMode; - global::Xamarin.Forms.Platform.Resource.Styleable.SnackbarLayout_elevation = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.SnackbarLayout_elevation; - global::Xamarin.Forms.Platform.Resource.Styleable.SnackbarLayout_maxActionInlineWidth = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.SnackbarLayout_maxActionInlineWidth; - global::Xamarin.Forms.Platform.Resource.Styleable.Snackbar_snackbarButtonStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Snackbar_snackbarButtonStyle; - global::Xamarin.Forms.Platform.Resource.Styleable.Snackbar_snackbarStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Snackbar_snackbarStyle; - global::Xamarin.Forms.Platform.Resource.Styleable.Snackbar_snackbarTextViewStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Snackbar_snackbarTextViewStyle; - global::Xamarin.Forms.Platform.Resource.Styleable.Spinner = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Spinner; - global::Xamarin.Forms.Platform.Resource.Styleable.Spinner_android_dropDownWidth = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Spinner_android_dropDownWidth; - global::Xamarin.Forms.Platform.Resource.Styleable.Spinner_android_entries = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Spinner_android_entries; - global::Xamarin.Forms.Platform.Resource.Styleable.Spinner_android_popupBackground = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Spinner_android_popupBackground; - global::Xamarin.Forms.Platform.Resource.Styleable.Spinner_android_prompt = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Spinner_android_prompt; - global::Xamarin.Forms.Platform.Resource.Styleable.Spinner_popupTheme = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Spinner_popupTheme; - global::Xamarin.Forms.Platform.Resource.Styleable.StateListDrawable = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.StateListDrawable; - global::Xamarin.Forms.Platform.Resource.Styleable.StateListDrawableItem = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.StateListDrawableItem; - global::Xamarin.Forms.Platform.Resource.Styleable.StateListDrawableItem_android_drawable = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.StateListDrawableItem_android_drawable; - global::Xamarin.Forms.Platform.Resource.Styleable.StateListDrawable_android_constantSize = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.StateListDrawable_android_constantSize; - global::Xamarin.Forms.Platform.Resource.Styleable.StateListDrawable_android_dither = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.StateListDrawable_android_dither; - global::Xamarin.Forms.Platform.Resource.Styleable.StateListDrawable_android_enterFadeDuration = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.StateListDrawable_android_enterFadeDuration; - global::Xamarin.Forms.Platform.Resource.Styleable.StateListDrawable_android_exitFadeDuration = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.StateListDrawable_android_exitFadeDuration; - global::Xamarin.Forms.Platform.Resource.Styleable.StateListDrawable_android_variablePadding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.StateListDrawable_android_variablePadding; - global::Xamarin.Forms.Platform.Resource.Styleable.StateListDrawable_android_visible = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.StateListDrawable_android_visible; - global::Xamarin.Forms.Platform.Resource.Styleable.SwipeRefreshLayout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.SwipeRefreshLayout; - global::Xamarin.Forms.Platform.Resource.Styleable.SwipeRefreshLayout_swipeRefreshLayoutProgressSpinnerBackgroundColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.SwipeRefreshLayout_swipeRefreshLayoutProgressSpinnerBackgroundColor; - global::Xamarin.Forms.Platform.Resource.Styleable.SwitchCompat = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.SwitchCompat; - global::Xamarin.Forms.Platform.Resource.Styleable.SwitchCompat_android_textOff = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.SwitchCompat_android_textOff; - global::Xamarin.Forms.Platform.Resource.Styleable.SwitchCompat_android_textOn = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.SwitchCompat_android_textOn; - global::Xamarin.Forms.Platform.Resource.Styleable.SwitchCompat_android_thumb = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.SwitchCompat_android_thumb; - global::Xamarin.Forms.Platform.Resource.Styleable.SwitchCompat_showText = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.SwitchCompat_showText; - global::Xamarin.Forms.Platform.Resource.Styleable.SwitchCompat_splitTrack = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.SwitchCompat_splitTrack; - global::Xamarin.Forms.Platform.Resource.Styleable.SwitchCompat_switchMinWidth = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.SwitchCompat_switchMinWidth; - global::Xamarin.Forms.Platform.Resource.Styleable.SwitchCompat_switchPadding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.SwitchCompat_switchPadding; - global::Xamarin.Forms.Platform.Resource.Styleable.SwitchCompat_switchTextAppearance = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.SwitchCompat_switchTextAppearance; - global::Xamarin.Forms.Platform.Resource.Styleable.SwitchCompat_thumbTextPadding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.SwitchCompat_thumbTextPadding; - global::Xamarin.Forms.Platform.Resource.Styleable.SwitchCompat_thumbTint = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.SwitchCompat_thumbTint; - global::Xamarin.Forms.Platform.Resource.Styleable.SwitchCompat_thumbTintMode = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.SwitchCompat_thumbTintMode; - global::Xamarin.Forms.Platform.Resource.Styleable.SwitchCompat_track = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.SwitchCompat_track; - global::Xamarin.Forms.Platform.Resource.Styleable.SwitchCompat_trackTint = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.SwitchCompat_trackTint; - global::Xamarin.Forms.Platform.Resource.Styleable.SwitchCompat_trackTintMode = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.SwitchCompat_trackTintMode; - global::Xamarin.Forms.Platform.Resource.Styleable.SwitchMaterial = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.SwitchMaterial; - global::Xamarin.Forms.Platform.Resource.Styleable.SwitchMaterial_useMaterialThemeColors = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.SwitchMaterial_useMaterialThemeColors; - global::Xamarin.Forms.Platform.Resource.Styleable.TabItem = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TabItem; - global::Xamarin.Forms.Platform.Resource.Styleable.TabItem_android_icon = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TabItem_android_icon; - global::Xamarin.Forms.Platform.Resource.Styleable.TabItem_android_layout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TabItem_android_layout; - global::Xamarin.Forms.Platform.Resource.Styleable.TabItem_android_text = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TabItem_android_text; - global::Xamarin.Forms.Platform.Resource.Styleable.TabLayout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TabLayout; - global::Xamarin.Forms.Platform.Resource.Styleable.TabLayout_tabBackground = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TabLayout_tabBackground; - global::Xamarin.Forms.Platform.Resource.Styleable.TabLayout_tabContentStart = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TabLayout_tabContentStart; - global::Xamarin.Forms.Platform.Resource.Styleable.TabLayout_tabGravity = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TabLayout_tabGravity; - global::Xamarin.Forms.Platform.Resource.Styleable.TabLayout_tabIconTint = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TabLayout_tabIconTint; - global::Xamarin.Forms.Platform.Resource.Styleable.TabLayout_tabIconTintMode = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TabLayout_tabIconTintMode; - global::Xamarin.Forms.Platform.Resource.Styleable.TabLayout_tabIndicator = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TabLayout_tabIndicator; - global::Xamarin.Forms.Platform.Resource.Styleable.TabLayout_tabIndicatorAnimationDuration = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TabLayout_tabIndicatorAnimationDuration; - global::Xamarin.Forms.Platform.Resource.Styleable.TabLayout_tabIndicatorColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TabLayout_tabIndicatorColor; - global::Xamarin.Forms.Platform.Resource.Styleable.TabLayout_tabIndicatorFullWidth = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TabLayout_tabIndicatorFullWidth; - global::Xamarin.Forms.Platform.Resource.Styleable.TabLayout_tabIndicatorGravity = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TabLayout_tabIndicatorGravity; - global::Xamarin.Forms.Platform.Resource.Styleable.TabLayout_tabIndicatorHeight = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TabLayout_tabIndicatorHeight; - global::Xamarin.Forms.Platform.Resource.Styleable.TabLayout_tabInlineLabel = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TabLayout_tabInlineLabel; - global::Xamarin.Forms.Platform.Resource.Styleable.TabLayout_tabMaxWidth = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TabLayout_tabMaxWidth; - global::Xamarin.Forms.Platform.Resource.Styleable.TabLayout_tabMinWidth = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TabLayout_tabMinWidth; - global::Xamarin.Forms.Platform.Resource.Styleable.TabLayout_tabMode = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TabLayout_tabMode; - global::Xamarin.Forms.Platform.Resource.Styleable.TabLayout_tabPadding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TabLayout_tabPadding; - global::Xamarin.Forms.Platform.Resource.Styleable.TabLayout_tabPaddingBottom = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TabLayout_tabPaddingBottom; - global::Xamarin.Forms.Platform.Resource.Styleable.TabLayout_tabPaddingEnd = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TabLayout_tabPaddingEnd; - global::Xamarin.Forms.Platform.Resource.Styleable.TabLayout_tabPaddingStart = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TabLayout_tabPaddingStart; - global::Xamarin.Forms.Platform.Resource.Styleable.TabLayout_tabPaddingTop = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TabLayout_tabPaddingTop; - global::Xamarin.Forms.Platform.Resource.Styleable.TabLayout_tabRippleColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TabLayout_tabRippleColor; - global::Xamarin.Forms.Platform.Resource.Styleable.TabLayout_tabSelectedTextColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TabLayout_tabSelectedTextColor; - global::Xamarin.Forms.Platform.Resource.Styleable.TabLayout_tabTextAppearance = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TabLayout_tabTextAppearance; - global::Xamarin.Forms.Platform.Resource.Styleable.TabLayout_tabTextColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TabLayout_tabTextColor; - global::Xamarin.Forms.Platform.Resource.Styleable.TabLayout_tabUnboundedRipple = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TabLayout_tabUnboundedRipple; - global::Xamarin.Forms.Platform.Resource.Styleable.TextAppearance = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextAppearance; - global::Xamarin.Forms.Platform.Resource.Styleable.TextAppearance_android_fontFamily = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextAppearance_android_fontFamily; - global::Xamarin.Forms.Platform.Resource.Styleable.TextAppearance_android_shadowColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextAppearance_android_shadowColor; - global::Xamarin.Forms.Platform.Resource.Styleable.TextAppearance_android_shadowDx = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextAppearance_android_shadowDx; - global::Xamarin.Forms.Platform.Resource.Styleable.TextAppearance_android_shadowDy = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextAppearance_android_shadowDy; - global::Xamarin.Forms.Platform.Resource.Styleable.TextAppearance_android_shadowRadius = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextAppearance_android_shadowRadius; - global::Xamarin.Forms.Platform.Resource.Styleable.TextAppearance_android_textColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextAppearance_android_textColor; - global::Xamarin.Forms.Platform.Resource.Styleable.TextAppearance_android_textColorHint = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextAppearance_android_textColorHint; - global::Xamarin.Forms.Platform.Resource.Styleable.TextAppearance_android_textColorLink = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextAppearance_android_textColorLink; - global::Xamarin.Forms.Platform.Resource.Styleable.TextAppearance_android_textFontWeight = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextAppearance_android_textFontWeight; - global::Xamarin.Forms.Platform.Resource.Styleable.TextAppearance_android_textSize = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextAppearance_android_textSize; - global::Xamarin.Forms.Platform.Resource.Styleable.TextAppearance_android_textStyle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextAppearance_android_textStyle; - global::Xamarin.Forms.Platform.Resource.Styleable.TextAppearance_android_typeface = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextAppearance_android_typeface; - global::Xamarin.Forms.Platform.Resource.Styleable.TextAppearance_fontFamily = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextAppearance_fontFamily; - global::Xamarin.Forms.Platform.Resource.Styleable.TextAppearance_fontVariationSettings = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextAppearance_fontVariationSettings; - global::Xamarin.Forms.Platform.Resource.Styleable.TextAppearance_textAllCaps = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextAppearance_textAllCaps; - global::Xamarin.Forms.Platform.Resource.Styleable.TextAppearance_textLocale = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextAppearance_textLocale; - global::Xamarin.Forms.Platform.Resource.Styleable.TextInputEditText = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextInputEditText; - global::Xamarin.Forms.Platform.Resource.Styleable.TextInputEditText_textInputLayoutFocusedRectEnabled = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextInputEditText_textInputLayoutFocusedRectEnabled; - global::Xamarin.Forms.Platform.Resource.Styleable.TextInputLayout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextInputLayout; - global::Xamarin.Forms.Platform.Resource.Styleable.TextInputLayout_android_enabled = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextInputLayout_android_enabled; - global::Xamarin.Forms.Platform.Resource.Styleable.TextInputLayout_android_hint = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextInputLayout_android_hint; - global::Xamarin.Forms.Platform.Resource.Styleable.TextInputLayout_android_textColorHint = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextInputLayout_android_textColorHint; - global::Xamarin.Forms.Platform.Resource.Styleable.TextInputLayout_boxBackgroundColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextInputLayout_boxBackgroundColor; - global::Xamarin.Forms.Platform.Resource.Styleable.TextInputLayout_boxBackgroundMode = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextInputLayout_boxBackgroundMode; - global::Xamarin.Forms.Platform.Resource.Styleable.TextInputLayout_boxCollapsedPaddingTop = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextInputLayout_boxCollapsedPaddingTop; - global::Xamarin.Forms.Platform.Resource.Styleable.TextInputLayout_boxCornerRadiusBottomEnd = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextInputLayout_boxCornerRadiusBottomEnd; - global::Xamarin.Forms.Platform.Resource.Styleable.TextInputLayout_boxCornerRadiusBottomStart = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextInputLayout_boxCornerRadiusBottomStart; - global::Xamarin.Forms.Platform.Resource.Styleable.TextInputLayout_boxCornerRadiusTopEnd = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextInputLayout_boxCornerRadiusTopEnd; - global::Xamarin.Forms.Platform.Resource.Styleable.TextInputLayout_boxCornerRadiusTopStart = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextInputLayout_boxCornerRadiusTopStart; - global::Xamarin.Forms.Platform.Resource.Styleable.TextInputLayout_boxStrokeColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextInputLayout_boxStrokeColor; - global::Xamarin.Forms.Platform.Resource.Styleable.TextInputLayout_boxStrokeErrorColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextInputLayout_boxStrokeErrorColor; - global::Xamarin.Forms.Platform.Resource.Styleable.TextInputLayout_boxStrokeWidth = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextInputLayout_boxStrokeWidth; - global::Xamarin.Forms.Platform.Resource.Styleable.TextInputLayout_boxStrokeWidthFocused = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextInputLayout_boxStrokeWidthFocused; - global::Xamarin.Forms.Platform.Resource.Styleable.TextInputLayout_counterEnabled = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextInputLayout_counterEnabled; - global::Xamarin.Forms.Platform.Resource.Styleable.TextInputLayout_counterMaxLength = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextInputLayout_counterMaxLength; - global::Xamarin.Forms.Platform.Resource.Styleable.TextInputLayout_counterOverflowTextAppearance = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextInputLayout_counterOverflowTextAppearance; - global::Xamarin.Forms.Platform.Resource.Styleable.TextInputLayout_counterOverflowTextColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextInputLayout_counterOverflowTextColor; - global::Xamarin.Forms.Platform.Resource.Styleable.TextInputLayout_counterTextAppearance = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextInputLayout_counterTextAppearance; - global::Xamarin.Forms.Platform.Resource.Styleable.TextInputLayout_counterTextColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextInputLayout_counterTextColor; - global::Xamarin.Forms.Platform.Resource.Styleable.TextInputLayout_endIconCheckable = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextInputLayout_endIconCheckable; - global::Xamarin.Forms.Platform.Resource.Styleable.TextInputLayout_endIconContentDescription = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextInputLayout_endIconContentDescription; - global::Xamarin.Forms.Platform.Resource.Styleable.TextInputLayout_endIconDrawable = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextInputLayout_endIconDrawable; - global::Xamarin.Forms.Platform.Resource.Styleable.TextInputLayout_endIconMode = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextInputLayout_endIconMode; - global::Xamarin.Forms.Platform.Resource.Styleable.TextInputLayout_endIconTint = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextInputLayout_endIconTint; - global::Xamarin.Forms.Platform.Resource.Styleable.TextInputLayout_endIconTintMode = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextInputLayout_endIconTintMode; - global::Xamarin.Forms.Platform.Resource.Styleable.TextInputLayout_errorContentDescription = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextInputLayout_errorContentDescription; - global::Xamarin.Forms.Platform.Resource.Styleable.TextInputLayout_errorEnabled = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextInputLayout_errorEnabled; - global::Xamarin.Forms.Platform.Resource.Styleable.TextInputLayout_errorIconDrawable = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextInputLayout_errorIconDrawable; - global::Xamarin.Forms.Platform.Resource.Styleable.TextInputLayout_errorIconTint = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextInputLayout_errorIconTint; - global::Xamarin.Forms.Platform.Resource.Styleable.TextInputLayout_errorIconTintMode = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextInputLayout_errorIconTintMode; - global::Xamarin.Forms.Platform.Resource.Styleable.TextInputLayout_errorTextAppearance = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextInputLayout_errorTextAppearance; - global::Xamarin.Forms.Platform.Resource.Styleable.TextInputLayout_errorTextColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextInputLayout_errorTextColor; - global::Xamarin.Forms.Platform.Resource.Styleable.TextInputLayout_helperText = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextInputLayout_helperText; - global::Xamarin.Forms.Platform.Resource.Styleable.TextInputLayout_helperTextEnabled = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextInputLayout_helperTextEnabled; - global::Xamarin.Forms.Platform.Resource.Styleable.TextInputLayout_helperTextTextAppearance = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextInputLayout_helperTextTextAppearance; - global::Xamarin.Forms.Platform.Resource.Styleable.TextInputLayout_helperTextTextColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextInputLayout_helperTextTextColor; - global::Xamarin.Forms.Platform.Resource.Styleable.TextInputLayout_hintAnimationEnabled = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextInputLayout_hintAnimationEnabled; - global::Xamarin.Forms.Platform.Resource.Styleable.TextInputLayout_hintEnabled = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextInputLayout_hintEnabled; - global::Xamarin.Forms.Platform.Resource.Styleable.TextInputLayout_hintTextAppearance = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextInputLayout_hintTextAppearance; - global::Xamarin.Forms.Platform.Resource.Styleable.TextInputLayout_hintTextColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextInputLayout_hintTextColor; - global::Xamarin.Forms.Platform.Resource.Styleable.TextInputLayout_passwordToggleContentDescription = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextInputLayout_passwordToggleContentDescription; - global::Xamarin.Forms.Platform.Resource.Styleable.TextInputLayout_passwordToggleDrawable = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextInputLayout_passwordToggleDrawable; - global::Xamarin.Forms.Platform.Resource.Styleable.TextInputLayout_passwordToggleEnabled = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextInputLayout_passwordToggleEnabled; - global::Xamarin.Forms.Platform.Resource.Styleable.TextInputLayout_passwordToggleTint = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextInputLayout_passwordToggleTint; - global::Xamarin.Forms.Platform.Resource.Styleable.TextInputLayout_passwordToggleTintMode = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextInputLayout_passwordToggleTintMode; - global::Xamarin.Forms.Platform.Resource.Styleable.TextInputLayout_placeholderText = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextInputLayout_placeholderText; - global::Xamarin.Forms.Platform.Resource.Styleable.TextInputLayout_placeholderTextAppearance = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextInputLayout_placeholderTextAppearance; - global::Xamarin.Forms.Platform.Resource.Styleable.TextInputLayout_placeholderTextColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextInputLayout_placeholderTextColor; - global::Xamarin.Forms.Platform.Resource.Styleable.TextInputLayout_prefixText = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextInputLayout_prefixText; - global::Xamarin.Forms.Platform.Resource.Styleable.TextInputLayout_prefixTextAppearance = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextInputLayout_prefixTextAppearance; - global::Xamarin.Forms.Platform.Resource.Styleable.TextInputLayout_prefixTextColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextInputLayout_prefixTextColor; - global::Xamarin.Forms.Platform.Resource.Styleable.TextInputLayout_shapeAppearance = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextInputLayout_shapeAppearance; - global::Xamarin.Forms.Platform.Resource.Styleable.TextInputLayout_shapeAppearanceOverlay = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextInputLayout_shapeAppearanceOverlay; - global::Xamarin.Forms.Platform.Resource.Styleable.TextInputLayout_startIconCheckable = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextInputLayout_startIconCheckable; - global::Xamarin.Forms.Platform.Resource.Styleable.TextInputLayout_startIconContentDescription = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextInputLayout_startIconContentDescription; - global::Xamarin.Forms.Platform.Resource.Styleable.TextInputLayout_startIconDrawable = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextInputLayout_startIconDrawable; - global::Xamarin.Forms.Platform.Resource.Styleable.TextInputLayout_startIconTint = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextInputLayout_startIconTint; - global::Xamarin.Forms.Platform.Resource.Styleable.TextInputLayout_startIconTintMode = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextInputLayout_startIconTintMode; - global::Xamarin.Forms.Platform.Resource.Styleable.TextInputLayout_suffixText = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextInputLayout_suffixText; - global::Xamarin.Forms.Platform.Resource.Styleable.TextInputLayout_suffixTextAppearance = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextInputLayout_suffixTextAppearance; - global::Xamarin.Forms.Platform.Resource.Styleable.TextInputLayout_suffixTextColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.TextInputLayout_suffixTextColor; - global::Xamarin.Forms.Platform.Resource.Styleable.ThemeEnforcement = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ThemeEnforcement; - global::Xamarin.Forms.Platform.Resource.Styleable.ThemeEnforcement_android_textAppearance = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ThemeEnforcement_android_textAppearance; - global::Xamarin.Forms.Platform.Resource.Styleable.ThemeEnforcement_enforceMaterialTheme = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ThemeEnforcement_enforceMaterialTheme; - global::Xamarin.Forms.Platform.Resource.Styleable.ThemeEnforcement_enforceTextAppearance = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ThemeEnforcement_enforceTextAppearance; - global::Xamarin.Forms.Platform.Resource.Styleable.Toolbar = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Toolbar; - global::Xamarin.Forms.Platform.Resource.Styleable.Toolbar_android_gravity = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Toolbar_android_gravity; - global::Xamarin.Forms.Platform.Resource.Styleable.Toolbar_android_minHeight = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Toolbar_android_minHeight; - global::Xamarin.Forms.Platform.Resource.Styleable.Toolbar_buttonGravity = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Toolbar_buttonGravity; - global::Xamarin.Forms.Platform.Resource.Styleable.Toolbar_collapseContentDescription = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Toolbar_collapseContentDescription; - global::Xamarin.Forms.Platform.Resource.Styleable.Toolbar_collapseIcon = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Toolbar_collapseIcon; - global::Xamarin.Forms.Platform.Resource.Styleable.Toolbar_contentInsetEnd = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Toolbar_contentInsetEnd; - global::Xamarin.Forms.Platform.Resource.Styleable.Toolbar_contentInsetEndWithActions = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Toolbar_contentInsetEndWithActions; - global::Xamarin.Forms.Platform.Resource.Styleable.Toolbar_contentInsetLeft = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Toolbar_contentInsetLeft; - global::Xamarin.Forms.Platform.Resource.Styleable.Toolbar_contentInsetRight = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Toolbar_contentInsetRight; - global::Xamarin.Forms.Platform.Resource.Styleable.Toolbar_contentInsetStart = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Toolbar_contentInsetStart; - global::Xamarin.Forms.Platform.Resource.Styleable.Toolbar_contentInsetStartWithNavigation = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Toolbar_contentInsetStartWithNavigation; - global::Xamarin.Forms.Platform.Resource.Styleable.Toolbar_logo = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Toolbar_logo; - global::Xamarin.Forms.Platform.Resource.Styleable.Toolbar_logoDescription = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Toolbar_logoDescription; - global::Xamarin.Forms.Platform.Resource.Styleable.Toolbar_maxButtonHeight = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Toolbar_maxButtonHeight; - global::Xamarin.Forms.Platform.Resource.Styleable.Toolbar_menu = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Toolbar_menu; - global::Xamarin.Forms.Platform.Resource.Styleable.Toolbar_navigationContentDescription = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Toolbar_navigationContentDescription; - global::Xamarin.Forms.Platform.Resource.Styleable.Toolbar_navigationIcon = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Toolbar_navigationIcon; - global::Xamarin.Forms.Platform.Resource.Styleable.Toolbar_popupTheme = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Toolbar_popupTheme; - global::Xamarin.Forms.Platform.Resource.Styleable.Toolbar_subtitle = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Toolbar_subtitle; - global::Xamarin.Forms.Platform.Resource.Styleable.Toolbar_subtitleTextAppearance = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Toolbar_subtitleTextAppearance; - global::Xamarin.Forms.Platform.Resource.Styleable.Toolbar_subtitleTextColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Toolbar_subtitleTextColor; - global::Xamarin.Forms.Platform.Resource.Styleable.Toolbar_title = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Toolbar_title; - global::Xamarin.Forms.Platform.Resource.Styleable.Toolbar_titleMargin = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Toolbar_titleMargin; - global::Xamarin.Forms.Platform.Resource.Styleable.Toolbar_titleMarginBottom = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Toolbar_titleMarginBottom; - global::Xamarin.Forms.Platform.Resource.Styleable.Toolbar_titleMarginEnd = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Toolbar_titleMarginEnd; - global::Xamarin.Forms.Platform.Resource.Styleable.Toolbar_titleMargins = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Toolbar_titleMargins; - global::Xamarin.Forms.Platform.Resource.Styleable.Toolbar_titleMarginStart = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Toolbar_titleMarginStart; - global::Xamarin.Forms.Platform.Resource.Styleable.Toolbar_titleMarginTop = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Toolbar_titleMarginTop; - global::Xamarin.Forms.Platform.Resource.Styleable.Toolbar_titleTextAppearance = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Toolbar_titleTextAppearance; - global::Xamarin.Forms.Platform.Resource.Styleable.Toolbar_titleTextColor = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Toolbar_titleTextColor; - global::Xamarin.Forms.Platform.Resource.Styleable.Tooltip = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Tooltip; - global::Xamarin.Forms.Platform.Resource.Styleable.Tooltip_android_layout_margin = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Tooltip_android_layout_margin; - global::Xamarin.Forms.Platform.Resource.Styleable.Tooltip_android_minHeight = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Tooltip_android_minHeight; - global::Xamarin.Forms.Platform.Resource.Styleable.Tooltip_android_minWidth = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Tooltip_android_minWidth; - global::Xamarin.Forms.Platform.Resource.Styleable.Tooltip_android_padding = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Tooltip_android_padding; - global::Xamarin.Forms.Platform.Resource.Styleable.Tooltip_android_text = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Tooltip_android_text; - global::Xamarin.Forms.Platform.Resource.Styleable.Tooltip_android_textAppearance = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Tooltip_android_textAppearance; - global::Xamarin.Forms.Platform.Resource.Styleable.Tooltip_backgroundTint = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.Tooltip_backgroundTint; - global::Xamarin.Forms.Platform.Resource.Styleable.View = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.View; - global::Xamarin.Forms.Platform.Resource.Styleable.ViewBackgroundHelper = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ViewBackgroundHelper; - global::Xamarin.Forms.Platform.Resource.Styleable.ViewBackgroundHelper_android_background = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ViewBackgroundHelper_android_background; - global::Xamarin.Forms.Platform.Resource.Styleable.ViewBackgroundHelper_backgroundTint = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ViewBackgroundHelper_backgroundTint; - global::Xamarin.Forms.Platform.Resource.Styleable.ViewBackgroundHelper_backgroundTintMode = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ViewBackgroundHelper_backgroundTintMode; - global::Xamarin.Forms.Platform.Resource.Styleable.ViewPager2 = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ViewPager2; - global::Xamarin.Forms.Platform.Resource.Styleable.ViewPager2_android_orientation = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ViewPager2_android_orientation; - global::Xamarin.Forms.Platform.Resource.Styleable.ViewStubCompat = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ViewStubCompat; - global::Xamarin.Forms.Platform.Resource.Styleable.ViewStubCompat_android_id = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ViewStubCompat_android_id; - global::Xamarin.Forms.Platform.Resource.Styleable.ViewStubCompat_android_inflatedId = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ViewStubCompat_android_inflatedId; - global::Xamarin.Forms.Platform.Resource.Styleable.ViewStubCompat_android_layout = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.ViewStubCompat_android_layout; - global::Xamarin.Forms.Platform.Resource.Styleable.View_android_focusable = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.View_android_focusable; - global::Xamarin.Forms.Platform.Resource.Styleable.View_android_theme = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.View_android_theme; - global::Xamarin.Forms.Platform.Resource.Styleable.View_paddingEnd = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.View_paddingEnd; - global::Xamarin.Forms.Platform.Resource.Styleable.View_paddingStart = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.View_paddingStart; - global::Xamarin.Forms.Platform.Resource.Styleable.View_theme = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Styleable.View_theme; - global::Xamarin.Forms.Platform.Resource.Xml.standalone_badge = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Xml.standalone_badge; - global::Xamarin.Forms.Platform.Resource.Xml.standalone_badge_gravity_bottom_end = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Xml.standalone_badge_gravity_bottom_end; - global::Xamarin.Forms.Platform.Resource.Xml.standalone_badge_gravity_bottom_start = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Xml.standalone_badge_gravity_bottom_start; - global::Xamarin.Forms.Platform.Resource.Xml.standalone_badge_gravity_top_start = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Xml.standalone_badge_gravity_top_start; - global::Xamarin.Forms.Platform.Resource.Xml.standalone_badge_offset = global::Microsoft.ML.OnnxRuntime.Tests.Droid.Resource.Xml.standalone_badge_offset; - } - - public partial class Animation - { - - // aapt resource value: 0x7F010000 - public const int abc_fade_in = 2130771968; - - // aapt resource value: 0x7F010001 - public const int abc_fade_out = 2130771969; - - // aapt resource value: 0x7F010002 - public const int abc_grow_fade_in_from_bottom = 2130771970; - - // aapt resource value: 0x7F010003 - public const int abc_popup_enter = 2130771971; - - // aapt resource value: 0x7F010004 - public const int abc_popup_exit = 2130771972; - - // aapt resource value: 0x7F010005 - public const int abc_shrink_fade_out_from_bottom = 2130771973; - - // aapt resource value: 0x7F010006 - public const int abc_slide_in_bottom = 2130771974; - - // aapt resource value: 0x7F010007 - public const int abc_slide_in_top = 2130771975; - - // aapt resource value: 0x7F010008 - public const int abc_slide_out_bottom = 2130771976; - - // aapt resource value: 0x7F010009 - public const int abc_slide_out_top = 2130771977; - - // aapt resource value: 0x7F01000A - public const int abc_tooltip_enter = 2130771978; - - // aapt resource value: 0x7F01000B - public const int abc_tooltip_exit = 2130771979; - - // aapt resource value: 0x7F01000C - public const int btn_checkbox_to_checked_box_inner_merged_animation = 2130771980; - - // aapt resource value: 0x7F01000D - public const int btn_checkbox_to_checked_box_outer_merged_animation = 2130771981; - - // aapt resource value: 0x7F01000E - public const int btn_checkbox_to_checked_icon_null_animation = 2130771982; - - // aapt resource value: 0x7F01000F - public const int btn_checkbox_to_unchecked_box_inner_merged_animation = 2130771983; - - // aapt resource value: 0x7F010010 - public const int btn_checkbox_to_unchecked_check_path_merged_animation = 2130771984; - - // aapt resource value: 0x7F010011 - public const int btn_checkbox_to_unchecked_icon_null_animation = 2130771985; - - // aapt resource value: 0x7F010012 - public const int btn_radio_to_off_mtrl_dot_group_animation = 2130771986; - - // aapt resource value: 0x7F010013 - public const int btn_radio_to_off_mtrl_ring_outer_animation = 2130771987; - - // aapt resource value: 0x7F010014 - public const int btn_radio_to_off_mtrl_ring_outer_path_animation = 2130771988; - - // aapt resource value: 0x7F010015 - public const int btn_radio_to_on_mtrl_dot_group_animation = 2130771989; - - // aapt resource value: 0x7F010016 - public const int btn_radio_to_on_mtrl_ring_outer_animation = 2130771990; - - // aapt resource value: 0x7F010017 - public const int btn_radio_to_on_mtrl_ring_outer_path_animation = 2130771991; - - // aapt resource value: 0x7F010018 - public const int design_bottom_sheet_slide_in = 2130771992; - - // aapt resource value: 0x7F010019 - public const int design_bottom_sheet_slide_out = 2130771993; - - // aapt resource value: 0x7F01001A - public const int design_snackbar_in = 2130771994; - - // aapt resource value: 0x7F01001B - public const int design_snackbar_out = 2130771995; - - // aapt resource value: 0x7F01001C - public const int EnterFromLeft = 2130771996; - - // aapt resource value: 0x7F01001D - public const int EnterFromRight = 2130771997; - - // aapt resource value: 0x7F01001E - public const int ExitToLeft = 2130771998; - - // aapt resource value: 0x7F01001F - public const int ExitToRight = 2130771999; - - // aapt resource value: 0x7F010020 - public const int fragment_fast_out_extra_slow_in = 2130772000; - - // aapt resource value: 0x7F010021 - public const int mtrl_bottom_sheet_slide_in = 2130772001; - - // aapt resource value: 0x7F010022 - public const int mtrl_bottom_sheet_slide_out = 2130772002; - - // aapt resource value: 0x7F010023 - public const int mtrl_card_lowers_interpolator = 2130772003; - - // aapt resource value: 0x7F010024 - public const int nav_default_enter_anim = 2130772004; - - // aapt resource value: 0x7F010025 - public const int nav_default_exit_anim = 2130772005; - - // aapt resource value: 0x7F010026 - public const int nav_default_pop_enter_anim = 2130772006; - - // aapt resource value: 0x7F010027 - public const int nav_default_pop_exit_anim = 2130772007; - - static Animation() - { - global::Android.Runtime.ResourceIdManager.UpdateIdValues(); - } - - private Animation() - { - } - } - - public partial class Animator - { - - // aapt resource value: 0x7F020000 - public const int design_appbar_state_list_animator = 2130837504; - - // aapt resource value: 0x7F020001 - public const int design_fab_hide_motion_spec = 2130837505; - - // aapt resource value: 0x7F020002 - public const int design_fab_show_motion_spec = 2130837506; - - // aapt resource value: 0x7F020003 - public const int fragment_close_enter = 2130837507; - - // aapt resource value: 0x7F020004 - public const int fragment_close_exit = 2130837508; - - // aapt resource value: 0x7F020005 - public const int fragment_fade_enter = 2130837509; - - // aapt resource value: 0x7F020006 - public const int fragment_fade_exit = 2130837510; - - // aapt resource value: 0x7F020007 - public const int fragment_open_enter = 2130837511; - - // aapt resource value: 0x7F020008 - public const int fragment_open_exit = 2130837512; - - // aapt resource value: 0x7F020009 - public const int mtrl_btn_state_list_anim = 2130837513; - - // aapt resource value: 0x7F02000A - public const int mtrl_btn_unelevated_state_list_anim = 2130837514; - - // aapt resource value: 0x7F02000B - public const int mtrl_card_state_list_anim = 2130837515; - - // aapt resource value: 0x7F02000C - public const int mtrl_chip_state_list_anim = 2130837516; - - // aapt resource value: 0x7F02000D - public const int mtrl_extended_fab_change_size_motion_spec = 2130837517; - - // aapt resource value: 0x7F02000E - public const int mtrl_extended_fab_hide_motion_spec = 2130837518; - - // aapt resource value: 0x7F02000F - public const int mtrl_extended_fab_show_motion_spec = 2130837519; - - // aapt resource value: 0x7F020010 - public const int mtrl_extended_fab_state_list_animator = 2130837520; - - // aapt resource value: 0x7F020011 - public const int mtrl_fab_hide_motion_spec = 2130837521; - - // aapt resource value: 0x7F020012 - public const int mtrl_fab_show_motion_spec = 2130837522; - - // aapt resource value: 0x7F020013 - public const int mtrl_fab_transformation_sheet_collapse_spec = 2130837523; - - // aapt resource value: 0x7F020014 - public const int mtrl_fab_transformation_sheet_expand_spec = 2130837524; - - // aapt resource value: 0x7F020015 - public const int nav_default_enter_anim = 2130837525; - - // aapt resource value: 0x7F020016 - public const int nav_default_exit_anim = 2130837526; - - // aapt resource value: 0x7F020017 - public const int nav_default_pop_enter_anim = 2130837527; - - // aapt resource value: 0x7F020018 - public const int nav_default_pop_exit_anim = 2130837528; - - static Animator() - { - global::Android.Runtime.ResourceIdManager.UpdateIdValues(); - } - - private Animator() - { - } - } - - public partial class Attribute - { - - // aapt resource value: 0x7F030000 - public const int action = 2130903040; - - // aapt resource value: 0x7F030001 - public const int actionBarDivider = 2130903041; - - // aapt resource value: 0x7F030002 - public const int actionBarItemBackground = 2130903042; - - // aapt resource value: 0x7F030003 - public const int actionBarPopupTheme = 2130903043; - - // aapt resource value: 0x7F030004 - public const int actionBarSize = 2130903044; - - // aapt resource value: 0x7F030005 - public const int actionBarSplitStyle = 2130903045; - - // aapt resource value: 0x7F030006 - public const int actionBarStyle = 2130903046; - - // aapt resource value: 0x7F030007 - public const int actionBarTabBarStyle = 2130903047; - - // aapt resource value: 0x7F030008 - public const int actionBarTabStyle = 2130903048; - - // aapt resource value: 0x7F030009 - public const int actionBarTabTextStyle = 2130903049; - - // aapt resource value: 0x7F03000A - public const int actionBarTheme = 2130903050; - - // aapt resource value: 0x7F03000B - public const int actionBarWidgetTheme = 2130903051; - - // aapt resource value: 0x7F03000C - public const int actionButtonStyle = 2130903052; - - // aapt resource value: 0x7F03000D - public const int actionDropDownStyle = 2130903053; - - // aapt resource value: 0x7F03000E - public const int actionLayout = 2130903054; - - // aapt resource value: 0x7F03000F - public const int actionMenuTextAppearance = 2130903055; - - // aapt resource value: 0x7F030010 - public const int actionMenuTextColor = 2130903056; - - // aapt resource value: 0x7F030011 - public const int actionModeBackground = 2130903057; - - // aapt resource value: 0x7F030012 - public const int actionModeCloseButtonStyle = 2130903058; - - // aapt resource value: 0x7F030013 - public const int actionModeCloseDrawable = 2130903059; - - // aapt resource value: 0x7F030014 - public const int actionModeCopyDrawable = 2130903060; - - // aapt resource value: 0x7F030015 - public const int actionModeCutDrawable = 2130903061; - - // aapt resource value: 0x7F030016 - public const int actionModeFindDrawable = 2130903062; - - // aapt resource value: 0x7F030017 - public const int actionModePasteDrawable = 2130903063; - - // aapt resource value: 0x7F030018 - public const int actionModePopupWindowStyle = 2130903064; - - // aapt resource value: 0x7F030019 - public const int actionModeSelectAllDrawable = 2130903065; - - // aapt resource value: 0x7F03001A - public const int actionModeShareDrawable = 2130903066; - - // aapt resource value: 0x7F03001B - public const int actionModeSplitBackground = 2130903067; - - // aapt resource value: 0x7F03001C - public const int actionModeStyle = 2130903068; - - // aapt resource value: 0x7F03001D - public const int actionModeWebSearchDrawable = 2130903069; - - // aapt resource value: 0x7F03001E - public const int actionOverflowButtonStyle = 2130903070; - - // aapt resource value: 0x7F03001F - public const int actionOverflowMenuStyle = 2130903071; - - // aapt resource value: 0x7F030020 - public const int actionProviderClass = 2130903072; - - // aapt resource value: 0x7F030021 - public const int actionTextColorAlpha = 2130903073; - - // aapt resource value: 0x7F030022 - public const int actionViewClass = 2130903074; - - // aapt resource value: 0x7F030023 - public const int activityChooserViewStyle = 2130903075; - - // aapt resource value: 0x7F030024 - public const int adjustable = 2130903076; - - // aapt resource value: 0x7F030025 - public const int alertDialogButtonGroupStyle = 2130903077; - - // aapt resource value: 0x7F030026 - public const int alertDialogCenterButtons = 2130903078; - - // aapt resource value: 0x7F030027 - public const int alertDialogStyle = 2130903079; - - // aapt resource value: 0x7F030028 - public const int alertDialogTheme = 2130903080; - - // aapt resource value: 0x7F030029 - public const int allowDividerAbove = 2130903081; - - // aapt resource value: 0x7F03002A - public const int allowDividerAfterLastItem = 2130903082; - - // aapt resource value: 0x7F03002B - public const int allowDividerBelow = 2130903083; - - // aapt resource value: 0x7F03002C - public const int allowStacking = 2130903084; - - // aapt resource value: 0x7F03002D - public const int alpha = 2130903085; - - // aapt resource value: 0x7F03002E - public const int alphabeticModifiers = 2130903086; - - // aapt resource value: 0x7F03002F - public const int animationMode = 2130903087; - - // aapt resource value: 0x7F030030 - public const int appBarLayoutStyle = 2130903088; - - // aapt resource value: 0x7F030031 - public const int argType = 2130903089; - - // aapt resource value: 0x7F030032 - public const int arrowHeadLength = 2130903090; - - // aapt resource value: 0x7F030033 - public const int arrowShaftLength = 2130903091; - - // aapt resource value: 0x7F030034 - public const int autoCompleteTextViewStyle = 2130903092; - - // aapt resource value: 0x7F030035 - public const int autoSizeMaxTextSize = 2130903093; - - // aapt resource value: 0x7F030036 - public const int autoSizeMinTextSize = 2130903094; - - // aapt resource value: 0x7F030037 - public const int autoSizePresetSizes = 2130903095; - - // aapt resource value: 0x7F030038 - public const int autoSizeStepGranularity = 2130903096; - - // aapt resource value: 0x7F030039 - public const int autoSizeTextType = 2130903097; - - // aapt resource value: 0x7F03003A - public const int background = 2130903098; - - // aapt resource value: 0x7F03003B - public const int backgroundColor = 2130903099; - - // aapt resource value: 0x7F03003C - public const int backgroundInsetBottom = 2130903100; - - // aapt resource value: 0x7F03003D - public const int backgroundInsetEnd = 2130903101; - - // aapt resource value: 0x7F03003E - public const int backgroundInsetStart = 2130903102; - - // aapt resource value: 0x7F03003F - public const int backgroundInsetTop = 2130903103; - - // aapt resource value: 0x7F030040 - public const int backgroundOverlayColorAlpha = 2130903104; - - // aapt resource value: 0x7F030041 - public const int backgroundSplit = 2130903105; - - // aapt resource value: 0x7F030042 - public const int backgroundStacked = 2130903106; - - // aapt resource value: 0x7F030043 - public const int backgroundTint = 2130903107; - - // aapt resource value: 0x7F030044 - public const int backgroundTintMode = 2130903108; - - // aapt resource value: 0x7F030045 - public const int badgeGravity = 2130903109; - - // aapt resource value: 0x7F030046 - public const int badgeStyle = 2130903110; - - // aapt resource value: 0x7F030047 - public const int badgeTextColor = 2130903111; - - // aapt resource value: 0x7F030048 - public const int barLength = 2130903112; - - // aapt resource value: 0x7F030049 - public const int behavior_autoHide = 2130903113; - - // aapt resource value: 0x7F03004A - public const int behavior_autoShrink = 2130903114; - - // aapt resource value: 0x7F03004B - public const int behavior_draggable = 2130903115; - - // aapt resource value: 0x7F03004C - public const int behavior_expandedOffset = 2130903116; - - // aapt resource value: 0x7F03004D - public const int behavior_fitToContents = 2130903117; - - // aapt resource value: 0x7F03004E - public const int behavior_halfExpandedRatio = 2130903118; - - // aapt resource value: 0x7F03004F - public const int behavior_hideable = 2130903119; - - // aapt resource value: 0x7F030050 - public const int behavior_overlapTop = 2130903120; - - // aapt resource value: 0x7F030051 - public const int behavior_peekHeight = 2130903121; - - // aapt resource value: 0x7F030052 - public const int behavior_saveFlags = 2130903122; - - // aapt resource value: 0x7F030053 - public const int behavior_skipCollapsed = 2130903123; - - // aapt resource value: 0x7F030055 - public const int borderlessButtonStyle = 2130903125; - - // aapt resource value: 0x7F030054 - public const int borderWidth = 2130903124; - - // aapt resource value: 0x7F030056 - public const int bottomAppBarStyle = 2130903126; - - // aapt resource value: 0x7F030057 - public const int bottomNavigationStyle = 2130903127; - - // aapt resource value: 0x7F030058 - public const int bottomSheetDialogTheme = 2130903128; - - // aapt resource value: 0x7F030059 - public const int bottomSheetStyle = 2130903129; - - // aapt resource value: 0x7F03005A - public const int boxBackgroundColor = 2130903130; - - // aapt resource value: 0x7F03005B - public const int boxBackgroundMode = 2130903131; - - // aapt resource value: 0x7F03005C - public const int boxCollapsedPaddingTop = 2130903132; - - // aapt resource value: 0x7F03005D - public const int boxCornerRadiusBottomEnd = 2130903133; - - // aapt resource value: 0x7F03005E - public const int boxCornerRadiusBottomStart = 2130903134; - - // aapt resource value: 0x7F03005F - public const int boxCornerRadiusTopEnd = 2130903135; - - // aapt resource value: 0x7F030060 - public const int boxCornerRadiusTopStart = 2130903136; - - // aapt resource value: 0x7F030061 - public const int boxStrokeColor = 2130903137; - - // aapt resource value: 0x7F030062 - public const int boxStrokeErrorColor = 2130903138; - - // aapt resource value: 0x7F030063 - public const int boxStrokeWidth = 2130903139; - - // aapt resource value: 0x7F030064 - public const int boxStrokeWidthFocused = 2130903140; - - // aapt resource value: 0x7F030065 - public const int buttonBarButtonStyle = 2130903141; - - // aapt resource value: 0x7F030066 - public const int buttonBarNegativeButtonStyle = 2130903142; - - // aapt resource value: 0x7F030067 - public const int buttonBarNeutralButtonStyle = 2130903143; - - // aapt resource value: 0x7F030068 - public const int buttonBarPositiveButtonStyle = 2130903144; - - // aapt resource value: 0x7F030069 - public const int buttonBarStyle = 2130903145; - - // aapt resource value: 0x7F03006A - public const int buttonCompat = 2130903146; - - // aapt resource value: 0x7F03006B - public const int buttonGravity = 2130903147; - - // aapt resource value: 0x7F03006C - public const int buttonIconDimen = 2130903148; - - // aapt resource value: 0x7F03006D - public const int buttonPanelSideLayout = 2130903149; - - // aapt resource value: 0x7F03006E - public const int buttonStyle = 2130903150; - - // aapt resource value: 0x7F03006F - public const int buttonStyleSmall = 2130903151; - - // aapt resource value: 0x7F030070 - public const int buttonTint = 2130903152; - - // aapt resource value: 0x7F030071 - public const int buttonTintMode = 2130903153; - - // aapt resource value: 0x7F030072 - public const int cardBackgroundColor = 2130903154; - - // aapt resource value: 0x7F030073 - public const int cardCornerRadius = 2130903155; - - // aapt resource value: 0x7F030074 - public const int cardElevation = 2130903156; - - // aapt resource value: 0x7F030075 - public const int cardForegroundColor = 2130903157; - - // aapt resource value: 0x7F030076 - public const int cardMaxElevation = 2130903158; - - // aapt resource value: 0x7F030077 - public const int cardPreventCornerOverlap = 2130903159; - - // aapt resource value: 0x7F030078 - public const int cardUseCompatPadding = 2130903160; - - // aapt resource value: 0x7F030079 - public const int cardViewStyle = 2130903161; - - // aapt resource value: 0x7F03007A - public const int checkBoxPreferenceStyle = 2130903162; - - // aapt resource value: 0x7F03007B - public const int checkboxStyle = 2130903163; - - // aapt resource value: 0x7F03007C - public const int checkedButton = 2130903164; - - // aapt resource value: 0x7F03007D - public const int checkedChip = 2130903165; - - // aapt resource value: 0x7F03007E - public const int checkedIcon = 2130903166; - - // aapt resource value: 0x7F03007F - public const int checkedIconEnabled = 2130903167; - - // aapt resource value: 0x7F030080 - public const int checkedIconTint = 2130903168; - - // aapt resource value: 0x7F030081 - public const int checkedIconVisible = 2130903169; - - // aapt resource value: 0x7F030082 - public const int checkedTextViewStyle = 2130903170; - - // aapt resource value: 0x7F030083 - public const int chipBackgroundColor = 2130903171; - - // aapt resource value: 0x7F030084 - public const int chipCornerRadius = 2130903172; - - // aapt resource value: 0x7F030085 - public const int chipEndPadding = 2130903173; - - // aapt resource value: 0x7F030086 - public const int chipGroupStyle = 2130903174; - - // aapt resource value: 0x7F030087 - public const int chipIcon = 2130903175; - - // aapt resource value: 0x7F030088 - public const int chipIconEnabled = 2130903176; - - // aapt resource value: 0x7F030089 - public const int chipIconSize = 2130903177; - - // aapt resource value: 0x7F03008A - public const int chipIconTint = 2130903178; - - // aapt resource value: 0x7F03008B - public const int chipIconVisible = 2130903179; - - // aapt resource value: 0x7F03008C - public const int chipMinHeight = 2130903180; - - // aapt resource value: 0x7F03008D - public const int chipMinTouchTargetSize = 2130903181; - - // aapt resource value: 0x7F03008E - public const int chipSpacing = 2130903182; - - // aapt resource value: 0x7F03008F - public const int chipSpacingHorizontal = 2130903183; - - // aapt resource value: 0x7F030090 - public const int chipSpacingVertical = 2130903184; - - // aapt resource value: 0x7F030091 - public const int chipStandaloneStyle = 2130903185; - - // aapt resource value: 0x7F030092 - public const int chipStartPadding = 2130903186; - - // aapt resource value: 0x7F030093 - public const int chipStrokeColor = 2130903187; - - // aapt resource value: 0x7F030094 - public const int chipStrokeWidth = 2130903188; - - // aapt resource value: 0x7F030095 - public const int chipStyle = 2130903189; - - // aapt resource value: 0x7F030096 - public const int chipSurfaceColor = 2130903190; - - // aapt resource value: 0x7F030097 - public const int closeIcon = 2130903191; - - // aapt resource value: 0x7F030098 - public const int closeIconEnabled = 2130903192; - - // aapt resource value: 0x7F030099 - public const int closeIconEndPadding = 2130903193; - - // aapt resource value: 0x7F03009A - public const int closeIconSize = 2130903194; - - // aapt resource value: 0x7F03009B - public const int closeIconStartPadding = 2130903195; - - // aapt resource value: 0x7F03009C - public const int closeIconTint = 2130903196; - - // aapt resource value: 0x7F03009D - public const int closeIconVisible = 2130903197; - - // aapt resource value: 0x7F03009E - public const int closeItemLayout = 2130903198; - - // aapt resource value: 0x7F03009F - public const int collapseContentDescription = 2130903199; - - // aapt resource value: 0x7F0300A1 - public const int collapsedTitleGravity = 2130903201; - - // aapt resource value: 0x7F0300A2 - public const int collapsedTitleTextAppearance = 2130903202; - - // aapt resource value: 0x7F0300A0 - public const int collapseIcon = 2130903200; - - // aapt resource value: 0x7F0300A3 - public const int collectionViewStyle = 2130903203; - - // aapt resource value: 0x7F0300A4 - public const int color = 2130903204; - - // aapt resource value: 0x7F0300A5 - public const int colorAccent = 2130903205; - - // aapt resource value: 0x7F0300A6 - public const int colorBackgroundFloating = 2130903206; - - // aapt resource value: 0x7F0300A7 - public const int colorButtonNormal = 2130903207; - - // aapt resource value: 0x7F0300A8 - public const int colorControlActivated = 2130903208; - - // aapt resource value: 0x7F0300A9 - public const int colorControlHighlight = 2130903209; - - // aapt resource value: 0x7F0300AA - public const int colorControlNormal = 2130903210; - - // aapt resource value: 0x7F0300AB - public const int colorError = 2130903211; - - // aapt resource value: 0x7F0300AC - public const int colorOnBackground = 2130903212; - - // aapt resource value: 0x7F0300AD - public const int colorOnError = 2130903213; - - // aapt resource value: 0x7F0300AE - public const int colorOnPrimary = 2130903214; - - // aapt resource value: 0x7F0300AF - public const int colorOnPrimarySurface = 2130903215; - - // aapt resource value: 0x7F0300B0 - public const int colorOnSecondary = 2130903216; - - // aapt resource value: 0x7F0300B1 - public const int colorOnSurface = 2130903217; - - // aapt resource value: 0x7F0300B2 - public const int colorPrimary = 2130903218; - - // aapt resource value: 0x7F0300B3 - public const int colorPrimaryDark = 2130903219; - - // aapt resource value: 0x7F0300B4 - public const int colorPrimarySurface = 2130903220; - - // aapt resource value: 0x7F0300B5 - public const int colorPrimaryVariant = 2130903221; - - // aapt resource value: 0x7F0300B6 - public const int colorSecondary = 2130903222; - - // aapt resource value: 0x7F0300B7 - public const int colorSecondaryVariant = 2130903223; - - // aapt resource value: 0x7F0300B8 - public const int colorSurface = 2130903224; - - // aapt resource value: 0x7F0300B9 - public const int colorSwitchThumbNormal = 2130903225; - - // aapt resource value: 0x7F0300BA - public const int commitIcon = 2130903226; - - // aapt resource value: 0x7F0300BB - public const int contentDescription = 2130903227; - - // aapt resource value: 0x7F0300BC - public const int contentInsetEnd = 2130903228; - - // aapt resource value: 0x7F0300BD - public const int contentInsetEndWithActions = 2130903229; - - // aapt resource value: 0x7F0300BE - public const int contentInsetLeft = 2130903230; - - // aapt resource value: 0x7F0300BF - public const int contentInsetRight = 2130903231; - - // aapt resource value: 0x7F0300C0 - public const int contentInsetStart = 2130903232; - - // aapt resource value: 0x7F0300C1 - public const int contentInsetStartWithNavigation = 2130903233; - - // aapt resource value: 0x7F0300C2 - public const int contentPadding = 2130903234; - - // aapt resource value: 0x7F0300C3 - public const int contentPaddingBottom = 2130903235; - - // aapt resource value: 0x7F0300C4 - public const int contentPaddingLeft = 2130903236; - - // aapt resource value: 0x7F0300C5 - public const int contentPaddingRight = 2130903237; - - // aapt resource value: 0x7F0300C6 - public const int contentPaddingTop = 2130903238; - - // aapt resource value: 0x7F0300C7 - public const int contentScrim = 2130903239; - - // aapt resource value: 0x7F0300C8 - public const int controlBackground = 2130903240; - - // aapt resource value: 0x7F0300C9 - public const int coordinatorLayoutStyle = 2130903241; - - // aapt resource value: 0x7F0300CA - public const int cornerFamily = 2130903242; - - // aapt resource value: 0x7F0300CB - public const int cornerFamilyBottomLeft = 2130903243; - - // aapt resource value: 0x7F0300CC - public const int cornerFamilyBottomRight = 2130903244; - - // aapt resource value: 0x7F0300CD - public const int cornerFamilyTopLeft = 2130903245; - - // aapt resource value: 0x7F0300CE - public const int cornerFamilyTopRight = 2130903246; - - // aapt resource value: 0x7F0300CF - public const int cornerRadius = 2130903247; - - // aapt resource value: 0x7F0300D0 - public const int cornerSize = 2130903248; - - // aapt resource value: 0x7F0300D1 - public const int cornerSizeBottomLeft = 2130903249; - - // aapt resource value: 0x7F0300D2 - public const int cornerSizeBottomRight = 2130903250; - - // aapt resource value: 0x7F0300D3 - public const int cornerSizeTopLeft = 2130903251; - - // aapt resource value: 0x7F0300D4 - public const int cornerSizeTopRight = 2130903252; - - // aapt resource value: 0x7F0300D5 - public const int counterEnabled = 2130903253; - - // aapt resource value: 0x7F0300D6 - public const int counterMaxLength = 2130903254; - - // aapt resource value: 0x7F0300D7 - public const int counterOverflowTextAppearance = 2130903255; - - // aapt resource value: 0x7F0300D8 - public const int counterOverflowTextColor = 2130903256; - - // aapt resource value: 0x7F0300D9 - public const int counterTextAppearance = 2130903257; - - // aapt resource value: 0x7F0300DA - public const int counterTextColor = 2130903258; - - // aapt resource value: 0x7F0300DB - public const int customNavigationLayout = 2130903259; - - // aapt resource value: 0x7F0300DC - public const int data = 2130903260; - - // aapt resource value: 0x7F0300DD - public const int dataPattern = 2130903261; - - // aapt resource value: 0x7F0300DE - public const int dayInvalidStyle = 2130903262; - - // aapt resource value: 0x7F0300DF - public const int daySelectedStyle = 2130903263; - - // aapt resource value: 0x7F0300E0 - public const int dayStyle = 2130903264; - - // aapt resource value: 0x7F0300E1 - public const int dayTodayStyle = 2130903265; - - // aapt resource value: 0x7F0300E2 - public const int defaultQueryHint = 2130903266; - - // aapt resource value: 0x7F0300E3 - public const int defaultValue = 2130903267; - - // aapt resource value: 0x7F0300E4 - public const int dependency = 2130903268; - - // aapt resource value: 0x7F0300E5 - public const int destination = 2130903269; - - // aapt resource value: 0x7F0300E6 - public const int dialogCornerRadius = 2130903270; - - // aapt resource value: 0x7F0300E7 - public const int dialogIcon = 2130903271; - - // aapt resource value: 0x7F0300E8 - public const int dialogLayout = 2130903272; - - // aapt resource value: 0x7F0300E9 - public const int dialogMessage = 2130903273; - - // aapt resource value: 0x7F0300EA - public const int dialogPreferenceStyle = 2130903274; - - // aapt resource value: 0x7F0300EB - public const int dialogPreferredPadding = 2130903275; - - // aapt resource value: 0x7F0300EC - public const int dialogTheme = 2130903276; - - // aapt resource value: 0x7F0300ED - public const int dialogTitle = 2130903277; - - // aapt resource value: 0x7F0300EE - public const int disableDependentsState = 2130903278; - - // aapt resource value: 0x7F0300EF - public const int displayOptions = 2130903279; - - // aapt resource value: 0x7F0300F0 - public const int divider = 2130903280; - - // aapt resource value: 0x7F0300F1 - public const int dividerHorizontal = 2130903281; - - // aapt resource value: 0x7F0300F2 - public const int dividerPadding = 2130903282; - - // aapt resource value: 0x7F0300F3 - public const int dividerVertical = 2130903283; - - // aapt resource value: 0x7F0300F4 - public const int drawableBottomCompat = 2130903284; - - // aapt resource value: 0x7F0300F5 - public const int drawableEndCompat = 2130903285; - - // aapt resource value: 0x7F0300F6 - public const int drawableLeftCompat = 2130903286; - - // aapt resource value: 0x7F0300F7 - public const int drawableRightCompat = 2130903287; - - // aapt resource value: 0x7F0300F8 - public const int drawableSize = 2130903288; - - // aapt resource value: 0x7F0300F9 - public const int drawableStartCompat = 2130903289; - - // aapt resource value: 0x7F0300FA - public const int drawableTint = 2130903290; - - // aapt resource value: 0x7F0300FB - public const int drawableTintMode = 2130903291; - - // aapt resource value: 0x7F0300FC - public const int drawableTopCompat = 2130903292; - - // aapt resource value: 0x7F0300FD - public const int drawerArrowStyle = 2130903293; - - // aapt resource value: 0x7F0300FE - public const int drawerLayoutStyle = 2130903294; - - // aapt resource value: 0x7F030100 - public const int dropdownListPreferredItemHeight = 2130903296; - - // aapt resource value: 0x7F0300FF - public const int dropDownListViewStyle = 2130903295; - - // aapt resource value: 0x7F030101 - public const int dropdownPreferenceStyle = 2130903297; - - // aapt resource value: 0x7F030102 - public const int editTextBackground = 2130903298; - - // aapt resource value: 0x7F030103 - public const int editTextColor = 2130903299; - - // aapt resource value: 0x7F030104 - public const int editTextPreferenceStyle = 2130903300; - - // aapt resource value: 0x7F030105 - public const int editTextStyle = 2130903301; - - // aapt resource value: 0x7F030106 - public const int elevation = 2130903302; - - // aapt resource value: 0x7F030107 - public const int elevationOverlayColor = 2130903303; - - // aapt resource value: 0x7F030108 - public const int elevationOverlayEnabled = 2130903304; - - // aapt resource value: 0x7F030109 - public const int enableCopying = 2130903305; - - // aapt resource value: 0x7F03010A - public const int enabled = 2130903306; - - // aapt resource value: 0x7F03010B - public const int endIconCheckable = 2130903307; - - // aapt resource value: 0x7F03010C - public const int endIconContentDescription = 2130903308; - - // aapt resource value: 0x7F03010D - public const int endIconDrawable = 2130903309; - - // aapt resource value: 0x7F03010E - public const int endIconMode = 2130903310; - - // aapt resource value: 0x7F03010F - public const int endIconTint = 2130903311; - - // aapt resource value: 0x7F030110 - public const int endIconTintMode = 2130903312; - - // aapt resource value: 0x7F030111 - public const int enforceMaterialTheme = 2130903313; - - // aapt resource value: 0x7F030112 - public const int enforceTextAppearance = 2130903314; - - // aapt resource value: 0x7F030113 - public const int ensureMinTouchTargetSize = 2130903315; - - // aapt resource value: 0x7F030114 - public const int enterAnim = 2130903316; - - // aapt resource value: 0x7F030115 - public const int entries = 2130903317; - - // aapt resource value: 0x7F030116 - public const int entryValues = 2130903318; - - // aapt resource value: 0x7F030117 - public const int errorContentDescription = 2130903319; - - // aapt resource value: 0x7F030118 - public const int errorEnabled = 2130903320; - - // aapt resource value: 0x7F030119 - public const int errorIconDrawable = 2130903321; - - // aapt resource value: 0x7F03011A - public const int errorIconTint = 2130903322; - - // aapt resource value: 0x7F03011B - public const int errorIconTintMode = 2130903323; - - // aapt resource value: 0x7F03011C - public const int errorTextAppearance = 2130903324; - - // aapt resource value: 0x7F03011D - public const int errorTextColor = 2130903325; - - // aapt resource value: 0x7F03011E - public const int exitAnim = 2130903326; - - // aapt resource value: 0x7F03011F - public const int expandActivityOverflowButtonDrawable = 2130903327; - - // aapt resource value: 0x7F030120 - public const int expanded = 2130903328; - - // aapt resource value: 0x7F030121 - public const int expandedTitleGravity = 2130903329; - - // aapt resource value: 0x7F030122 - public const int expandedTitleMargin = 2130903330; - - // aapt resource value: 0x7F030123 - public const int expandedTitleMarginBottom = 2130903331; - - // aapt resource value: 0x7F030124 - public const int expandedTitleMarginEnd = 2130903332; - - // aapt resource value: 0x7F030125 - public const int expandedTitleMarginStart = 2130903333; - - // aapt resource value: 0x7F030126 - public const int expandedTitleMarginTop = 2130903334; - - // aapt resource value: 0x7F030127 - public const int expandedTitleTextAppearance = 2130903335; - - // aapt resource value: 0x7F030129 - public const int extendedFloatingActionButtonStyle = 2130903337; - - // aapt resource value: 0x7F030128 - public const int extendMotionSpec = 2130903336; - - // aapt resource value: 0x7F03012A - public const int fabAlignmentMode = 2130903338; - - // aapt resource value: 0x7F03012B - public const int fabAnimationMode = 2130903339; - - // aapt resource value: 0x7F03012C - public const int fabCradleMargin = 2130903340; - - // aapt resource value: 0x7F03012D - public const int fabCradleRoundedCornerRadius = 2130903341; - - // aapt resource value: 0x7F03012E - public const int fabCradleVerticalOffset = 2130903342; - - // aapt resource value: 0x7F03012F - public const int fabCustomSize = 2130903343; - - // aapt resource value: 0x7F030130 - public const int fabSize = 2130903344; - - // aapt resource value: 0x7F030131 - public const int fastScrollEnabled = 2130903345; - - // aapt resource value: 0x7F030132 - public const int fastScrollHorizontalThumbDrawable = 2130903346; - - // aapt resource value: 0x7F030133 - public const int fastScrollHorizontalTrackDrawable = 2130903347; - - // aapt resource value: 0x7F030134 - public const int fastScrollVerticalThumbDrawable = 2130903348; - - // aapt resource value: 0x7F030135 - public const int fastScrollVerticalTrackDrawable = 2130903349; - - // aapt resource value: 0x7F030136 - public const int firstBaselineToTopHeight = 2130903350; - - // aapt resource value: 0x7F030137 - public const int floatingActionButtonStyle = 2130903351; - - // aapt resource value: 0x7F030138 - public const int font = 2130903352; - - // aapt resource value: 0x7F030139 - public const int fontFamily = 2130903353; - - // aapt resource value: 0x7F03013A - public const int fontProviderAuthority = 2130903354; - - // aapt resource value: 0x7F03013B - public const int fontProviderCerts = 2130903355; - - // aapt resource value: 0x7F03013C - public const int fontProviderFetchStrategy = 2130903356; - - // aapt resource value: 0x7F03013D - public const int fontProviderFetchTimeout = 2130903357; - - // aapt resource value: 0x7F03013E - public const int fontProviderPackage = 2130903358; - - // aapt resource value: 0x7F03013F - public const int fontProviderQuery = 2130903359; - - // aapt resource value: 0x7F030140 - public const int fontStyle = 2130903360; - - // aapt resource value: 0x7F030141 - public const int fontVariationSettings = 2130903361; - - // aapt resource value: 0x7F030142 - public const int fontWeight = 2130903362; - - // aapt resource value: 0x7F030143 - public const int foregroundInsidePadding = 2130903363; - - // aapt resource value: 0x7F030144 - public const int fragment = 2130903364; - - // aapt resource value: 0x7F030145 - public const int gapBetweenBars = 2130903365; - - // aapt resource value: 0x7F030146 - public const int gestureInsetBottomIgnored = 2130903366; - - // aapt resource value: 0x7F030147 - public const int goIcon = 2130903367; - - // aapt resource value: 0x7F030148 - public const int graph = 2130903368; - - // aapt resource value: 0x7F030149 - public const int haloColor = 2130903369; - - // aapt resource value: 0x7F03014A - public const int haloRadius = 2130903370; - - // aapt resource value: 0x7F03014B - public const int headerLayout = 2130903371; - - // aapt resource value: 0x7F03014C - public const int height = 2130903372; - - // aapt resource value: 0x7F03014D - public const int helperText = 2130903373; - - // aapt resource value: 0x7F03014E - public const int helperTextEnabled = 2130903374; - - // aapt resource value: 0x7F03014F - public const int helperTextTextAppearance = 2130903375; - - // aapt resource value: 0x7F030150 - public const int helperTextTextColor = 2130903376; - - // aapt resource value: 0x7F030151 - public const int hideMotionSpec = 2130903377; - - // aapt resource value: 0x7F030152 - public const int hideOnContentScroll = 2130903378; - - // aapt resource value: 0x7F030153 - public const int hideOnScroll = 2130903379; - - // aapt resource value: 0x7F030154 - public const int hintAnimationEnabled = 2130903380; - - // aapt resource value: 0x7F030155 - public const int hintEnabled = 2130903381; - - // aapt resource value: 0x7F030156 - public const int hintTextAppearance = 2130903382; - - // aapt resource value: 0x7F030157 - public const int hintTextColor = 2130903383; - - // aapt resource value: 0x7F030158 - public const int homeAsUpIndicator = 2130903384; - - // aapt resource value: 0x7F030159 - public const int homeLayout = 2130903385; - - // aapt resource value: 0x7F03015A - public const int horizontalOffset = 2130903386; - - // aapt resource value: 0x7F03015B - public const int hoveredFocusedTranslationZ = 2130903387; - - // aapt resource value: 0x7F03015C - public const int icon = 2130903388; - - // aapt resource value: 0x7F03015D - public const int iconEndPadding = 2130903389; - - // aapt resource value: 0x7F03015E - public const int iconGravity = 2130903390; - - // aapt resource value: 0x7F030165 - public const int iconifiedByDefault = 2130903397; - - // aapt resource value: 0x7F03015F - public const int iconPadding = 2130903391; - - // aapt resource value: 0x7F030160 - public const int iconSize = 2130903392; - - // aapt resource value: 0x7F030161 - public const int iconSpaceReserved = 2130903393; - - // aapt resource value: 0x7F030162 - public const int iconStartPadding = 2130903394; - - // aapt resource value: 0x7F030163 - public const int iconTint = 2130903395; - - // aapt resource value: 0x7F030164 - public const int iconTintMode = 2130903396; - - // aapt resource value: 0x7F030166 - public const int imageButtonStyle = 2130903398; - - // aapt resource value: 0x7F030167 - public const int indeterminateProgressStyle = 2130903399; - - // aapt resource value: 0x7F030168 - public const int initialActivityCount = 2130903400; - - // aapt resource value: 0x7F030169 - public const int initialExpandedChildrenCount = 2130903401; - - // aapt resource value: 0x7F03016A - public const int insetForeground = 2130903402; - - // aapt resource value: 0x7F03016B - public const int isLightTheme = 2130903403; - - // aapt resource value: 0x7F03016C - public const int isMaterialTheme = 2130903404; - - // aapt resource value: 0x7F03016D - public const int isPreferenceVisible = 2130903405; - - // aapt resource value: 0x7F03016E - public const int itemBackground = 2130903406; - - // aapt resource value: 0x7F03016F - public const int itemFillColor = 2130903407; - - // aapt resource value: 0x7F030170 - public const int itemHorizontalPadding = 2130903408; - - // aapt resource value: 0x7F030171 - public const int itemHorizontalTranslationEnabled = 2130903409; - - // aapt resource value: 0x7F030172 - public const int itemIconPadding = 2130903410; - - // aapt resource value: 0x7F030173 - public const int itemIconSize = 2130903411; - - // aapt resource value: 0x7F030174 - public const int itemIconTint = 2130903412; - - // aapt resource value: 0x7F030175 - public const int itemMaxLines = 2130903413; - - // aapt resource value: 0x7F030176 - public const int itemPadding = 2130903414; - - // aapt resource value: 0x7F030177 - public const int itemRippleColor = 2130903415; - - // aapt resource value: 0x7F030178 - public const int itemShapeAppearance = 2130903416; - - // aapt resource value: 0x7F030179 - public const int itemShapeAppearanceOverlay = 2130903417; - - // aapt resource value: 0x7F03017A - public const int itemShapeFillColor = 2130903418; - - // aapt resource value: 0x7F03017B - public const int itemShapeInsetBottom = 2130903419; - - // aapt resource value: 0x7F03017C - public const int itemShapeInsetEnd = 2130903420; - - // aapt resource value: 0x7F03017D - public const int itemShapeInsetStart = 2130903421; - - // aapt resource value: 0x7F03017E - public const int itemShapeInsetTop = 2130903422; - - // aapt resource value: 0x7F03017F - public const int itemSpacing = 2130903423; - - // aapt resource value: 0x7F030180 - public const int itemStrokeColor = 2130903424; - - // aapt resource value: 0x7F030181 - public const int itemStrokeWidth = 2130903425; - - // aapt resource value: 0x7F030182 - public const int itemTextAppearance = 2130903426; - - // aapt resource value: 0x7F030183 - public const int itemTextAppearanceActive = 2130903427; - - // aapt resource value: 0x7F030184 - public const int itemTextAppearanceInactive = 2130903428; - - // aapt resource value: 0x7F030185 - public const int itemTextColor = 2130903429; - - // aapt resource value: 0x7F030186 - public const int key = 2130903430; - - // aapt resource value: 0x7F030187 - public const int keylines = 2130903431; - - // aapt resource value: 0x7F030188 - public const int labelBehavior = 2130903432; - - // aapt resource value: 0x7F030189 - public const int labelStyle = 2130903433; - - // aapt resource value: 0x7F03018A - public const int labelVisibilityMode = 2130903434; - - // aapt resource value: 0x7F03018B - public const int lastBaselineToBottomHeight = 2130903435; - - // aapt resource value: 0x7F03018C - public const int launchSingleTop = 2130903436; - - // aapt resource value: 0x7F03018D - public const int layout = 2130903437; - - // aapt resource value: 0x7F03018E - public const int layoutManager = 2130903438; - - // aapt resource value: 0x7F03018F - public const int layout_anchor = 2130903439; - - // aapt resource value: 0x7F030190 - public const int layout_anchorGravity = 2130903440; - - // aapt resource value: 0x7F030191 - public const int layout_behavior = 2130903441; - - // aapt resource value: 0x7F030192 - public const int layout_collapseMode = 2130903442; - - // aapt resource value: 0x7F030193 - public const int layout_collapseParallaxMultiplier = 2130903443; - - // aapt resource value: 0x7F030194 - public const int layout_dodgeInsetEdges = 2130903444; - - // aapt resource value: 0x7F030195 - public const int layout_insetEdge = 2130903445; - - // aapt resource value: 0x7F030196 - public const int layout_keyline = 2130903446; - - // aapt resource value: 0x7F030197 - public const int layout_scrollFlags = 2130903447; - - // aapt resource value: 0x7F030198 - public const int layout_scrollInterpolator = 2130903448; - - // aapt resource value: 0x7F030199 - public const int liftOnScroll = 2130903449; - - // aapt resource value: 0x7F03019A - public const int liftOnScrollTargetViewId = 2130903450; - - // aapt resource value: 0x7F03019B - public const int lineHeight = 2130903451; - - // aapt resource value: 0x7F03019C - public const int lineSpacing = 2130903452; - - // aapt resource value: 0x7F03019D - public const int listChoiceBackgroundIndicator = 2130903453; - - // aapt resource value: 0x7F03019E - public const int listChoiceIndicatorMultipleAnimated = 2130903454; - - // aapt resource value: 0x7F03019F - public const int listChoiceIndicatorSingleAnimated = 2130903455; - - // aapt resource value: 0x7F0301A0 - public const int listDividerAlertDialog = 2130903456; - - // aapt resource value: 0x7F0301A1 - public const int listItemLayout = 2130903457; - - // aapt resource value: 0x7F0301A2 - public const int listLayout = 2130903458; - - // aapt resource value: 0x7F0301A3 - public const int listMenuViewStyle = 2130903459; - - // aapt resource value: 0x7F0301A4 - public const int listPopupWindowStyle = 2130903460; - - // aapt resource value: 0x7F0301A5 - public const int listPreferredItemHeight = 2130903461; - - // aapt resource value: 0x7F0301A6 - public const int listPreferredItemHeightLarge = 2130903462; - - // aapt resource value: 0x7F0301A7 - public const int listPreferredItemHeightSmall = 2130903463; - - // aapt resource value: 0x7F0301A8 - public const int listPreferredItemPaddingEnd = 2130903464; - - // aapt resource value: 0x7F0301A9 - public const int listPreferredItemPaddingLeft = 2130903465; - - // aapt resource value: 0x7F0301AA - public const int listPreferredItemPaddingRight = 2130903466; - - // aapt resource value: 0x7F0301AB - public const int listPreferredItemPaddingStart = 2130903467; - - // aapt resource value: 0x7F0301AC - public const int logo = 2130903468; - - // aapt resource value: 0x7F0301AD - public const int logoDescription = 2130903469; - - // aapt resource value: 0x7F0301AE - public const int materialAlertDialogBodyTextStyle = 2130903470; - - // aapt resource value: 0x7F0301AF - public const int materialAlertDialogTheme = 2130903471; - - // aapt resource value: 0x7F0301B0 - public const int materialAlertDialogTitleIconStyle = 2130903472; - - // aapt resource value: 0x7F0301B1 - public const int materialAlertDialogTitlePanelStyle = 2130903473; - - // aapt resource value: 0x7F0301B2 - public const int materialAlertDialogTitleTextStyle = 2130903474; - - // aapt resource value: 0x7F0301B3 - public const int materialButtonOutlinedStyle = 2130903475; - - // aapt resource value: 0x7F0301B4 - public const int materialButtonStyle = 2130903476; - - // aapt resource value: 0x7F0301B5 - public const int materialButtonToggleGroupStyle = 2130903477; - - // aapt resource value: 0x7F0301B6 - public const int materialCalendarDay = 2130903478; - - // aapt resource value: 0x7F0301B7 - public const int materialCalendarFullscreenTheme = 2130903479; - - // aapt resource value: 0x7F0301B8 - public const int materialCalendarHeaderConfirmButton = 2130903480; - - // aapt resource value: 0x7F0301B9 - public const int materialCalendarHeaderDivider = 2130903481; - - // aapt resource value: 0x7F0301BA - public const int materialCalendarHeaderLayout = 2130903482; - - // aapt resource value: 0x7F0301BB - public const int materialCalendarHeaderSelection = 2130903483; - - // aapt resource value: 0x7F0301BC - public const int materialCalendarHeaderTitle = 2130903484; - - // aapt resource value: 0x7F0301BD - public const int materialCalendarHeaderToggleButton = 2130903485; - - // aapt resource value: 0x7F0301BE - public const int materialCalendarStyle = 2130903486; - - // aapt resource value: 0x7F0301BF - public const int materialCalendarTheme = 2130903487; - - // aapt resource value: 0x7F0301C0 - public const int materialCardViewStyle = 2130903488; - - // aapt resource value: 0x7F0301C1 - public const int materialThemeOverlay = 2130903489; - - // aapt resource value: 0x7F0301C2 - public const int maxActionInlineWidth = 2130903490; - - // aapt resource value: 0x7F0301C3 - public const int maxButtonHeight = 2130903491; - - // aapt resource value: 0x7F0301C4 - public const int maxCharacterCount = 2130903492; - - // aapt resource value: 0x7F0301C5 - public const int maxHeight = 2130903493; - - // aapt resource value: 0x7F0301C6 - public const int maxImageSize = 2130903494; - - // aapt resource value: 0x7F0301C7 - public const int maxLines = 2130903495; - - // aapt resource value: 0x7F0301C8 - public const int maxWidth = 2130903496; - - // aapt resource value: 0x7F0301C9 - public const int measureWithLargestChild = 2130903497; - - // aapt resource value: 0x7F0301CA - public const int menu = 2130903498; - - // aapt resource value: 0x7F0301CB - public const int mimeType = 2130903499; - - // aapt resource value: 0x7F0301CC - public const int min = 2130903500; - - // aapt resource value: 0x7F0301CD - public const int minTouchTargetSize = 2130903501; - - // aapt resource value: 0x7F0301CE - public const int multiChoiceItemLayout = 2130903502; - - // aapt resource value: 0x7F0301CF - public const int navGraph = 2130903503; - - // aapt resource value: 0x7F0301D0 - public const int navigationContentDescription = 2130903504; - - // aapt resource value: 0x7F0301D1 - public const int navigationIcon = 2130903505; - - // aapt resource value: 0x7F0301D2 - public const int navigationMode = 2130903506; - - // aapt resource value: 0x7F0301D3 - public const int navigationViewStyle = 2130903507; - - // aapt resource value: 0x7F0301D4 - public const int negativeButtonText = 2130903508; - - // aapt resource value: 0x7F0301D5 - public const int nullable = 2130903509; - - // aapt resource value: 0x7F0301D6 - public const int number = 2130903510; - - // aapt resource value: 0x7F0301D7 - public const int numericModifiers = 2130903511; - - // aapt resource value: 0x7F0301D8 - public const int order = 2130903512; - - // aapt resource value: 0x7F0301D9 - public const int orderingFromXml = 2130903513; - - // aapt resource value: 0x7F0301DA - public const int overlapAnchor = 2130903514; - - // aapt resource value: 0x7F0301DB - public const int paddingBottomNoButtons = 2130903515; - - // aapt resource value: 0x7F0301DC - public const int paddingBottomSystemWindowInsets = 2130903516; - - // aapt resource value: 0x7F0301DD - public const int paddingEnd = 2130903517; - - // aapt resource value: 0x7F0301DE - public const int paddingLeftSystemWindowInsets = 2130903518; - - // aapt resource value: 0x7F0301DF - public const int paddingRightSystemWindowInsets = 2130903519; - - // aapt resource value: 0x7F0301E0 - public const int paddingStart = 2130903520; - - // aapt resource value: 0x7F0301E1 - public const int paddingTopNoTitle = 2130903521; - - // aapt resource value: 0x7F0301E2 - public const int panelBackground = 2130903522; - - // aapt resource value: 0x7F0301E3 - public const int panelMenuListTheme = 2130903523; - - // aapt resource value: 0x7F0301E4 - public const int panelMenuListWidth = 2130903524; - - // aapt resource value: 0x7F0301E5 - public const int passwordToggleContentDescription = 2130903525; - - // aapt resource value: 0x7F0301E6 - public const int passwordToggleDrawable = 2130903526; - - // aapt resource value: 0x7F0301E7 - public const int passwordToggleEnabled = 2130903527; - - // aapt resource value: 0x7F0301E8 - public const int passwordToggleTint = 2130903528; - - // aapt resource value: 0x7F0301E9 - public const int passwordToggleTintMode = 2130903529; - - // aapt resource value: 0x7F0301EA - public const int persistent = 2130903530; - - // aapt resource value: 0x7F0301EB - public const int placeholderText = 2130903531; - - // aapt resource value: 0x7F0301EC - public const int placeholderTextAppearance = 2130903532; - - // aapt resource value: 0x7F0301ED - public const int placeholderTextColor = 2130903533; - - // aapt resource value: 0x7F0301EE - public const int popEnterAnim = 2130903534; - - // aapt resource value: 0x7F0301EF - public const int popExitAnim = 2130903535; - - // aapt resource value: 0x7F0301F2 - public const int popupMenuBackground = 2130903538; - - // aapt resource value: 0x7F0301F3 - public const int popupMenuStyle = 2130903539; - - // aapt resource value: 0x7F0301F4 - public const int popupTheme = 2130903540; - - // aapt resource value: 0x7F0301F0 - public const int popUpTo = 2130903536; - - // aapt resource value: 0x7F0301F1 - public const int popUpToInclusive = 2130903537; - - // aapt resource value: 0x7F0301F5 - public const int popupWindowStyle = 2130903541; - - // aapt resource value: 0x7F0301F6 - public const int positiveButtonText = 2130903542; - - // aapt resource value: 0x7F0301F7 - public const int preferenceCategoryStyle = 2130903543; - - // aapt resource value: 0x7F0301F8 - public const int preferenceCategoryTitleTextAppearance = 2130903544; - - // aapt resource value: 0x7F0301F9 - public const int preferenceFragmentCompatStyle = 2130903545; - - // aapt resource value: 0x7F0301FA - public const int preferenceFragmentListStyle = 2130903546; - - // aapt resource value: 0x7F0301FB - public const int preferenceFragmentStyle = 2130903547; - - // aapt resource value: 0x7F0301FC - public const int preferenceInformationStyle = 2130903548; - - // aapt resource value: 0x7F0301FD - public const int preferenceScreenStyle = 2130903549; - - // aapt resource value: 0x7F0301FE - public const int preferenceStyle = 2130903550; - - // aapt resource value: 0x7F0301FF - public const int preferenceTheme = 2130903551; - - // aapt resource value: 0x7F030200 - public const int prefixText = 2130903552; - - // aapt resource value: 0x7F030201 - public const int prefixTextAppearance = 2130903553; - - // aapt resource value: 0x7F030202 - public const int prefixTextColor = 2130903554; - - // aapt resource value: 0x7F030203 - public const int preserveIconSpacing = 2130903555; - - // aapt resource value: 0x7F030204 - public const int pressedTranslationZ = 2130903556; - - // aapt resource value: 0x7F030205 - public const int progressBarPadding = 2130903557; - - // aapt resource value: 0x7F030206 - public const int progressBarStyle = 2130903558; - - // aapt resource value: 0x7F030207 - public const int queryBackground = 2130903559; - - // aapt resource value: 0x7F030208 - public const int queryHint = 2130903560; - - // aapt resource value: 0x7F030209 - public const int radioButtonStyle = 2130903561; - - // aapt resource value: 0x7F03020A - public const int rangeFillColor = 2130903562; - - // aapt resource value: 0x7F03020B - public const int ratingBarStyle = 2130903563; - - // aapt resource value: 0x7F03020C - public const int ratingBarStyleIndicator = 2130903564; - - // aapt resource value: 0x7F03020D - public const int ratingBarStyleSmall = 2130903565; - - // aapt resource value: 0x7F03020E - public const int recyclerViewStyle = 2130903566; - - // aapt resource value: 0x7F03020F - public const int reverseLayout = 2130903567; - - // aapt resource value: 0x7F030210 - public const int rippleColor = 2130903568; - - // aapt resource value: 0x7F030211 - public const int scrimAnimationDuration = 2130903569; - - // aapt resource value: 0x7F030212 - public const int scrimBackground = 2130903570; - - // aapt resource value: 0x7F030213 - public const int scrimVisibleHeightTrigger = 2130903571; - - // aapt resource value: 0x7F030214 - public const int scrollViewStyle = 2130903572; - - // aapt resource value: 0x7F030215 - public const int searchHintIcon = 2130903573; - - // aapt resource value: 0x7F030216 - public const int searchIcon = 2130903574; - - // aapt resource value: 0x7F030217 - public const int searchViewStyle = 2130903575; - - // aapt resource value: 0x7F030218 - public const int seekBarIncrement = 2130903576; - - // aapt resource value: 0x7F030219 - public const int seekBarPreferenceStyle = 2130903577; - - // aapt resource value: 0x7F03021A - public const int seekBarStyle = 2130903578; - - // aapt resource value: 0x7F03021B - public const int selectable = 2130903579; - - // aapt resource value: 0x7F03021C - public const int selectableItemBackground = 2130903580; - - // aapt resource value: 0x7F03021D - public const int selectableItemBackgroundBorderless = 2130903581; - - // aapt resource value: 0x7F03021E - public const int selectionRequired = 2130903582; - - // aapt resource value: 0x7F03021F - public const int shapeAppearance = 2130903583; - - // aapt resource value: 0x7F030220 - public const int shapeAppearanceLargeComponent = 2130903584; - - // aapt resource value: 0x7F030221 - public const int shapeAppearanceMediumComponent = 2130903585; - - // aapt resource value: 0x7F030222 - public const int shapeAppearanceOverlay = 2130903586; - - // aapt resource value: 0x7F030223 - public const int shapeAppearanceSmallComponent = 2130903587; - - // aapt resource value: 0x7F030224 - public const int shouldDisableView = 2130903588; - - // aapt resource value: 0x7F030225 - public const int showAsAction = 2130903589; - - // aapt resource value: 0x7F030226 - public const int showDividers = 2130903590; - - // aapt resource value: 0x7F030227 - public const int showMotionSpec = 2130903591; - - // aapt resource value: 0x7F030228 - public const int showSeekBarValue = 2130903592; - - // aapt resource value: 0x7F030229 - public const int showText = 2130903593; - - // aapt resource value: 0x7F03022A - public const int showTitle = 2130903594; - - // aapt resource value: 0x7F03022B - public const int shrinkMotionSpec = 2130903595; - - // aapt resource value: 0x7F03022C - public const int singleChoiceItemLayout = 2130903596; - - // aapt resource value: 0x7F03022D - public const int singleLine = 2130903597; - - // aapt resource value: 0x7F03022E - public const int singleLineTitle = 2130903598; - - // aapt resource value: 0x7F03022F - public const int singleSelection = 2130903599; - - // aapt resource value: 0x7F030230 - public const int sliderStyle = 2130903600; - - // aapt resource value: 0x7F030231 - public const int snackbarButtonStyle = 2130903601; - - // aapt resource value: 0x7F030232 - public const int snackbarStyle = 2130903602; - - // aapt resource value: 0x7F030233 - public const int snackbarTextViewStyle = 2130903603; - - // aapt resource value: 0x7F030234 - public const int spanCount = 2130903604; - - // aapt resource value: 0x7F030235 - public const int spinBars = 2130903605; - - // aapt resource value: 0x7F030236 - public const int spinnerDropDownItemStyle = 2130903606; - - // aapt resource value: 0x7F030237 - public const int spinnerStyle = 2130903607; - - // aapt resource value: 0x7F030238 - public const int splitTrack = 2130903608; - - // aapt resource value: 0x7F030239 - public const int srcCompat = 2130903609; - - // aapt resource value: 0x7F03023A - public const int stackFromEnd = 2130903610; - - // aapt resource value: 0x7F03023B - public const int startDestination = 2130903611; - - // aapt resource value: 0x7F03023C - public const int startIconCheckable = 2130903612; - - // aapt resource value: 0x7F03023D - public const int startIconContentDescription = 2130903613; - - // aapt resource value: 0x7F03023E - public const int startIconDrawable = 2130903614; - - // aapt resource value: 0x7F03023F - public const int startIconTint = 2130903615; - - // aapt resource value: 0x7F030240 - public const int startIconTintMode = 2130903616; - - // aapt resource value: 0x7F030241 - public const int state_above_anchor = 2130903617; - - // aapt resource value: 0x7F030242 - public const int state_collapsed = 2130903618; - - // aapt resource value: 0x7F030243 - public const int state_collapsible = 2130903619; - - // aapt resource value: 0x7F030244 - public const int state_dragged = 2130903620; - - // aapt resource value: 0x7F030245 - public const int state_liftable = 2130903621; - - // aapt resource value: 0x7F030246 - public const int state_lifted = 2130903622; - - // aapt resource value: 0x7F030247 - public const int statusBarBackground = 2130903623; - - // aapt resource value: 0x7F030248 - public const int statusBarForeground = 2130903624; - - // aapt resource value: 0x7F030249 - public const int statusBarScrim = 2130903625; - - // aapt resource value: 0x7F03024A - public const int strokeColor = 2130903626; - - // aapt resource value: 0x7F03024B - public const int strokeWidth = 2130903627; - - // aapt resource value: 0x7F03024C - public const int subMenuArrow = 2130903628; - - // aapt resource value: 0x7F03024D - public const int submitBackground = 2130903629; - - // aapt resource value: 0x7F03024E - public const int subtitle = 2130903630; - - // aapt resource value: 0x7F03024F - public const int subtitleTextAppearance = 2130903631; - - // aapt resource value: 0x7F030250 - public const int subtitleTextColor = 2130903632; - - // aapt resource value: 0x7F030251 - public const int subtitleTextStyle = 2130903633; - - // aapt resource value: 0x7F030252 - public const int suffixText = 2130903634; - - // aapt resource value: 0x7F030253 - public const int suffixTextAppearance = 2130903635; - - // aapt resource value: 0x7F030254 - public const int suffixTextColor = 2130903636; - - // aapt resource value: 0x7F030255 - public const int suggestionRowLayout = 2130903637; - - // aapt resource value: 0x7F030256 - public const int summary = 2130903638; - - // aapt resource value: 0x7F030257 - public const int summaryOff = 2130903639; - - // aapt resource value: 0x7F030258 - public const int summaryOn = 2130903640; - - // aapt resource value: 0x7F030259 - public const int swipeRefreshLayoutProgressSpinnerBackgroundColor = 2130903641; - - // aapt resource value: 0x7F03025A - public const int switchMinWidth = 2130903642; - - // aapt resource value: 0x7F03025B - public const int switchPadding = 2130903643; - - // aapt resource value: 0x7F03025C - public const int switchPreferenceCompatStyle = 2130903644; - - // aapt resource value: 0x7F03025D - public const int switchPreferenceStyle = 2130903645; - - // aapt resource value: 0x7F03025E - public const int switchStyle = 2130903646; - - // aapt resource value: 0x7F03025F - public const int switchTextAppearance = 2130903647; - - // aapt resource value: 0x7F030260 - public const int switchTextOff = 2130903648; - - // aapt resource value: 0x7F030261 - public const int switchTextOn = 2130903649; - - // aapt resource value: 0x7F030262 - public const int tabBackground = 2130903650; - - // aapt resource value: 0x7F030263 - public const int tabContentStart = 2130903651; - - // aapt resource value: 0x7F030264 - public const int tabGravity = 2130903652; - - // aapt resource value: 0x7F030265 - public const int tabIconTint = 2130903653; - - // aapt resource value: 0x7F030266 - public const int tabIconTintMode = 2130903654; - - // aapt resource value: 0x7F030267 - public const int tabIndicator = 2130903655; - - // aapt resource value: 0x7F030268 - public const int tabIndicatorAnimationDuration = 2130903656; - - // aapt resource value: 0x7F030269 - public const int tabIndicatorColor = 2130903657; - - // aapt resource value: 0x7F03026A - public const int tabIndicatorFullWidth = 2130903658; - - // aapt resource value: 0x7F03026B - public const int tabIndicatorGravity = 2130903659; - - // aapt resource value: 0x7F03026C - public const int tabIndicatorHeight = 2130903660; - - // aapt resource value: 0x7F03026D - public const int tabInlineLabel = 2130903661; - - // aapt resource value: 0x7F03026E - public const int tabMaxWidth = 2130903662; - - // aapt resource value: 0x7F03026F - public const int tabMinWidth = 2130903663; - - // aapt resource value: 0x7F030270 - public const int tabMode = 2130903664; - - // aapt resource value: 0x7F030271 - public const int tabPadding = 2130903665; - - // aapt resource value: 0x7F030272 - public const int tabPaddingBottom = 2130903666; - - // aapt resource value: 0x7F030273 - public const int tabPaddingEnd = 2130903667; - - // aapt resource value: 0x7F030274 - public const int tabPaddingStart = 2130903668; - - // aapt resource value: 0x7F030275 - public const int tabPaddingTop = 2130903669; - - // aapt resource value: 0x7F030276 - public const int tabRippleColor = 2130903670; - - // aapt resource value: 0x7F030277 - public const int tabSelectedTextColor = 2130903671; - - // aapt resource value: 0x7F030278 - public const int tabStyle = 2130903672; - - // aapt resource value: 0x7F030279 - public const int tabTextAppearance = 2130903673; - - // aapt resource value: 0x7F03027A - public const int tabTextColor = 2130903674; - - // aapt resource value: 0x7F03027B - public const int tabUnboundedRipple = 2130903675; - - // aapt resource value: 0x7F03027C - public const int targetPackage = 2130903676; - - // aapt resource value: 0x7F03027D - public const int textAllCaps = 2130903677; - - // aapt resource value: 0x7F03027E - public const int textAppearanceBody1 = 2130903678; - - // aapt resource value: 0x7F03027F - public const int textAppearanceBody2 = 2130903679; - - // aapt resource value: 0x7F030280 - public const int textAppearanceButton = 2130903680; - - // aapt resource value: 0x7F030281 - public const int textAppearanceCaption = 2130903681; - - // aapt resource value: 0x7F030282 - public const int textAppearanceHeadline1 = 2130903682; - - // aapt resource value: 0x7F030283 - public const int textAppearanceHeadline2 = 2130903683; - - // aapt resource value: 0x7F030284 - public const int textAppearanceHeadline3 = 2130903684; - - // aapt resource value: 0x7F030285 - public const int textAppearanceHeadline4 = 2130903685; - - // aapt resource value: 0x7F030286 - public const int textAppearanceHeadline5 = 2130903686; - - // aapt resource value: 0x7F030287 - public const int textAppearanceHeadline6 = 2130903687; - - // aapt resource value: 0x7F030288 - public const int textAppearanceLargePopupMenu = 2130903688; - - // aapt resource value: 0x7F030289 - public const int textAppearanceLineHeightEnabled = 2130903689; - - // aapt resource value: 0x7F03028A - public const int textAppearanceListItem = 2130903690; - - // aapt resource value: 0x7F03028B - public const int textAppearanceListItemSecondary = 2130903691; - - // aapt resource value: 0x7F03028C - public const int textAppearanceListItemSmall = 2130903692; - - // aapt resource value: 0x7F03028D - public const int textAppearanceOverline = 2130903693; - - // aapt resource value: 0x7F03028E - public const int textAppearancePopupMenuHeader = 2130903694; - - // aapt resource value: 0x7F03028F - public const int textAppearanceSearchResultSubtitle = 2130903695; - - // aapt resource value: 0x7F030290 - public const int textAppearanceSearchResultTitle = 2130903696; - - // aapt resource value: 0x7F030291 - public const int textAppearanceSmallPopupMenu = 2130903697; - - // aapt resource value: 0x7F030292 - public const int textAppearanceSubtitle1 = 2130903698; - - // aapt resource value: 0x7F030293 - public const int textAppearanceSubtitle2 = 2130903699; - - // aapt resource value: 0x7F030294 - public const int textColorAlertDialogListItem = 2130903700; - - // aapt resource value: 0x7F030295 - public const int textColorSearchUrl = 2130903701; - - // aapt resource value: 0x7F030296 - public const int textEndPadding = 2130903702; - - // aapt resource value: 0x7F030297 - public const int textInputLayoutFocusedRectEnabled = 2130903703; - - // aapt resource value: 0x7F030298 - public const int textInputStyle = 2130903704; - - // aapt resource value: 0x7F030299 - public const int textLocale = 2130903705; - - // aapt resource value: 0x7F03029A - public const int textStartPadding = 2130903706; - - // aapt resource value: 0x7F03029B - public const int theme = 2130903707; - - // aapt resource value: 0x7F03029C - public const int themeLineHeight = 2130903708; - - // aapt resource value: 0x7F03029D - public const int thickness = 2130903709; - - // aapt resource value: 0x7F03029E - public const int thumbColor = 2130903710; - - // aapt resource value: 0x7F03029F - public const int thumbElevation = 2130903711; - - // aapt resource value: 0x7F0302A0 - public const int thumbRadius = 2130903712; - - // aapt resource value: 0x7F0302A1 - public const int thumbTextPadding = 2130903713; - - // aapt resource value: 0x7F0302A2 - public const int thumbTint = 2130903714; - - // aapt resource value: 0x7F0302A3 - public const int thumbTintMode = 2130903715; - - // aapt resource value: 0x7F0302A4 - public const int tickColor = 2130903716; - - // aapt resource value: 0x7F0302A5 - public const int tickColorActive = 2130903717; - - // aapt resource value: 0x7F0302A6 - public const int tickColorInactive = 2130903718; - - // aapt resource value: 0x7F0302A7 - public const int tickMark = 2130903719; - - // aapt resource value: 0x7F0302A8 - public const int tickMarkTint = 2130903720; - - // aapt resource value: 0x7F0302A9 - public const int tickMarkTintMode = 2130903721; - - // aapt resource value: 0x7F0302AA - public const int tint = 2130903722; - - // aapt resource value: 0x7F0302AB - public const int tintMode = 2130903723; - - // aapt resource value: 0x7F0302AC - public const int title = 2130903724; - - // aapt resource value: 0x7F0302AD - public const int titleEnabled = 2130903725; - - // aapt resource value: 0x7F0302AE - public const int titleMargin = 2130903726; - - // aapt resource value: 0x7F0302AF - public const int titleMarginBottom = 2130903727; - - // aapt resource value: 0x7F0302B0 - public const int titleMarginEnd = 2130903728; - - // aapt resource value: 0x7F0302B3 - public const int titleMargins = 2130903731; - - // aapt resource value: 0x7F0302B1 - public const int titleMarginStart = 2130903729; - - // aapt resource value: 0x7F0302B2 - public const int titleMarginTop = 2130903730; - - // aapt resource value: 0x7F0302B4 - public const int titleTextAppearance = 2130903732; - - // aapt resource value: 0x7F0302B5 - public const int titleTextColor = 2130903733; - - // aapt resource value: 0x7F0302B6 - public const int titleTextStyle = 2130903734; - - // aapt resource value: 0x7F0302B7 - public const int toolbarId = 2130903735; - - // aapt resource value: 0x7F0302B8 - public const int toolbarNavigationButtonStyle = 2130903736; - - // aapt resource value: 0x7F0302B9 - public const int toolbarStyle = 2130903737; - - // aapt resource value: 0x7F0302BA - public const int tooltipForegroundColor = 2130903738; - - // aapt resource value: 0x7F0302BB - public const int tooltipFrameBackground = 2130903739; - - // aapt resource value: 0x7F0302BC - public const int tooltipStyle = 2130903740; - - // aapt resource value: 0x7F0302BD - public const int tooltipText = 2130903741; - - // aapt resource value: 0x7F0302BE - public const int track = 2130903742; - - // aapt resource value: 0x7F0302BF - public const int trackColor = 2130903743; - - // aapt resource value: 0x7F0302C0 - public const int trackColorActive = 2130903744; - - // aapt resource value: 0x7F0302C1 - public const int trackColorInactive = 2130903745; - - // aapt resource value: 0x7F0302C2 - public const int trackHeight = 2130903746; - - // aapt resource value: 0x7F0302C3 - public const int trackTint = 2130903747; - - // aapt resource value: 0x7F0302C4 - public const int trackTintMode = 2130903748; - - // aapt resource value: 0x7F0302C5 - public const int transitionShapeAppearance = 2130903749; - - // aapt resource value: 0x7F0302C6 - public const int ttcIndex = 2130903750; - - // aapt resource value: 0x7F0302C7 - public const int updatesContinuously = 2130903751; - - // aapt resource value: 0x7F0302C8 - public const int uri = 2130903752; - - // aapt resource value: 0x7F0302C9 - public const int useCompatPadding = 2130903753; - - // aapt resource value: 0x7F0302CA - public const int useMaterialThemeColors = 2130903754; - - // aapt resource value: 0x7F0302CB - public const int useSimpleSummaryProvider = 2130903755; - - // aapt resource value: 0x7F0302CC - public const int values = 2130903756; - - // aapt resource value: 0x7F0302CD - public const int verticalOffset = 2130903757; - - // aapt resource value: 0x7F0302CE - public const int viewInflaterClass = 2130903758; - - // aapt resource value: 0x7F0302CF - public const int voiceIcon = 2130903759; - - // aapt resource value: 0x7F0302D0 - public const int widgetLayout = 2130903760; - - // aapt resource value: 0x7F0302D1 - public const int windowActionBar = 2130903761; - - // aapt resource value: 0x7F0302D2 - public const int windowActionBarOverlay = 2130903762; - - // aapt resource value: 0x7F0302D3 - public const int windowActionModeOverlay = 2130903763; - - // aapt resource value: 0x7F0302D4 - public const int windowFixedHeightMajor = 2130903764; - - // aapt resource value: 0x7F0302D5 - public const int windowFixedHeightMinor = 2130903765; - - // aapt resource value: 0x7F0302D6 - public const int windowFixedWidthMajor = 2130903766; - - // aapt resource value: 0x7F0302D7 - public const int windowFixedWidthMinor = 2130903767; - - // aapt resource value: 0x7F0302D8 - public const int windowMinWidthMajor = 2130903768; - - // aapt resource value: 0x7F0302D9 - public const int windowMinWidthMinor = 2130903769; - - // aapt resource value: 0x7F0302DA - public const int windowNoTitle = 2130903770; - - // aapt resource value: 0x7F0302DB - public const int yearSelectedStyle = 2130903771; - - // aapt resource value: 0x7F0302DC - public const int yearStyle = 2130903772; - - // aapt resource value: 0x7F0302DD - public const int yearTodayStyle = 2130903773; - - static Attribute() - { - global::Android.Runtime.ResourceIdManager.UpdateIdValues(); - } - - private Attribute() - { - } - } - - public partial class Boolean - { - - // aapt resource value: 0x7F040000 - public const int abc_action_bar_embed_tabs = 2130968576; - - // aapt resource value: 0x7F040001 - public const int abc_allow_stacked_button_bar = 2130968577; - - // aapt resource value: 0x7F040002 - public const int abc_config_actionMenuItemAllCaps = 2130968578; - - // aapt resource value: 0x7F040003 - public const int config_materialPreferenceIconSpaceReserved = 2130968579; - - // aapt resource value: 0x7F040004 - public const int mtrl_btn_textappearance_all_caps = 2130968580; - - static Boolean() - { - global::Android.Runtime.ResourceIdManager.UpdateIdValues(); - } - - private Boolean() - { - } - } - - public partial class Color - { - - // aapt resource value: 0x7F050000 - public const int abc_background_cache_hint_selector_material_dark = 2131034112; - - // aapt resource value: 0x7F050001 - public const int abc_background_cache_hint_selector_material_light = 2131034113; - - // aapt resource value: 0x7F050002 - public const int abc_btn_colored_borderless_text_material = 2131034114; - - // aapt resource value: 0x7F050003 - public const int abc_btn_colored_text_material = 2131034115; - - // aapt resource value: 0x7F050004 - public const int abc_color_highlight_material = 2131034116; - - // aapt resource value: 0x7F050005 - public const int abc_decor_view_status_guard = 2131034117; - - // aapt resource value: 0x7F050006 - public const int abc_decor_view_status_guard_light = 2131034118; - - // aapt resource value: 0x7F050007 - public const int abc_hint_foreground_material_dark = 2131034119; - - // aapt resource value: 0x7F050008 - public const int abc_hint_foreground_material_light = 2131034120; - - // aapt resource value: 0x7F050009 - public const int abc_primary_text_disable_only_material_dark = 2131034121; - - // aapt resource value: 0x7F05000A - public const int abc_primary_text_disable_only_material_light = 2131034122; - - // aapt resource value: 0x7F05000B - public const int abc_primary_text_material_dark = 2131034123; - - // aapt resource value: 0x7F05000C - public const int abc_primary_text_material_light = 2131034124; - - // aapt resource value: 0x7F05000D - public const int abc_search_url_text = 2131034125; - - // aapt resource value: 0x7F05000E - public const int abc_search_url_text_normal = 2131034126; - - // aapt resource value: 0x7F05000F - public const int abc_search_url_text_pressed = 2131034127; - - // aapt resource value: 0x7F050010 - public const int abc_search_url_text_selected = 2131034128; - - // aapt resource value: 0x7F050011 - public const int abc_secondary_text_material_dark = 2131034129; - - // aapt resource value: 0x7F050012 - public const int abc_secondary_text_material_light = 2131034130; - - // aapt resource value: 0x7F050013 - public const int abc_tint_btn_checkable = 2131034131; - - // aapt resource value: 0x7F050014 - public const int abc_tint_default = 2131034132; - - // aapt resource value: 0x7F050015 - public const int abc_tint_edittext = 2131034133; - - // aapt resource value: 0x7F050016 - public const int abc_tint_seek_thumb = 2131034134; - - // aapt resource value: 0x7F050017 - public const int abc_tint_spinner = 2131034135; - - // aapt resource value: 0x7F050018 - public const int abc_tint_switch_track = 2131034136; - - // aapt resource value: 0x7F050019 - public const int accent_material_dark = 2131034137; - - // aapt resource value: 0x7F05001A - public const int accent_material_light = 2131034138; - - // aapt resource value: 0x7F05001B - public const int androidx_core_ripple_material_light = 2131034139; - - // aapt resource value: 0x7F05001C - public const int androidx_core_secondary_text_default_material_light = 2131034140; - - // aapt resource value: 0x7F05001D - public const int background_floating_material_dark = 2131034141; - - // aapt resource value: 0x7F05001E - public const int background_floating_material_light = 2131034142; - - // aapt resource value: 0x7F05001F - public const int background_material_dark = 2131034143; - - // aapt resource value: 0x7F050020 - public const int background_material_light = 2131034144; - - // aapt resource value: 0x7F050021 - public const int bright_foreground_disabled_material_dark = 2131034145; - - // aapt resource value: 0x7F050022 - public const int bright_foreground_disabled_material_light = 2131034146; - - // aapt resource value: 0x7F050023 - public const int bright_foreground_inverse_material_dark = 2131034147; - - // aapt resource value: 0x7F050024 - public const int bright_foreground_inverse_material_light = 2131034148; - - // aapt resource value: 0x7F050025 - public const int bright_foreground_material_dark = 2131034149; - - // aapt resource value: 0x7F050026 - public const int bright_foreground_material_light = 2131034150; - - // aapt resource value: 0x7F050027 - public const int browser_actions_bg_grey = 2131034151; - - // aapt resource value: 0x7F050028 - public const int browser_actions_divider_color = 2131034152; - - // aapt resource value: 0x7F050029 - public const int browser_actions_text_color = 2131034153; - - // aapt resource value: 0x7F05002A - public const int browser_actions_title_color = 2131034154; - - // aapt resource value: 0x7F05002B - public const int button_material_dark = 2131034155; - - // aapt resource value: 0x7F05002C - public const int button_material_light = 2131034156; - - // aapt resource value: 0x7F05002D - public const int cardview_dark_background = 2131034157; - - // aapt resource value: 0x7F05002E - public const int cardview_light_background = 2131034158; - - // aapt resource value: 0x7F05002F - public const int cardview_shadow_end_color = 2131034159; - - // aapt resource value: 0x7F050030 - public const int cardview_shadow_start_color = 2131034160; - - // aapt resource value: 0x7F050031 - public const int checkbox_themeable_attribute_color = 2131034161; - - // aapt resource value: 0x7F050032 - public const int colorAccent = 2131034162; - - // aapt resource value: 0x7F050033 - public const int colorPrimary = 2131034163; - - // aapt resource value: 0x7F050034 - public const int colorPrimaryDark = 2131034164; - - // aapt resource value: 0x7F050035 - public const int design_bottom_navigation_shadow_color = 2131034165; - - // aapt resource value: 0x7F050036 - public const int design_box_stroke_color = 2131034166; - - // aapt resource value: 0x7F050037 - public const int design_dark_default_color_background = 2131034167; - - // aapt resource value: 0x7F050038 - public const int design_dark_default_color_error = 2131034168; - - // aapt resource value: 0x7F050039 - public const int design_dark_default_color_on_background = 2131034169; - - // aapt resource value: 0x7F05003A - public const int design_dark_default_color_on_error = 2131034170; - - // aapt resource value: 0x7F05003B - public const int design_dark_default_color_on_primary = 2131034171; - - // aapt resource value: 0x7F05003C - public const int design_dark_default_color_on_secondary = 2131034172; - - // aapt resource value: 0x7F05003D - public const int design_dark_default_color_on_surface = 2131034173; - - // aapt resource value: 0x7F05003E - public const int design_dark_default_color_primary = 2131034174; - - // aapt resource value: 0x7F05003F - public const int design_dark_default_color_primary_dark = 2131034175; - - // aapt resource value: 0x7F050040 - public const int design_dark_default_color_primary_variant = 2131034176; - - // aapt resource value: 0x7F050041 - public const int design_dark_default_color_secondary = 2131034177; - - // aapt resource value: 0x7F050042 - public const int design_dark_default_color_secondary_variant = 2131034178; - - // aapt resource value: 0x7F050043 - public const int design_dark_default_color_surface = 2131034179; - - // aapt resource value: 0x7F050044 - public const int design_default_color_background = 2131034180; - - // aapt resource value: 0x7F050045 - public const int design_default_color_error = 2131034181; - - // aapt resource value: 0x7F050046 - public const int design_default_color_on_background = 2131034182; - - // aapt resource value: 0x7F050047 - public const int design_default_color_on_error = 2131034183; - - // aapt resource value: 0x7F050048 - public const int design_default_color_on_primary = 2131034184; - - // aapt resource value: 0x7F050049 - public const int design_default_color_on_secondary = 2131034185; - - // aapt resource value: 0x7F05004A - public const int design_default_color_on_surface = 2131034186; - - // aapt resource value: 0x7F05004B - public const int design_default_color_primary = 2131034187; - - // aapt resource value: 0x7F05004C - public const int design_default_color_primary_dark = 2131034188; - - // aapt resource value: 0x7F05004D - public const int design_default_color_primary_variant = 2131034189; - - // aapt resource value: 0x7F05004E - public const int design_default_color_secondary = 2131034190; - - // aapt resource value: 0x7F05004F - public const int design_default_color_secondary_variant = 2131034191; - - // aapt resource value: 0x7F050050 - public const int design_default_color_surface = 2131034192; - - // aapt resource value: 0x7F050051 - public const int design_error = 2131034193; - - // aapt resource value: 0x7F050052 - public const int design_fab_shadow_end_color = 2131034194; - - // aapt resource value: 0x7F050053 - public const int design_fab_shadow_mid_color = 2131034195; - - // aapt resource value: 0x7F050054 - public const int design_fab_shadow_start_color = 2131034196; - - // aapt resource value: 0x7F050055 - public const int design_fab_stroke_end_inner_color = 2131034197; - - // aapt resource value: 0x7F050056 - public const int design_fab_stroke_end_outer_color = 2131034198; - - // aapt resource value: 0x7F050057 - public const int design_fab_stroke_top_inner_color = 2131034199; - - // aapt resource value: 0x7F050058 - public const int design_fab_stroke_top_outer_color = 2131034200; - - // aapt resource value: 0x7F050059 - public const int design_icon_tint = 2131034201; - - // aapt resource value: 0x7F05005A - public const int design_snackbar_background_color = 2131034202; - - // aapt resource value: 0x7F05005B - public const int dim_foreground_disabled_material_dark = 2131034203; - - // aapt resource value: 0x7F05005C - public const int dim_foreground_disabled_material_light = 2131034204; - - // aapt resource value: 0x7F05005D - public const int dim_foreground_material_dark = 2131034205; - - // aapt resource value: 0x7F05005E - public const int dim_foreground_material_light = 2131034206; - - // aapt resource value: 0x7F05005F - public const int error_color_material_dark = 2131034207; - - // aapt resource value: 0x7F050060 - public const int error_color_material_light = 2131034208; - - // aapt resource value: 0x7F050061 - public const int foreground_material_dark = 2131034209; - - // aapt resource value: 0x7F050062 - public const int foreground_material_light = 2131034210; - - // aapt resource value: 0x7F050063 - public const int highlighted_text_material_dark = 2131034211; - - // aapt resource value: 0x7F050064 - public const int highlighted_text_material_light = 2131034212; - - // aapt resource value: 0x7F050065 - public const int ic_launcher_background = 2131034213; - - // aapt resource value: 0x7F050066 - public const int material_blue_grey_800 = 2131034214; - - // aapt resource value: 0x7F050067 - public const int material_blue_grey_900 = 2131034215; - - // aapt resource value: 0x7F050068 - public const int material_blue_grey_950 = 2131034216; - - // aapt resource value: 0x7F050069 - public const int material_deep_teal_200 = 2131034217; - - // aapt resource value: 0x7F05006A - public const int material_deep_teal_500 = 2131034218; - - // aapt resource value: 0x7F05006B - public const int material_grey_100 = 2131034219; - - // aapt resource value: 0x7F05006C - public const int material_grey_300 = 2131034220; - - // aapt resource value: 0x7F05006D - public const int material_grey_50 = 2131034221; - - // aapt resource value: 0x7F05006E - public const int material_grey_600 = 2131034222; - - // aapt resource value: 0x7F05006F - public const int material_grey_800 = 2131034223; - - // aapt resource value: 0x7F050070 - public const int material_grey_850 = 2131034224; - - // aapt resource value: 0x7F050071 - public const int material_grey_900 = 2131034225; - - // aapt resource value: 0x7F050072 - public const int material_on_background_disabled = 2131034226; - - // aapt resource value: 0x7F050073 - public const int material_on_background_emphasis_high_type = 2131034227; - - // aapt resource value: 0x7F050074 - public const int material_on_background_emphasis_medium = 2131034228; - - // aapt resource value: 0x7F050075 - public const int material_on_primary_disabled = 2131034229; - - // aapt resource value: 0x7F050076 - public const int material_on_primary_emphasis_high_type = 2131034230; - - // aapt resource value: 0x7F050077 - public const int material_on_primary_emphasis_medium = 2131034231; - - // aapt resource value: 0x7F050078 - public const int material_on_surface_disabled = 2131034232; - - // aapt resource value: 0x7F050079 - public const int material_on_surface_emphasis_high_type = 2131034233; - - // aapt resource value: 0x7F05007A - public const int material_on_surface_emphasis_medium = 2131034234; - - // aapt resource value: 0x7F05007B - public const int material_on_surface_stroke = 2131034235; - - // aapt resource value: 0x7F05007C - public const int material_slider_active_tick_marks_color = 2131034236; - - // aapt resource value: 0x7F05007D - public const int material_slider_active_track_color = 2131034237; - - // aapt resource value: 0x7F05007E - public const int material_slider_halo_color = 2131034238; - - // aapt resource value: 0x7F05007F - public const int material_slider_inactive_tick_marks_color = 2131034239; - - // aapt resource value: 0x7F050080 - public const int material_slider_inactive_track_color = 2131034240; - - // aapt resource value: 0x7F050081 - public const int material_slider_thumb_color = 2131034241; - - // aapt resource value: 0x7F050082 - public const int mtrl_bottom_nav_colored_item_tint = 2131034242; - - // aapt resource value: 0x7F050083 - public const int mtrl_bottom_nav_colored_ripple_color = 2131034243; - - // aapt resource value: 0x7F050084 - public const int mtrl_bottom_nav_item_tint = 2131034244; - - // aapt resource value: 0x7F050085 - public const int mtrl_bottom_nav_ripple_color = 2131034245; - - // aapt resource value: 0x7F050086 - public const int mtrl_btn_bg_color_selector = 2131034246; - - // aapt resource value: 0x7F050087 - public const int mtrl_btn_ripple_color = 2131034247; - - // aapt resource value: 0x7F050088 - public const int mtrl_btn_stroke_color_selector = 2131034248; - - // aapt resource value: 0x7F050089 - public const int mtrl_btn_text_btn_bg_color_selector = 2131034249; - - // aapt resource value: 0x7F05008A - public const int mtrl_btn_text_btn_ripple_color = 2131034250; - - // aapt resource value: 0x7F05008B - public const int mtrl_btn_text_color_disabled = 2131034251; - - // aapt resource value: 0x7F05008C - public const int mtrl_btn_text_color_selector = 2131034252; - - // aapt resource value: 0x7F05008D - public const int mtrl_btn_transparent_bg_color = 2131034253; - - // aapt resource value: 0x7F05008E - public const int mtrl_calendar_item_stroke_color = 2131034254; - - // aapt resource value: 0x7F05008F - public const int mtrl_calendar_selected_range = 2131034255; - - // aapt resource value: 0x7F050090 - public const int mtrl_card_view_foreground = 2131034256; - - // aapt resource value: 0x7F050091 - public const int mtrl_card_view_ripple = 2131034257; - - // aapt resource value: 0x7F050092 - public const int mtrl_chip_background_color = 2131034258; - - // aapt resource value: 0x7F050093 - public const int mtrl_chip_close_icon_tint = 2131034259; - - // aapt resource value: 0x7F050094 - public const int mtrl_chip_ripple_color = 2131034260; - - // aapt resource value: 0x7F050095 - public const int mtrl_chip_surface_color = 2131034261; - - // aapt resource value: 0x7F050096 - public const int mtrl_chip_text_color = 2131034262; - - // aapt resource value: 0x7F050097 - public const int mtrl_choice_chip_background_color = 2131034263; - - // aapt resource value: 0x7F050098 - public const int mtrl_choice_chip_ripple_color = 2131034264; - - // aapt resource value: 0x7F050099 - public const int mtrl_choice_chip_text_color = 2131034265; - - // aapt resource value: 0x7F05009A - public const int mtrl_error = 2131034266; - - // aapt resource value: 0x7F05009B - public const int mtrl_fab_bg_color_selector = 2131034267; - - // aapt resource value: 0x7F05009C - public const int mtrl_fab_icon_text_color_selector = 2131034268; - - // aapt resource value: 0x7F05009D - public const int mtrl_fab_ripple_color = 2131034269; - - // aapt resource value: 0x7F05009E - public const int mtrl_filled_background_color = 2131034270; - - // aapt resource value: 0x7F05009F - public const int mtrl_filled_icon_tint = 2131034271; - - // aapt resource value: 0x7F0500A0 - public const int mtrl_filled_stroke_color = 2131034272; - - // aapt resource value: 0x7F0500A1 - public const int mtrl_indicator_text_color = 2131034273; - - // aapt resource value: 0x7F0500A2 - public const int mtrl_navigation_item_background_color = 2131034274; - - // aapt resource value: 0x7F0500A3 - public const int mtrl_navigation_item_icon_tint = 2131034275; - - // aapt resource value: 0x7F0500A4 - public const int mtrl_navigation_item_text_color = 2131034276; - - // aapt resource value: 0x7F0500A5 - public const int mtrl_on_primary_text_btn_text_color_selector = 2131034277; - - // aapt resource value: 0x7F0500A6 - public const int mtrl_outlined_icon_tint = 2131034278; - - // aapt resource value: 0x7F0500A7 - public const int mtrl_outlined_stroke_color = 2131034279; - - // aapt resource value: 0x7F0500A8 - public const int mtrl_popupmenu_overlay_color = 2131034280; - - // aapt resource value: 0x7F0500A9 - public const int mtrl_scrim_color = 2131034281; - - // aapt resource value: 0x7F0500AA - public const int mtrl_tabs_colored_ripple_color = 2131034282; - - // aapt resource value: 0x7F0500AB - public const int mtrl_tabs_icon_color_selector = 2131034283; - - // aapt resource value: 0x7F0500AC - public const int mtrl_tabs_icon_color_selector_colored = 2131034284; - - // aapt resource value: 0x7F0500AD - public const int mtrl_tabs_legacy_text_color_selector = 2131034285; - - // aapt resource value: 0x7F0500AE - public const int mtrl_tabs_ripple_color = 2131034286; - - // aapt resource value: 0x7F0500B0 - public const int mtrl_textinput_default_box_stroke_color = 2131034288; - - // aapt resource value: 0x7F0500B1 - public const int mtrl_textinput_disabled_color = 2131034289; - - // aapt resource value: 0x7F0500B2 - public const int mtrl_textinput_filled_box_default_background_color = 2131034290; - - // aapt resource value: 0x7F0500B3 - public const int mtrl_textinput_focused_box_stroke_color = 2131034291; - - // aapt resource value: 0x7F0500B4 - public const int mtrl_textinput_hovered_box_stroke_color = 2131034292; - - // aapt resource value: 0x7F0500AF - public const int mtrl_text_btn_text_color_selector = 2131034287; - - // aapt resource value: 0x7F0500B5 - public const int notification_action_color_filter = 2131034293; - - // aapt resource value: 0x7F0500B6 - public const int notification_icon_bg_color = 2131034294; - - // aapt resource value: 0x7F0500B7 - public const int notification_material_background_media_default_color = 2131034295; - - // aapt resource value: 0x7F0500B8 - public const int preference_fallback_accent_color = 2131034296; - - // aapt resource value: 0x7F0500B9 - public const int primary_dark_material_dark = 2131034297; - - // aapt resource value: 0x7F0500BA - public const int primary_dark_material_light = 2131034298; - - // aapt resource value: 0x7F0500BB - public const int primary_material_dark = 2131034299; - - // aapt resource value: 0x7F0500BC - public const int primary_material_light = 2131034300; - - // aapt resource value: 0x7F0500BD - public const int primary_text_default_material_dark = 2131034301; - - // aapt resource value: 0x7F0500BE - public const int primary_text_default_material_light = 2131034302; - - // aapt resource value: 0x7F0500BF - public const int primary_text_disabled_material_dark = 2131034303; - - // aapt resource value: 0x7F0500C0 - public const int primary_text_disabled_material_light = 2131034304; - - // aapt resource value: 0x7F0500C1 - public const int radiobutton_themeable_attribute_color = 2131034305; - - // aapt resource value: 0x7F0500C2 - public const int ripple_material_dark = 2131034306; - - // aapt resource value: 0x7F0500C3 - public const int ripple_material_light = 2131034307; - - // aapt resource value: 0x7F0500C4 - public const int secondary_text_default_material_dark = 2131034308; - - // aapt resource value: 0x7F0500C5 - public const int secondary_text_default_material_light = 2131034309; - - // aapt resource value: 0x7F0500C6 - public const int secondary_text_disabled_material_dark = 2131034310; - - // aapt resource value: 0x7F0500C7 - public const int secondary_text_disabled_material_light = 2131034311; - - // aapt resource value: 0x7F0500C8 - public const int switch_thumb_disabled_material_dark = 2131034312; - - // aapt resource value: 0x7F0500C9 - public const int switch_thumb_disabled_material_light = 2131034313; - - // aapt resource value: 0x7F0500CA - public const int switch_thumb_material_dark = 2131034314; - - // aapt resource value: 0x7F0500CB - public const int switch_thumb_material_light = 2131034315; - - // aapt resource value: 0x7F0500CC - public const int switch_thumb_normal_material_dark = 2131034316; - - // aapt resource value: 0x7F0500CD - public const int switch_thumb_normal_material_light = 2131034317; - - // aapt resource value: 0x7F0500CE - public const int test_mtrl_calendar_day = 2131034318; - - // aapt resource value: 0x7F0500CF - public const int test_mtrl_calendar_day_selected = 2131034319; - - // aapt resource value: 0x7F0500D0 - public const int tooltip_background_dark = 2131034320; - - // aapt resource value: 0x7F0500D1 - public const int tooltip_background_light = 2131034321; - - static Color() - { - global::Android.Runtime.ResourceIdManager.UpdateIdValues(); - } - - private Color() - { - } - } - - public partial class Dimension - { - - // aapt resource value: 0x7F060000 - public const int abc_action_bar_content_inset_material = 2131099648; - - // aapt resource value: 0x7F060001 - public const int abc_action_bar_content_inset_with_nav = 2131099649; - - // aapt resource value: 0x7F060002 - public const int abc_action_bar_default_height_material = 2131099650; - - // aapt resource value: 0x7F060003 - public const int abc_action_bar_default_padding_end_material = 2131099651; - - // aapt resource value: 0x7F060004 - public const int abc_action_bar_default_padding_start_material = 2131099652; - - // aapt resource value: 0x7F060005 - public const int abc_action_bar_elevation_material = 2131099653; - - // aapt resource value: 0x7F060006 - public const int abc_action_bar_icon_vertical_padding_material = 2131099654; - - // aapt resource value: 0x7F060007 - public const int abc_action_bar_overflow_padding_end_material = 2131099655; - - // aapt resource value: 0x7F060008 - public const int abc_action_bar_overflow_padding_start_material = 2131099656; - - // aapt resource value: 0x7F060009 - public const int abc_action_bar_stacked_max_height = 2131099657; - - // aapt resource value: 0x7F06000A - public const int abc_action_bar_stacked_tab_max_width = 2131099658; - - // aapt resource value: 0x7F06000B - public const int abc_action_bar_subtitle_bottom_margin_material = 2131099659; - - // aapt resource value: 0x7F06000C - public const int abc_action_bar_subtitle_top_margin_material = 2131099660; - - // aapt resource value: 0x7F06000D - public const int abc_action_button_min_height_material = 2131099661; - - // aapt resource value: 0x7F06000E - public const int abc_action_button_min_width_material = 2131099662; - - // aapt resource value: 0x7F06000F - public const int abc_action_button_min_width_overflow_material = 2131099663; - - // aapt resource value: 0x7F060010 - public const int abc_alert_dialog_button_bar_height = 2131099664; - - // aapt resource value: 0x7F060011 - public const int abc_alert_dialog_button_dimen = 2131099665; - - // aapt resource value: 0x7F060012 - public const int abc_button_inset_horizontal_material = 2131099666; - - // aapt resource value: 0x7F060013 - public const int abc_button_inset_vertical_material = 2131099667; - - // aapt resource value: 0x7F060014 - public const int abc_button_padding_horizontal_material = 2131099668; - - // aapt resource value: 0x7F060015 - public const int abc_button_padding_vertical_material = 2131099669; - - // aapt resource value: 0x7F060016 - public const int abc_cascading_menus_min_smallest_width = 2131099670; - - // aapt resource value: 0x7F060017 - public const int abc_config_prefDialogWidth = 2131099671; - - // aapt resource value: 0x7F060018 - public const int abc_control_corner_material = 2131099672; - - // aapt resource value: 0x7F060019 - public const int abc_control_inset_material = 2131099673; - - // aapt resource value: 0x7F06001A - public const int abc_control_padding_material = 2131099674; - - // aapt resource value: 0x7F06001B - public const int abc_dialog_corner_radius_material = 2131099675; - - // aapt resource value: 0x7F06001C - public const int abc_dialog_fixed_height_major = 2131099676; - - // aapt resource value: 0x7F06001D - public const int abc_dialog_fixed_height_minor = 2131099677; - - // aapt resource value: 0x7F06001E - public const int abc_dialog_fixed_width_major = 2131099678; - - // aapt resource value: 0x7F06001F - public const int abc_dialog_fixed_width_minor = 2131099679; - - // aapt resource value: 0x7F060020 - public const int abc_dialog_list_padding_bottom_no_buttons = 2131099680; - - // aapt resource value: 0x7F060021 - public const int abc_dialog_list_padding_top_no_title = 2131099681; - - // aapt resource value: 0x7F060022 - public const int abc_dialog_min_width_major = 2131099682; - - // aapt resource value: 0x7F060023 - public const int abc_dialog_min_width_minor = 2131099683; - - // aapt resource value: 0x7F060024 - public const int abc_dialog_padding_material = 2131099684; - - // aapt resource value: 0x7F060025 - public const int abc_dialog_padding_top_material = 2131099685; - - // aapt resource value: 0x7F060026 - public const int abc_dialog_title_divider_material = 2131099686; - - // aapt resource value: 0x7F060027 - public const int abc_disabled_alpha_material_dark = 2131099687; - - // aapt resource value: 0x7F060028 - public const int abc_disabled_alpha_material_light = 2131099688; - - // aapt resource value: 0x7F060029 - public const int abc_dropdownitem_icon_width = 2131099689; - - // aapt resource value: 0x7F06002A - public const int abc_dropdownitem_text_padding_left = 2131099690; - - // aapt resource value: 0x7F06002B - public const int abc_dropdownitem_text_padding_right = 2131099691; - - // aapt resource value: 0x7F06002C - public const int abc_edit_text_inset_bottom_material = 2131099692; - - // aapt resource value: 0x7F06002D - public const int abc_edit_text_inset_horizontal_material = 2131099693; - - // aapt resource value: 0x7F06002E - public const int abc_edit_text_inset_top_material = 2131099694; - - // aapt resource value: 0x7F06002F - public const int abc_floating_window_z = 2131099695; - - // aapt resource value: 0x7F060030 - public const int abc_list_item_height_large_material = 2131099696; - - // aapt resource value: 0x7F060031 - public const int abc_list_item_height_material = 2131099697; - - // aapt resource value: 0x7F060032 - public const int abc_list_item_height_small_material = 2131099698; - - // aapt resource value: 0x7F060033 - public const int abc_list_item_padding_horizontal_material = 2131099699; - - // aapt resource value: 0x7F060034 - public const int abc_panel_menu_list_width = 2131099700; - - // aapt resource value: 0x7F060035 - public const int abc_progress_bar_height_material = 2131099701; - - // aapt resource value: 0x7F060036 - public const int abc_search_view_preferred_height = 2131099702; - - // aapt resource value: 0x7F060037 - public const int abc_search_view_preferred_width = 2131099703; - - // aapt resource value: 0x7F060038 - public const int abc_seekbar_track_background_height_material = 2131099704; - - // aapt resource value: 0x7F060039 - public const int abc_seekbar_track_progress_height_material = 2131099705; - - // aapt resource value: 0x7F06003A - public const int abc_select_dialog_padding_start_material = 2131099706; - - // aapt resource value: 0x7F06003B - public const int abc_switch_padding = 2131099707; - - // aapt resource value: 0x7F06003C - public const int abc_text_size_body_1_material = 2131099708; - - // aapt resource value: 0x7F06003D - public const int abc_text_size_body_2_material = 2131099709; - - // aapt resource value: 0x7F06003E - public const int abc_text_size_button_material = 2131099710; - - // aapt resource value: 0x7F06003F - public const int abc_text_size_caption_material = 2131099711; - - // aapt resource value: 0x7F060040 - public const int abc_text_size_display_1_material = 2131099712; - - // aapt resource value: 0x7F060041 - public const int abc_text_size_display_2_material = 2131099713; - - // aapt resource value: 0x7F060042 - public const int abc_text_size_display_3_material = 2131099714; - - // aapt resource value: 0x7F060043 - public const int abc_text_size_display_4_material = 2131099715; - - // aapt resource value: 0x7F060044 - public const int abc_text_size_headline_material = 2131099716; - - // aapt resource value: 0x7F060045 - public const int abc_text_size_large_material = 2131099717; - - // aapt resource value: 0x7F060046 - public const int abc_text_size_medium_material = 2131099718; - - // aapt resource value: 0x7F060047 - public const int abc_text_size_menu_header_material = 2131099719; - - // aapt resource value: 0x7F060048 - public const int abc_text_size_menu_material = 2131099720; - - // aapt resource value: 0x7F060049 - public const int abc_text_size_small_material = 2131099721; - - // aapt resource value: 0x7F06004A - public const int abc_text_size_subhead_material = 2131099722; - - // aapt resource value: 0x7F06004B - public const int abc_text_size_subtitle_material_toolbar = 2131099723; - - // aapt resource value: 0x7F06004C - public const int abc_text_size_title_material = 2131099724; - - // aapt resource value: 0x7F06004D - public const int abc_text_size_title_material_toolbar = 2131099725; - - // aapt resource value: 0x7F06004E - public const int action_bar_size = 2131099726; - - // aapt resource value: 0x7F06004F - public const int appcompat_dialog_background_inset = 2131099727; - - // aapt resource value: 0x7F060050 - public const int browser_actions_context_menu_max_width = 2131099728; - - // aapt resource value: 0x7F060051 - public const int browser_actions_context_menu_min_padding = 2131099729; - - // aapt resource value: 0x7F060052 - public const int cardview_compat_inset_shadow = 2131099730; - - // aapt resource value: 0x7F060053 - public const int cardview_default_elevation = 2131099731; - - // aapt resource value: 0x7F060054 - public const int cardview_default_radius = 2131099732; - - // aapt resource value: 0x7F060055 - public const int compat_button_inset_horizontal_material = 2131099733; - - // aapt resource value: 0x7F060056 - public const int compat_button_inset_vertical_material = 2131099734; - - // aapt resource value: 0x7F060057 - public const int compat_button_padding_horizontal_material = 2131099735; - - // aapt resource value: 0x7F060058 - public const int compat_button_padding_vertical_material = 2131099736; - - // aapt resource value: 0x7F060059 - public const int compat_control_corner_material = 2131099737; - - // aapt resource value: 0x7F06005A - public const int compat_notification_large_icon_max_height = 2131099738; - - // aapt resource value: 0x7F06005B - public const int compat_notification_large_icon_max_width = 2131099739; - - // aapt resource value: 0x7F06005D - public const int default_dimension = 2131099741; - - // aapt resource value: 0x7F06005C - public const int def_drawer_elevation = 2131099740; - - // aapt resource value: 0x7F06005E - public const int design_appbar_elevation = 2131099742; - - // aapt resource value: 0x7F06005F - public const int design_bottom_navigation_active_item_max_width = 2131099743; - - // aapt resource value: 0x7F060060 - public const int design_bottom_navigation_active_item_min_width = 2131099744; - - // aapt resource value: 0x7F060061 - public const int design_bottom_navigation_active_text_size = 2131099745; - - // aapt resource value: 0x7F060062 - public const int design_bottom_navigation_elevation = 2131099746; - - // aapt resource value: 0x7F060063 - public const int design_bottom_navigation_height = 2131099747; - - // aapt resource value: 0x7F060064 - public const int design_bottom_navigation_icon_size = 2131099748; - - // aapt resource value: 0x7F060065 - public const int design_bottom_navigation_item_max_width = 2131099749; - - // aapt resource value: 0x7F060066 - public const int design_bottom_navigation_item_min_width = 2131099750; - - // aapt resource value: 0x7F060067 - public const int design_bottom_navigation_margin = 2131099751; - - // aapt resource value: 0x7F060068 - public const int design_bottom_navigation_shadow_height = 2131099752; - - // aapt resource value: 0x7F060069 - public const int design_bottom_navigation_text_size = 2131099753; - - // aapt resource value: 0x7F06006A - public const int design_bottom_sheet_elevation = 2131099754; - - // aapt resource value: 0x7F06006B - public const int design_bottom_sheet_modal_elevation = 2131099755; - - // aapt resource value: 0x7F06006C - public const int design_bottom_sheet_peek_height_min = 2131099756; - - // aapt resource value: 0x7F06006D - public const int design_fab_border_width = 2131099757; - - // aapt resource value: 0x7F06006E - public const int design_fab_elevation = 2131099758; - - // aapt resource value: 0x7F06006F - public const int design_fab_image_size = 2131099759; - - // aapt resource value: 0x7F060070 - public const int design_fab_size_mini = 2131099760; - - // aapt resource value: 0x7F060071 - public const int design_fab_size_normal = 2131099761; - - // aapt resource value: 0x7F060072 - public const int design_fab_translation_z_hovered_focused = 2131099762; - - // aapt resource value: 0x7F060073 - public const int design_fab_translation_z_pressed = 2131099763; - - // aapt resource value: 0x7F060074 - public const int design_navigation_elevation = 2131099764; - - // aapt resource value: 0x7F060075 - public const int design_navigation_icon_padding = 2131099765; - - // aapt resource value: 0x7F060076 - public const int design_navigation_icon_size = 2131099766; - - // aapt resource value: 0x7F060077 - public const int design_navigation_item_horizontal_padding = 2131099767; - - // aapt resource value: 0x7F060078 - public const int design_navigation_item_icon_padding = 2131099768; - - // aapt resource value: 0x7F060079 - public const int design_navigation_max_width = 2131099769; - - // aapt resource value: 0x7F06007A - public const int design_navigation_padding_bottom = 2131099770; - - // aapt resource value: 0x7F06007B - public const int design_navigation_separator_vertical_padding = 2131099771; - - // aapt resource value: 0x7F06007C - public const int design_snackbar_action_inline_max_width = 2131099772; - - // aapt resource value: 0x7F06007D - public const int design_snackbar_action_text_color_alpha = 2131099773; - - // aapt resource value: 0x7F06007E - public const int design_snackbar_background_corner_radius = 2131099774; - - // aapt resource value: 0x7F06007F - public const int design_snackbar_elevation = 2131099775; - - // aapt resource value: 0x7F060080 - public const int design_snackbar_extra_spacing_horizontal = 2131099776; - - // aapt resource value: 0x7F060081 - public const int design_snackbar_max_width = 2131099777; - - // aapt resource value: 0x7F060082 - public const int design_snackbar_min_width = 2131099778; - - // aapt resource value: 0x7F060083 - public const int design_snackbar_padding_horizontal = 2131099779; - - // aapt resource value: 0x7F060084 - public const int design_snackbar_padding_vertical = 2131099780; - - // aapt resource value: 0x7F060085 - public const int design_snackbar_padding_vertical_2lines = 2131099781; - - // aapt resource value: 0x7F060086 - public const int design_snackbar_text_size = 2131099782; - - // aapt resource value: 0x7F060087 - public const int design_tab_max_width = 2131099783; - - // aapt resource value: 0x7F060088 - public const int design_tab_scrollable_min_width = 2131099784; - - // aapt resource value: 0x7F060089 - public const int design_tab_text_size = 2131099785; - - // aapt resource value: 0x7F06008A - public const int design_tab_text_size_2line = 2131099786; - - // aapt resource value: 0x7F06008B - public const int design_textinput_caption_translate_y = 2131099787; - - // aapt resource value: 0x7F06008C - public const int disabled_alpha_material_dark = 2131099788; - - // aapt resource value: 0x7F06008D - public const int disabled_alpha_material_light = 2131099789; - - // aapt resource value: 0x7F06008E - public const int fastscroll_default_thickness = 2131099790; - - // aapt resource value: 0x7F06008F - public const int fastscroll_margin = 2131099791; - - // aapt resource value: 0x7F060090 - public const int fastscroll_minimum_range = 2131099792; - - // aapt resource value: 0x7F060091 - public const int highlight_alpha_material_colored = 2131099793; - - // aapt resource value: 0x7F060092 - public const int highlight_alpha_material_dark = 2131099794; - - // aapt resource value: 0x7F060093 - public const int highlight_alpha_material_light = 2131099795; - - // aapt resource value: 0x7F060094 - public const int hint_alpha_material_dark = 2131099796; - - // aapt resource value: 0x7F060095 - public const int hint_alpha_material_light = 2131099797; - - // aapt resource value: 0x7F060096 - public const int hint_pressed_alpha_material_dark = 2131099798; - - // aapt resource value: 0x7F060097 - public const int hint_pressed_alpha_material_light = 2131099799; - - // aapt resource value: 0x7F060098 - public const int item_touch_helper_max_drag_scroll_per_frame = 2131099800; - - // aapt resource value: 0x7F060099 - public const int item_touch_helper_swipe_escape_max_velocity = 2131099801; - - // aapt resource value: 0x7F06009A - public const int item_touch_helper_swipe_escape_velocity = 2131099802; - - // aapt resource value: 0x7F06009B - public const int material_emphasis_disabled = 2131099803; - - // aapt resource value: 0x7F06009C - public const int material_emphasis_high_type = 2131099804; - - // aapt resource value: 0x7F06009D - public const int material_emphasis_medium = 2131099805; - - // aapt resource value: 0x7F06009E - public const int material_text_view_test_line_height = 2131099806; - - // aapt resource value: 0x7F06009F - public const int material_text_view_test_line_height_override = 2131099807; - - // aapt resource value: 0x7F0600A0 - public const int mtrl_alert_dialog_background_inset_bottom = 2131099808; - - // aapt resource value: 0x7F0600A1 - public const int mtrl_alert_dialog_background_inset_end = 2131099809; - - // aapt resource value: 0x7F0600A2 - public const int mtrl_alert_dialog_background_inset_start = 2131099810; - - // aapt resource value: 0x7F0600A3 - public const int mtrl_alert_dialog_background_inset_top = 2131099811; - - // aapt resource value: 0x7F0600A4 - public const int mtrl_alert_dialog_picker_background_inset = 2131099812; - - // aapt resource value: 0x7F0600A5 - public const int mtrl_badge_horizontal_edge_offset = 2131099813; - - // aapt resource value: 0x7F0600A6 - public const int mtrl_badge_long_text_horizontal_padding = 2131099814; - - // aapt resource value: 0x7F0600A7 - public const int mtrl_badge_radius = 2131099815; - - // aapt resource value: 0x7F0600A8 - public const int mtrl_badge_text_horizontal_edge_offset = 2131099816; - - // aapt resource value: 0x7F0600A9 - public const int mtrl_badge_text_size = 2131099817; - - // aapt resource value: 0x7F0600AA - public const int mtrl_badge_with_text_radius = 2131099818; - - // aapt resource value: 0x7F0600AB - public const int mtrl_bottomappbar_fabOffsetEndMode = 2131099819; - - // aapt resource value: 0x7F0600AC - public const int mtrl_bottomappbar_fab_bottom_margin = 2131099820; - - // aapt resource value: 0x7F0600AD - public const int mtrl_bottomappbar_fab_cradle_margin = 2131099821; - - // aapt resource value: 0x7F0600AE - public const int mtrl_bottomappbar_fab_cradle_rounded_corner_radius = 2131099822; - - // aapt resource value: 0x7F0600AF - public const int mtrl_bottomappbar_fab_cradle_vertical_offset = 2131099823; - - // aapt resource value: 0x7F0600B0 - public const int mtrl_bottomappbar_height = 2131099824; - - // aapt resource value: 0x7F0600B1 - public const int mtrl_btn_corner_radius = 2131099825; - - // aapt resource value: 0x7F0600B2 - public const int mtrl_btn_dialog_btn_min_width = 2131099826; - - // aapt resource value: 0x7F0600B3 - public const int mtrl_btn_disabled_elevation = 2131099827; - - // aapt resource value: 0x7F0600B4 - public const int mtrl_btn_disabled_z = 2131099828; - - // aapt resource value: 0x7F0600B5 - public const int mtrl_btn_elevation = 2131099829; - - // aapt resource value: 0x7F0600B6 - public const int mtrl_btn_focused_z = 2131099830; - - // aapt resource value: 0x7F0600B7 - public const int mtrl_btn_hovered_z = 2131099831; - - // aapt resource value: 0x7F0600B8 - public const int mtrl_btn_icon_btn_padding_left = 2131099832; - - // aapt resource value: 0x7F0600B9 - public const int mtrl_btn_icon_padding = 2131099833; - - // aapt resource value: 0x7F0600BA - public const int mtrl_btn_inset = 2131099834; - - // aapt resource value: 0x7F0600BB - public const int mtrl_btn_letter_spacing = 2131099835; - - // aapt resource value: 0x7F0600BC - public const int mtrl_btn_padding_bottom = 2131099836; - - // aapt resource value: 0x7F0600BD - public const int mtrl_btn_padding_left = 2131099837; - - // aapt resource value: 0x7F0600BE - public const int mtrl_btn_padding_right = 2131099838; - - // aapt resource value: 0x7F0600BF - public const int mtrl_btn_padding_top = 2131099839; - - // aapt resource value: 0x7F0600C0 - public const int mtrl_btn_pressed_z = 2131099840; - - // aapt resource value: 0x7F0600C1 - public const int mtrl_btn_stroke_size = 2131099841; - - // aapt resource value: 0x7F0600C2 - public const int mtrl_btn_text_btn_icon_padding = 2131099842; - - // aapt resource value: 0x7F0600C3 - public const int mtrl_btn_text_btn_padding_left = 2131099843; - - // aapt resource value: 0x7F0600C4 - public const int mtrl_btn_text_btn_padding_right = 2131099844; - - // aapt resource value: 0x7F0600C5 - public const int mtrl_btn_text_size = 2131099845; - - // aapt resource value: 0x7F0600C6 - public const int mtrl_btn_z = 2131099846; - - // aapt resource value: 0x7F0600C7 - public const int mtrl_calendar_action_height = 2131099847; - - // aapt resource value: 0x7F0600C8 - public const int mtrl_calendar_action_padding = 2131099848; - - // aapt resource value: 0x7F0600C9 - public const int mtrl_calendar_bottom_padding = 2131099849; - - // aapt resource value: 0x7F0600CA - public const int mtrl_calendar_content_padding = 2131099850; - - // aapt resource value: 0x7F0600D1 - public const int mtrl_calendar_days_of_week_height = 2131099857; - - // aapt resource value: 0x7F0600CB - public const int mtrl_calendar_day_corner = 2131099851; - - // aapt resource value: 0x7F0600CC - public const int mtrl_calendar_day_height = 2131099852; - - // aapt resource value: 0x7F0600CD - public const int mtrl_calendar_day_horizontal_padding = 2131099853; - - // aapt resource value: 0x7F0600CE - public const int mtrl_calendar_day_today_stroke = 2131099854; - - // aapt resource value: 0x7F0600CF - public const int mtrl_calendar_day_vertical_padding = 2131099855; - - // aapt resource value: 0x7F0600D0 - public const int mtrl_calendar_day_width = 2131099856; - - // aapt resource value: 0x7F0600D2 - public const int mtrl_calendar_dialog_background_inset = 2131099858; - - // aapt resource value: 0x7F0600D3 - public const int mtrl_calendar_header_content_padding = 2131099859; - - // aapt resource value: 0x7F0600D4 - public const int mtrl_calendar_header_content_padding_fullscreen = 2131099860; - - // aapt resource value: 0x7F0600D5 - public const int mtrl_calendar_header_divider_thickness = 2131099861; - - // aapt resource value: 0x7F0600D6 - public const int mtrl_calendar_header_height = 2131099862; - - // aapt resource value: 0x7F0600D7 - public const int mtrl_calendar_header_height_fullscreen = 2131099863; - - // aapt resource value: 0x7F0600D8 - public const int mtrl_calendar_header_selection_line_height = 2131099864; - - // aapt resource value: 0x7F0600D9 - public const int mtrl_calendar_header_text_padding = 2131099865; - - // aapt resource value: 0x7F0600DA - public const int mtrl_calendar_header_toggle_margin_bottom = 2131099866; - - // aapt resource value: 0x7F0600DB - public const int mtrl_calendar_header_toggle_margin_top = 2131099867; - - // aapt resource value: 0x7F0600DC - public const int mtrl_calendar_landscape_header_width = 2131099868; - - // aapt resource value: 0x7F0600DD - public const int mtrl_calendar_maximum_default_fullscreen_minor_axis = 2131099869; - - // aapt resource value: 0x7F0600DE - public const int mtrl_calendar_month_horizontal_padding = 2131099870; - - // aapt resource value: 0x7F0600DF - public const int mtrl_calendar_month_vertical_padding = 2131099871; - - // aapt resource value: 0x7F0600E0 - public const int mtrl_calendar_navigation_bottom_padding = 2131099872; - - // aapt resource value: 0x7F0600E1 - public const int mtrl_calendar_navigation_height = 2131099873; - - // aapt resource value: 0x7F0600E2 - public const int mtrl_calendar_navigation_top_padding = 2131099874; - - // aapt resource value: 0x7F0600E3 - public const int mtrl_calendar_pre_l_text_clip_padding = 2131099875; - - // aapt resource value: 0x7F0600E4 - public const int mtrl_calendar_selection_baseline_to_top_fullscreen = 2131099876; - - // aapt resource value: 0x7F0600E5 - public const int mtrl_calendar_selection_text_baseline_to_bottom = 2131099877; - - // aapt resource value: 0x7F0600E6 - public const int mtrl_calendar_selection_text_baseline_to_bottom_fullscreen = 2131099878; - - // aapt resource value: 0x7F0600E7 - public const int mtrl_calendar_selection_text_baseline_to_top = 2131099879; - - // aapt resource value: 0x7F0600E8 - public const int mtrl_calendar_text_input_padding_top = 2131099880; - - // aapt resource value: 0x7F0600E9 - public const int mtrl_calendar_title_baseline_to_top = 2131099881; - - // aapt resource value: 0x7F0600EA - public const int mtrl_calendar_title_baseline_to_top_fullscreen = 2131099882; - - // aapt resource value: 0x7F0600EB - public const int mtrl_calendar_year_corner = 2131099883; - - // aapt resource value: 0x7F0600EC - public const int mtrl_calendar_year_height = 2131099884; - - // aapt resource value: 0x7F0600ED - public const int mtrl_calendar_year_horizontal_padding = 2131099885; - - // aapt resource value: 0x7F0600EE - public const int mtrl_calendar_year_vertical_padding = 2131099886; - - // aapt resource value: 0x7F0600EF - public const int mtrl_calendar_year_width = 2131099887; - - // aapt resource value: 0x7F0600F0 - public const int mtrl_card_checked_icon_margin = 2131099888; - - // aapt resource value: 0x7F0600F1 - public const int mtrl_card_checked_icon_size = 2131099889; - - // aapt resource value: 0x7F0600F2 - public const int mtrl_card_corner_radius = 2131099890; - - // aapt resource value: 0x7F0600F3 - public const int mtrl_card_dragged_z = 2131099891; - - // aapt resource value: 0x7F0600F4 - public const int mtrl_card_elevation = 2131099892; - - // aapt resource value: 0x7F0600F5 - public const int mtrl_card_spacing = 2131099893; - - // aapt resource value: 0x7F0600F6 - public const int mtrl_chip_pressed_translation_z = 2131099894; - - // aapt resource value: 0x7F0600F7 - public const int mtrl_chip_text_size = 2131099895; - - // aapt resource value: 0x7F0600F8 - public const int mtrl_edittext_rectangle_top_offset = 2131099896; - - // aapt resource value: 0x7F0600F9 - public const int mtrl_exposed_dropdown_menu_popup_elevation = 2131099897; - - // aapt resource value: 0x7F0600FA - public const int mtrl_exposed_dropdown_menu_popup_vertical_offset = 2131099898; - - // aapt resource value: 0x7F0600FB - public const int mtrl_exposed_dropdown_menu_popup_vertical_padding = 2131099899; - - // aapt resource value: 0x7F0600FC - public const int mtrl_extended_fab_bottom_padding = 2131099900; - - // aapt resource value: 0x7F0600FD - public const int mtrl_extended_fab_corner_radius = 2131099901; - - // aapt resource value: 0x7F0600FE - public const int mtrl_extended_fab_disabled_elevation = 2131099902; - - // aapt resource value: 0x7F0600FF - public const int mtrl_extended_fab_disabled_translation_z = 2131099903; - - // aapt resource value: 0x7F060100 - public const int mtrl_extended_fab_elevation = 2131099904; - - // aapt resource value: 0x7F060101 - public const int mtrl_extended_fab_end_padding = 2131099905; - - // aapt resource value: 0x7F060102 - public const int mtrl_extended_fab_end_padding_icon = 2131099906; - - // aapt resource value: 0x7F060103 - public const int mtrl_extended_fab_icon_size = 2131099907; - - // aapt resource value: 0x7F060104 - public const int mtrl_extended_fab_icon_text_spacing = 2131099908; - - // aapt resource value: 0x7F060105 - public const int mtrl_extended_fab_min_height = 2131099909; - - // aapt resource value: 0x7F060106 - public const int mtrl_extended_fab_min_width = 2131099910; - - // aapt resource value: 0x7F060107 - public const int mtrl_extended_fab_start_padding = 2131099911; - - // aapt resource value: 0x7F060108 - public const int mtrl_extended_fab_start_padding_icon = 2131099912; - - // aapt resource value: 0x7F060109 - public const int mtrl_extended_fab_top_padding = 2131099913; - - // aapt resource value: 0x7F06010A - public const int mtrl_extended_fab_translation_z_base = 2131099914; - - // aapt resource value: 0x7F06010B - public const int mtrl_extended_fab_translation_z_hovered_focused = 2131099915; - - // aapt resource value: 0x7F06010C - public const int mtrl_extended_fab_translation_z_pressed = 2131099916; - - // aapt resource value: 0x7F06010D - public const int mtrl_fab_elevation = 2131099917; - - // aapt resource value: 0x7F06010E - public const int mtrl_fab_min_touch_target = 2131099918; - - // aapt resource value: 0x7F06010F - public const int mtrl_fab_translation_z_hovered_focused = 2131099919; - - // aapt resource value: 0x7F060110 - public const int mtrl_fab_translation_z_pressed = 2131099920; - - // aapt resource value: 0x7F060111 - public const int mtrl_high_ripple_default_alpha = 2131099921; - - // aapt resource value: 0x7F060112 - public const int mtrl_high_ripple_focused_alpha = 2131099922; - - // aapt resource value: 0x7F060113 - public const int mtrl_high_ripple_hovered_alpha = 2131099923; - - // aapt resource value: 0x7F060114 - public const int mtrl_high_ripple_pressed_alpha = 2131099924; - - // aapt resource value: 0x7F060115 - public const int mtrl_large_touch_target = 2131099925; - - // aapt resource value: 0x7F060116 - public const int mtrl_low_ripple_default_alpha = 2131099926; - - // aapt resource value: 0x7F060117 - public const int mtrl_low_ripple_focused_alpha = 2131099927; - - // aapt resource value: 0x7F060118 - public const int mtrl_low_ripple_hovered_alpha = 2131099928; - - // aapt resource value: 0x7F060119 - public const int mtrl_low_ripple_pressed_alpha = 2131099929; - - // aapt resource value: 0x7F06011A - public const int mtrl_min_touch_target_size = 2131099930; - - // aapt resource value: 0x7F06011B - public const int mtrl_navigation_elevation = 2131099931; - - // aapt resource value: 0x7F06011C - public const int mtrl_navigation_item_horizontal_padding = 2131099932; - - // aapt resource value: 0x7F06011D - public const int mtrl_navigation_item_icon_padding = 2131099933; - - // aapt resource value: 0x7F06011E - public const int mtrl_navigation_item_icon_size = 2131099934; - - // aapt resource value: 0x7F06011F - public const int mtrl_navigation_item_shape_horizontal_margin = 2131099935; - - // aapt resource value: 0x7F060120 - public const int mtrl_navigation_item_shape_vertical_margin = 2131099936; - - // aapt resource value: 0x7F060121 - public const int mtrl_shape_corner_size_large_component = 2131099937; - - // aapt resource value: 0x7F060122 - public const int mtrl_shape_corner_size_medium_component = 2131099938; - - // aapt resource value: 0x7F060123 - public const int mtrl_shape_corner_size_small_component = 2131099939; - - // aapt resource value: 0x7F060124 - public const int mtrl_slider_halo_radius = 2131099940; - - // aapt resource value: 0x7F060125 - public const int mtrl_slider_label_padding = 2131099941; - - // aapt resource value: 0x7F060126 - public const int mtrl_slider_label_radius = 2131099942; - - // aapt resource value: 0x7F060127 - public const int mtrl_slider_label_square_side = 2131099943; - - // aapt resource value: 0x7F060128 - public const int mtrl_slider_thumb_elevation = 2131099944; - - // aapt resource value: 0x7F060129 - public const int mtrl_slider_thumb_radius = 2131099945; - - // aapt resource value: 0x7F06012A - public const int mtrl_slider_track_height = 2131099946; - - // aapt resource value: 0x7F06012B - public const int mtrl_slider_track_side_padding = 2131099947; - - // aapt resource value: 0x7F06012C - public const int mtrl_slider_track_top = 2131099948; - - // aapt resource value: 0x7F06012D - public const int mtrl_slider_widget_height = 2131099949; - - // aapt resource value: 0x7F06012E - public const int mtrl_snackbar_action_text_color_alpha = 2131099950; - - // aapt resource value: 0x7F06012F - public const int mtrl_snackbar_background_corner_radius = 2131099951; - - // aapt resource value: 0x7F060130 - public const int mtrl_snackbar_background_overlay_color_alpha = 2131099952; - - // aapt resource value: 0x7F060131 - public const int mtrl_snackbar_margin = 2131099953; - - // aapt resource value: 0x7F060132 - public const int mtrl_switch_thumb_elevation = 2131099954; - - // aapt resource value: 0x7F060133 - public const int mtrl_textinput_box_corner_radius_medium = 2131099955; - - // aapt resource value: 0x7F060134 - public const int mtrl_textinput_box_corner_radius_small = 2131099956; - - // aapt resource value: 0x7F060135 - public const int mtrl_textinput_box_label_cutout_padding = 2131099957; - - // aapt resource value: 0x7F060136 - public const int mtrl_textinput_box_stroke_width_default = 2131099958; - - // aapt resource value: 0x7F060137 - public const int mtrl_textinput_box_stroke_width_focused = 2131099959; - - // aapt resource value: 0x7F060138 - public const int mtrl_textinput_counter_margin_start = 2131099960; - - // aapt resource value: 0x7F060139 - public const int mtrl_textinput_end_icon_margin_start = 2131099961; - - // aapt resource value: 0x7F06013A - public const int mtrl_textinput_outline_box_expanded_padding = 2131099962; - - // aapt resource value: 0x7F06013B - public const int mtrl_textinput_start_icon_margin_end = 2131099963; - - // aapt resource value: 0x7F06013C - public const int mtrl_toolbar_default_height = 2131099964; - - // aapt resource value: 0x7F06013D - public const int mtrl_tooltip_arrowSize = 2131099965; - - // aapt resource value: 0x7F06013E - public const int mtrl_tooltip_cornerSize = 2131099966; - - // aapt resource value: 0x7F06013F - public const int mtrl_tooltip_minHeight = 2131099967; - - // aapt resource value: 0x7F060140 - public const int mtrl_tooltip_minWidth = 2131099968; - - // aapt resource value: 0x7F060141 - public const int mtrl_tooltip_padding = 2131099969; - - // aapt resource value: 0x7F060142 - public const int mtrl_transition_shared_axis_slide_distance = 2131099970; - - // aapt resource value: 0x7F060143 - public const int notification_action_icon_size = 2131099971; - - // aapt resource value: 0x7F060144 - public const int notification_action_text_size = 2131099972; - - // aapt resource value: 0x7F060145 - public const int notification_big_circle_margin = 2131099973; - - // aapt resource value: 0x7F060146 - public const int notification_content_margin_start = 2131099974; - - // aapt resource value: 0x7F060147 - public const int notification_large_icon_height = 2131099975; - - // aapt resource value: 0x7F060148 - public const int notification_large_icon_width = 2131099976; - - // aapt resource value: 0x7F060149 - public const int notification_main_column_padding_top = 2131099977; - - // aapt resource value: 0x7F06014A - public const int notification_media_narrow_margin = 2131099978; - - // aapt resource value: 0x7F06014B - public const int notification_right_icon_size = 2131099979; - - // aapt resource value: 0x7F06014C - public const int notification_right_side_padding_top = 2131099980; - - // aapt resource value: 0x7F06014D - public const int notification_small_icon_background_padding = 2131099981; - - // aapt resource value: 0x7F06014E - public const int notification_small_icon_size_as_large = 2131099982; - - // aapt resource value: 0x7F06014F - public const int notification_subtext_size = 2131099983; - - // aapt resource value: 0x7F060150 - public const int notification_top_pad = 2131099984; - - // aapt resource value: 0x7F060151 - public const int notification_top_pad_large_text = 2131099985; - - // aapt resource value: 0x7F060152 - public const int preference_dropdown_padding_start = 2131099986; - - // aapt resource value: 0x7F060153 - public const int preference_icon_minWidth = 2131099987; - - // aapt resource value: 0x7F060154 - public const int preference_seekbar_padding_horizontal = 2131099988; - - // aapt resource value: 0x7F060155 - public const int preference_seekbar_padding_vertical = 2131099989; - - // aapt resource value: 0x7F060156 - public const int preference_seekbar_value_minWidth = 2131099990; - - // aapt resource value: 0x7F060157 - public const int test_mtrl_calendar_day_cornerSize = 2131099991; - - // aapt resource value: 0x7F060158 - public const int tooltip_corner_radius = 2131099992; - - // aapt resource value: 0x7F060159 - public const int tooltip_horizontal_padding = 2131099993; - - // aapt resource value: 0x7F06015A - public const int tooltip_margin = 2131099994; - - // aapt resource value: 0x7F06015B - public const int tooltip_precise_anchor_extra_offset = 2131099995; - - // aapt resource value: 0x7F06015C - public const int tooltip_precise_anchor_threshold = 2131099996; - - // aapt resource value: 0x7F06015D - public const int tooltip_vertical_padding = 2131099997; - - // aapt resource value: 0x7F06015E - public const int tooltip_y_offset_non_touch = 2131099998; - - // aapt resource value: 0x7F06015F - public const int tooltip_y_offset_touch = 2131099999; - - static Dimension() - { - global::Android.Runtime.ResourceIdManager.UpdateIdValues(); - } - - private Dimension() - { - } - } - - public partial class Drawable - { - - // aapt resource value: 0x7F070006 - public const int abc_ab_share_pack_mtrl_alpha = 2131165190; - - // aapt resource value: 0x7F070007 - public const int abc_action_bar_item_background_material = 2131165191; - - // aapt resource value: 0x7F070008 - public const int abc_btn_borderless_material = 2131165192; - - // aapt resource value: 0x7F070009 - public const int abc_btn_check_material = 2131165193; - - // aapt resource value: 0x7F07000A - public const int abc_btn_check_material_anim = 2131165194; - - // aapt resource value: 0x7F07000B - public const int abc_btn_check_to_on_mtrl_000 = 2131165195; - - // aapt resource value: 0x7F07000C - public const int abc_btn_check_to_on_mtrl_015 = 2131165196; - - // aapt resource value: 0x7F07000D - public const int abc_btn_colored_material = 2131165197; - - // aapt resource value: 0x7F07000E - public const int abc_btn_default_mtrl_shape = 2131165198; - - // aapt resource value: 0x7F07000F - public const int abc_btn_radio_material = 2131165199; - - // aapt resource value: 0x7F070010 - public const int abc_btn_radio_material_anim = 2131165200; - - // aapt resource value: 0x7F070011 - public const int abc_btn_radio_to_on_mtrl_000 = 2131165201; - - // aapt resource value: 0x7F070012 - public const int abc_btn_radio_to_on_mtrl_015 = 2131165202; - - // aapt resource value: 0x7F070013 - public const int abc_btn_switch_to_on_mtrl_00001 = 2131165203; - - // aapt resource value: 0x7F070014 - public const int abc_btn_switch_to_on_mtrl_00012 = 2131165204; - - // aapt resource value: 0x7F070015 - public const int abc_cab_background_internal_bg = 2131165205; - - // aapt resource value: 0x7F070016 - public const int abc_cab_background_top_material = 2131165206; - - // aapt resource value: 0x7F070017 - public const int abc_cab_background_top_mtrl_alpha = 2131165207; - - // aapt resource value: 0x7F070018 - public const int abc_control_background_material = 2131165208; - - // aapt resource value: 0x7F070019 - public const int abc_dialog_material_background = 2131165209; - - // aapt resource value: 0x7F07001A - public const int abc_edit_text_material = 2131165210; - - // aapt resource value: 0x7F07001B - public const int abc_ic_ab_back_material = 2131165211; - - // aapt resource value: 0x7F07001C - public const int abc_ic_arrow_drop_right_black_24dp = 2131165212; - - // aapt resource value: 0x7F07001D - public const int abc_ic_clear_material = 2131165213; - - // aapt resource value: 0x7F07001E - public const int abc_ic_commit_search_api_mtrl_alpha = 2131165214; - - // aapt resource value: 0x7F07001F - public const int abc_ic_go_search_api_material = 2131165215; - - // aapt resource value: 0x7F070020 - public const int abc_ic_menu_copy_mtrl_am_alpha = 2131165216; - - // aapt resource value: 0x7F070021 - public const int abc_ic_menu_cut_mtrl_alpha = 2131165217; - - // aapt resource value: 0x7F070022 - public const int abc_ic_menu_overflow_material = 2131165218; - - // aapt resource value: 0x7F070023 - public const int abc_ic_menu_paste_mtrl_am_alpha = 2131165219; - - // aapt resource value: 0x7F070024 - public const int abc_ic_menu_selectall_mtrl_alpha = 2131165220; - - // aapt resource value: 0x7F070025 - public const int abc_ic_menu_share_mtrl_alpha = 2131165221; - - // aapt resource value: 0x7F070026 - public const int abc_ic_search_api_material = 2131165222; - - // aapt resource value: 0x7F070027 - public const int abc_ic_star_black_16dp = 2131165223; - - // aapt resource value: 0x7F070028 - public const int abc_ic_star_black_36dp = 2131165224; - - // aapt resource value: 0x7F070029 - public const int abc_ic_star_black_48dp = 2131165225; - - // aapt resource value: 0x7F07002A - public const int abc_ic_star_half_black_16dp = 2131165226; - - // aapt resource value: 0x7F07002B - public const int abc_ic_star_half_black_36dp = 2131165227; - - // aapt resource value: 0x7F07002C - public const int abc_ic_star_half_black_48dp = 2131165228; - - // aapt resource value: 0x7F07002D - public const int abc_ic_voice_search_api_material = 2131165229; - - // aapt resource value: 0x7F07002E - public const int abc_item_background_holo_dark = 2131165230; - - // aapt resource value: 0x7F07002F - public const int abc_item_background_holo_light = 2131165231; - - // aapt resource value: 0x7F070030 - public const int abc_list_divider_material = 2131165232; - - // aapt resource value: 0x7F070031 - public const int abc_list_divider_mtrl_alpha = 2131165233; - - // aapt resource value: 0x7F070032 - public const int abc_list_focused_holo = 2131165234; - - // aapt resource value: 0x7F070033 - public const int abc_list_longpressed_holo = 2131165235; - - // aapt resource value: 0x7F070034 - public const int abc_list_pressed_holo_dark = 2131165236; - - // aapt resource value: 0x7F070035 - public const int abc_list_pressed_holo_light = 2131165237; - - // aapt resource value: 0x7F070036 - public const int abc_list_selector_background_transition_holo_dark = 2131165238; - - // aapt resource value: 0x7F070037 - public const int abc_list_selector_background_transition_holo_light = 2131165239; - - // aapt resource value: 0x7F070038 - public const int abc_list_selector_disabled_holo_dark = 2131165240; - - // aapt resource value: 0x7F070039 - public const int abc_list_selector_disabled_holo_light = 2131165241; - - // aapt resource value: 0x7F07003A - public const int abc_list_selector_holo_dark = 2131165242; - - // aapt resource value: 0x7F07003B - public const int abc_list_selector_holo_light = 2131165243; - - // aapt resource value: 0x7F07003C - public const int abc_menu_hardkey_panel_mtrl_mult = 2131165244; - - // aapt resource value: 0x7F07003D - public const int abc_popup_background_mtrl_mult = 2131165245; - - // aapt resource value: 0x7F07003E - public const int abc_ratingbar_indicator_material = 2131165246; - - // aapt resource value: 0x7F07003F - public const int abc_ratingbar_material = 2131165247; - - // aapt resource value: 0x7F070040 - public const int abc_ratingbar_small_material = 2131165248; - - // aapt resource value: 0x7F070041 - public const int abc_scrubber_control_off_mtrl_alpha = 2131165249; - - // aapt resource value: 0x7F070042 - public const int abc_scrubber_control_to_pressed_mtrl_000 = 2131165250; - - // aapt resource value: 0x7F070043 - public const int abc_scrubber_control_to_pressed_mtrl_005 = 2131165251; - - // aapt resource value: 0x7F070044 - public const int abc_scrubber_primary_mtrl_alpha = 2131165252; - - // aapt resource value: 0x7F070045 - public const int abc_scrubber_track_mtrl_alpha = 2131165253; - - // aapt resource value: 0x7F070046 - public const int abc_seekbar_thumb_material = 2131165254; - - // aapt resource value: 0x7F070047 - public const int abc_seekbar_tick_mark_material = 2131165255; - - // aapt resource value: 0x7F070048 - public const int abc_seekbar_track_material = 2131165256; - - // aapt resource value: 0x7F070049 - public const int abc_spinner_mtrl_am_alpha = 2131165257; - - // aapt resource value: 0x7F07004A - public const int abc_spinner_textfield_background_material = 2131165258; - - // aapt resource value: 0x7F07004B - public const int abc_switch_thumb_material = 2131165259; - - // aapt resource value: 0x7F07004C - public const int abc_switch_track_mtrl_alpha = 2131165260; - - // aapt resource value: 0x7F07004D - public const int abc_tab_indicator_material = 2131165261; - - // aapt resource value: 0x7F07004E - public const int abc_tab_indicator_mtrl_alpha = 2131165262; - - // aapt resource value: 0x7F070056 - public const int abc_textfield_activated_mtrl_alpha = 2131165270; - - // aapt resource value: 0x7F070057 - public const int abc_textfield_default_mtrl_alpha = 2131165271; - - // aapt resource value: 0x7F070058 - public const int abc_textfield_search_activated_mtrl_alpha = 2131165272; - - // aapt resource value: 0x7F070059 - public const int abc_textfield_search_default_mtrl_alpha = 2131165273; - - // aapt resource value: 0x7F07005A - public const int abc_textfield_search_material = 2131165274; - - // aapt resource value: 0x7F07004F - public const int abc_text_cursor_material = 2131165263; - - // aapt resource value: 0x7F070050 - public const int abc_text_select_handle_left_mtrl_dark = 2131165264; - - // aapt resource value: 0x7F070051 - public const int abc_text_select_handle_left_mtrl_light = 2131165265; - - // aapt resource value: 0x7F070052 - public const int abc_text_select_handle_middle_mtrl_dark = 2131165266; - - // aapt resource value: 0x7F070053 - public const int abc_text_select_handle_middle_mtrl_light = 2131165267; - - // aapt resource value: 0x7F070054 - public const int abc_text_select_handle_right_mtrl_dark = 2131165268; - - // aapt resource value: 0x7F070055 - public const int abc_text_select_handle_right_mtrl_light = 2131165269; - - // aapt resource value: 0x7F07005B - public const int abc_vector_test = 2131165275; - - // aapt resource value: 0x7F07005C - public const int avd_hide_password = 2131165276; - - // aapt resource value: 0x7F07005D - public const int avd_show_password = 2131165277; - - // aapt resource value: 0x7F07005E - public const int btn_checkbox_checked_mtrl = 2131165278; - - // aapt resource value: 0x7F07005F - public const int btn_checkbox_checked_to_unchecked_mtrl_animation = 2131165279; - - // aapt resource value: 0x7F070060 - public const int btn_checkbox_unchecked_mtrl = 2131165280; - - // aapt resource value: 0x7F070061 - public const int btn_checkbox_unchecked_to_checked_mtrl_animation = 2131165281; - - // aapt resource value: 0x7F070062 - public const int btn_radio_off_mtrl = 2131165282; - - // aapt resource value: 0x7F070063 - public const int btn_radio_off_to_on_mtrl_animation = 2131165283; - - // aapt resource value: 0x7F070064 - public const int btn_radio_on_mtrl = 2131165284; - - // aapt resource value: 0x7F070065 - public const int btn_radio_on_to_off_mtrl_animation = 2131165285; - - // aapt resource value: 0x7F070066 - public const int design_bottom_navigation_item_background = 2131165286; - - // aapt resource value: 0x7F070067 - public const int design_fab_background = 2131165287; - - // aapt resource value: 0x7F070068 - public const int design_ic_visibility = 2131165288; - - // aapt resource value: 0x7F070069 - public const int design_ic_visibility_off = 2131165289; - - // aapt resource value: 0x7F07006A - public const int design_password_eye = 2131165290; - - // aapt resource value: 0x7F07006B - public const int design_snackbar_background = 2131165291; - - // aapt resource value: 0x7F07006C - public const int ic_arrow_down_24dp = 2131165292; - - // aapt resource value: 0x7F07006D - public const int ic_mtrl_checked_circle = 2131165293; - - // aapt resource value: 0x7F07006E - public const int ic_mtrl_chip_checked_black = 2131165294; - - // aapt resource value: 0x7F07006F - public const int ic_mtrl_chip_checked_circle = 2131165295; - - // aapt resource value: 0x7F070070 - public const int ic_mtrl_chip_close_circle = 2131165296; - - // aapt resource value: 0x7F070071 - public const int material_ic_calendar_black_24dp = 2131165297; - - // aapt resource value: 0x7F070072 - public const int material_ic_clear_black_24dp = 2131165298; - - // aapt resource value: 0x7F070073 - public const int material_ic_edit_black_24dp = 2131165299; - - // aapt resource value: 0x7F070074 - public const int material_ic_keyboard_arrow_left_black_24dp = 2131165300; - - // aapt resource value: 0x7F070075 - public const int material_ic_keyboard_arrow_right_black_24dp = 2131165301; - - // aapt resource value: 0x7F070076 - public const int material_ic_menu_arrow_down_black_24dp = 2131165302; - - // aapt resource value: 0x7F070077 - public const int material_ic_menu_arrow_up_black_24dp = 2131165303; - - // aapt resource value: 0x7F070078 - public const int mtrl_dialog_background = 2131165304; - - // aapt resource value: 0x7F070079 - public const int mtrl_dropdown_arrow = 2131165305; - - // aapt resource value: 0x7F07007A - public const int mtrl_ic_arrow_drop_down = 2131165306; - - // aapt resource value: 0x7F07007B - public const int mtrl_ic_arrow_drop_up = 2131165307; - - // aapt resource value: 0x7F07007C - public const int mtrl_ic_cancel = 2131165308; - - // aapt resource value: 0x7F07007D - public const int mtrl_ic_error = 2131165309; - - // aapt resource value: 0x7F07007E - public const int mtrl_popupmenu_background = 2131165310; - - // aapt resource value: 0x7F07007F - public const int mtrl_popupmenu_background_dark = 2131165311; - - // aapt resource value: 0x7F070080 - public const int mtrl_tabs_default_indicator = 2131165312; - - // aapt resource value: 0x7F070081 - public const int navigation_empty_icon = 2131165313; - - // aapt resource value: 0x7F070082 - public const int notification_action_background = 2131165314; - - // aapt resource value: 0x7F070083 - public const int notification_bg = 2131165315; - - // aapt resource value: 0x7F070084 - public const int notification_bg_low = 2131165316; - - // aapt resource value: 0x7F070085 - public const int notification_bg_low_normal = 2131165317; - - // aapt resource value: 0x7F070086 - public const int notification_bg_low_pressed = 2131165318; - - // aapt resource value: 0x7F070087 - public const int notification_bg_normal = 2131165319; - - // aapt resource value: 0x7F070088 - public const int notification_bg_normal_pressed = 2131165320; - - // aapt resource value: 0x7F070089 - public const int notification_icon_background = 2131165321; - - // aapt resource value: 0x7F07008A - public const int notification_template_icon_bg = 2131165322; - - // aapt resource value: 0x7F07008B - public const int notification_template_icon_low_bg = 2131165323; - - // aapt resource value: 0x7F07008C - public const int notification_tile_bg = 2131165324; - - // aapt resource value: 0x7F07008D - public const int notify_panel_notification_icon_bg = 2131165325; - - // aapt resource value: 0x7F07008E - public const int preference_list_divider_material = 2131165326; - - // aapt resource value: 0x7F07008F - public const int test_custom_background = 2131165327; - - // aapt resource value: 0x7F070090 - public const int tooltip_frame_dark = 2131165328; - - // aapt resource value: 0x7F070091 - public const int tooltip_frame_light = 2131165329; - - static Drawable() - { - global::Android.Runtime.ResourceIdManager.UpdateIdValues(); - } - - private Drawable() - { - } - } - - public partial class Id - { - - // aapt resource value: 0x7F08000A - public const int accessibility_action_clickable_span = 2131230730; - - // aapt resource value: 0x7F08000B - public const int accessibility_custom_action_0 = 2131230731; - - // aapt resource value: 0x7F08000C - public const int accessibility_custom_action_1 = 2131230732; - - // aapt resource value: 0x7F08000D - public const int accessibility_custom_action_10 = 2131230733; - - // aapt resource value: 0x7F08000E - public const int accessibility_custom_action_11 = 2131230734; - - // aapt resource value: 0x7F08000F - public const int accessibility_custom_action_12 = 2131230735; - - // aapt resource value: 0x7F080010 - public const int accessibility_custom_action_13 = 2131230736; - - // aapt resource value: 0x7F080011 - public const int accessibility_custom_action_14 = 2131230737; - - // aapt resource value: 0x7F080012 - public const int accessibility_custom_action_15 = 2131230738; - - // aapt resource value: 0x7F080013 - public const int accessibility_custom_action_16 = 2131230739; - - // aapt resource value: 0x7F080014 - public const int accessibility_custom_action_17 = 2131230740; - - // aapt resource value: 0x7F080015 - public const int accessibility_custom_action_18 = 2131230741; - - // aapt resource value: 0x7F080016 - public const int accessibility_custom_action_19 = 2131230742; - - // aapt resource value: 0x7F080017 - public const int accessibility_custom_action_2 = 2131230743; - - // aapt resource value: 0x7F080018 - public const int accessibility_custom_action_20 = 2131230744; - - // aapt resource value: 0x7F080019 - public const int accessibility_custom_action_21 = 2131230745; - - // aapt resource value: 0x7F08001A - public const int accessibility_custom_action_22 = 2131230746; - - // aapt resource value: 0x7F08001B - public const int accessibility_custom_action_23 = 2131230747; - - // aapt resource value: 0x7F08001C - public const int accessibility_custom_action_24 = 2131230748; - - // aapt resource value: 0x7F08001D - public const int accessibility_custom_action_25 = 2131230749; - - // aapt resource value: 0x7F08001E - public const int accessibility_custom_action_26 = 2131230750; - - // aapt resource value: 0x7F08001F - public const int accessibility_custom_action_27 = 2131230751; - - // aapt resource value: 0x7F080020 - public const int accessibility_custom_action_28 = 2131230752; - - // aapt resource value: 0x7F080021 - public const int accessibility_custom_action_29 = 2131230753; - - // aapt resource value: 0x7F080022 - public const int accessibility_custom_action_3 = 2131230754; - - // aapt resource value: 0x7F080023 - public const int accessibility_custom_action_30 = 2131230755; - - // aapt resource value: 0x7F080024 - public const int accessibility_custom_action_31 = 2131230756; - - // aapt resource value: 0x7F080025 - public const int accessibility_custom_action_4 = 2131230757; - - // aapt resource value: 0x7F080026 - public const int accessibility_custom_action_5 = 2131230758; - - // aapt resource value: 0x7F080027 - public const int accessibility_custom_action_6 = 2131230759; - - // aapt resource value: 0x7F080028 - public const int accessibility_custom_action_7 = 2131230760; - - // aapt resource value: 0x7F080029 - public const int accessibility_custom_action_8 = 2131230761; - - // aapt resource value: 0x7F08002A - public const int accessibility_custom_action_9 = 2131230762; - - // aapt resource value: 0x7F08002B - public const int action0 = 2131230763; - - // aapt resource value: 0x7F08003D - public const int actions = 2131230781; - - // aapt resource value: 0x7F08002C - public const int action_bar = 2131230764; - - // aapt resource value: 0x7F08002D - public const int action_bar_activity_content = 2131230765; - - // aapt resource value: 0x7F08002E - public const int action_bar_container = 2131230766; - - // aapt resource value: 0x7F08002F - public const int action_bar_root = 2131230767; - - // aapt resource value: 0x7F080030 - public const int action_bar_spinner = 2131230768; - - // aapt resource value: 0x7F080031 - public const int action_bar_subtitle = 2131230769; - - // aapt resource value: 0x7F080032 - public const int action_bar_title = 2131230770; - - // aapt resource value: 0x7F080033 - public const int action_container = 2131230771; - - // aapt resource value: 0x7F080034 - public const int action_context_bar = 2131230772; - - // aapt resource value: 0x7F080035 - public const int action_divider = 2131230773; - - // aapt resource value: 0x7F080036 - public const int action_image = 2131230774; - - // aapt resource value: 0x7F080037 - public const int action_menu_divider = 2131230775; - - // aapt resource value: 0x7F080038 - public const int action_menu_presenter = 2131230776; - - // aapt resource value: 0x7F080039 - public const int action_mode_bar = 2131230777; - - // aapt resource value: 0x7F08003A - public const int action_mode_bar_stub = 2131230778; - - // aapt resource value: 0x7F08003B - public const int action_mode_close_button = 2131230779; - - // aapt resource value: 0x7F08003C - public const int action_text = 2131230780; - - // aapt resource value: 0x7F08003E - public const int activity_chooser_view_content = 2131230782; - - // aapt resource value: 0x7F08003F - public const int add = 2131230783; - - // aapt resource value: 0x7F080040 - public const int alertTitle = 2131230784; - - // aapt resource value: 0x7F080041 - public const int all = 2131230785; - - // aapt resource value: 0x7F080000 - public const int ALT = 2131230720; - - // aapt resource value: 0x7F080042 - public const int always = 2131230786; - - // aapt resource value: 0x7F080043 - public const int async = 2131230787; - - // aapt resource value: 0x7F080044 - public const int auto = 2131230788; - - // aapt resource value: 0x7F080045 - public const int beginning = 2131230789; - - // aapt resource value: 0x7F080046 - public const int blocking = 2131230790; - - // aapt resource value: 0x7F080047 - public const int bottom = 2131230791; - - // aapt resource value: 0x7F080048 - public const int bottomtab_navarea = 2131230792; - - // aapt resource value: 0x7F080049 - public const int bottomtab_tabbar = 2131230793; - - // aapt resource value: 0x7F080001 - public const int BOTTOM_END = 2131230721; - - // aapt resource value: 0x7F080002 - public const int BOTTOM_START = 2131230722; - - // aapt resource value: 0x7F08004A - public const int browser_actions_header_text = 2131230794; - - // aapt resource value: 0x7F08004D - public const int browser_actions_menu_items = 2131230797; - - // aapt resource value: 0x7F08004B - public const int browser_actions_menu_item_icon = 2131230795; - - // aapt resource value: 0x7F08004C - public const int browser_actions_menu_item_text = 2131230796; - - // aapt resource value: 0x7F08004E - public const int browser_actions_menu_view = 2131230798; - - // aapt resource value: 0x7F08004F - public const int buttonPanel = 2131230799; - - // aapt resource value: 0x7F080050 - public const int cancel_action = 2131230800; - - // aapt resource value: 0x7F080051 - public const int cancel_button = 2131230801; - - // aapt resource value: 0x7F080052 - public const int center = 2131230802; - - // aapt resource value: 0x7F080053 - public const int center_horizontal = 2131230803; - - // aapt resource value: 0x7F080054 - public const int center_vertical = 2131230804; - - // aapt resource value: 0x7F080055 - public const int checkbox = 2131230805; - - // aapt resource value: 0x7F080056 - public const int @checked = 2131230806; - - // aapt resource value: 0x7F080057 - public const int chip = 2131230807; - - // aapt resource value: 0x7F080058 - public const int chip1 = 2131230808; - - // aapt resource value: 0x7F080059 - public const int chip2 = 2131230809; - - // aapt resource value: 0x7F08005A - public const int chip3 = 2131230810; - - // aapt resource value: 0x7F08005B - public const int chip_group = 2131230811; - - // aapt resource value: 0x7F08005C - public const int chronometer = 2131230812; - - // aapt resource value: 0x7F08005D - public const int clear_text = 2131230813; - - // aapt resource value: 0x7F08005E - public const int clip_horizontal = 2131230814; - - // aapt resource value: 0x7F08005F - public const int clip_vertical = 2131230815; - - // aapt resource value: 0x7F080060 - public const int collapseActionView = 2131230816; - - // aapt resource value: 0x7F080061 - public const int confirm_button = 2131230817; - - // aapt resource value: 0x7F080062 - public const int container = 2131230818; - - // aapt resource value: 0x7F080063 - public const int content = 2131230819; - - // aapt resource value: 0x7F080064 - public const int contentPanel = 2131230820; - - // aapt resource value: 0x7F080065 - public const int coordinator = 2131230821; - - // aapt resource value: 0x7F080003 - public const int CTRL = 2131230723; - - // aapt resource value: 0x7F080066 - public const int custom = 2131230822; - - // aapt resource value: 0x7F080067 - public const int customPanel = 2131230823; - - // aapt resource value: 0x7F080068 - public const int cut = 2131230824; - - // aapt resource value: 0x7F080069 - public const int date_picker_actions = 2131230825; - - // aapt resource value: 0x7F08006A - public const int decor_content_parent = 2131230826; - - // aapt resource value: 0x7F08006B - public const int default_activity_button = 2131230827; - - // aapt resource value: 0x7F08006C - public const int design_bottom_sheet = 2131230828; - - // aapt resource value: 0x7F08006D - public const int design_menu_item_action_area = 2131230829; - - // aapt resource value: 0x7F08006E - public const int design_menu_item_action_area_stub = 2131230830; - - // aapt resource value: 0x7F08006F - public const int design_menu_item_text = 2131230831; - - // aapt resource value: 0x7F080070 - public const int design_navigation_view = 2131230832; - - // aapt resource value: 0x7F080071 - public const int dialog_button = 2131230833; - - // aapt resource value: 0x7F080072 - public const int disableHome = 2131230834; - - // aapt resource value: 0x7F080073 - public const int dropdown_menu = 2131230835; - - // aapt resource value: 0x7F080074 - public const int edit_query = 2131230836; - - // aapt resource value: 0x7F080075 - public const int end = 2131230837; - - // aapt resource value: 0x7F080076 - public const int end_padder = 2131230838; - - // aapt resource value: 0x7F080077 - public const int enterAlways = 2131230839; - - // aapt resource value: 0x7F080078 - public const int enterAlwaysCollapsed = 2131230840; - - // aapt resource value: 0x7F080079 - public const int exitUntilCollapsed = 2131230841; - - // aapt resource value: 0x7F08007B - public const int expanded_menu = 2131230843; - - // aapt resource value: 0x7F08007A - public const int expand_activities_button = 2131230842; - - // aapt resource value: 0x7F08007C - public const int fade = 2131230844; - - // aapt resource value: 0x7F08007D - public const int fill = 2131230845; - - // aapt resource value: 0x7F080080 - public const int filled = 2131230848; - - // aapt resource value: 0x7F08007E - public const int fill_horizontal = 2131230846; - - // aapt resource value: 0x7F08007F - public const int fill_vertical = 2131230847; - - // aapt resource value: 0x7F080081 - public const int fitToContents = 2131230849; - - // aapt resource value: 0x7F080082 - public const int @fixed = 2131230850; - - // aapt resource value: 0x7F080083 - public const int floating = 2131230851; - - // aapt resource value: 0x7F080084 - public const int flyoutcontent_appbar = 2131230852; - - // aapt resource value: 0x7F080085 - public const int forever = 2131230853; - - // aapt resource value: 0x7F080086 - public const int fragment_container_view_tag = 2131230854; - - // aapt resource value: 0x7F080004 - public const int FUNCTION = 2131230724; - - // aapt resource value: 0x7F080087 - public const int ghost_view = 2131230855; - - // aapt resource value: 0x7F080088 - public const int ghost_view_holder = 2131230856; - - // aapt resource value: 0x7F080089 - public const int gone = 2131230857; - - // aapt resource value: 0x7F08008A - public const int group_divider = 2131230858; - - // aapt resource value: 0x7F08008B - public const int hideable = 2131230859; - - // aapt resource value: 0x7F08008C - public const int home = 2131230860; - - // aapt resource value: 0x7F08008D - public const int homeAsUp = 2131230861; - - // aapt resource value: 0x7F08008E - public const int icon = 2131230862; - - // aapt resource value: 0x7F08008F - public const int icon_frame = 2131230863; - - // aapt resource value: 0x7F080090 - public const int icon_group = 2131230864; - - // aapt resource value: 0x7F080091 - public const int ifRoom = 2131230865; - - // aapt resource value: 0x7F080092 - public const int image = 2131230866; - - // aapt resource value: 0x7F080093 - public const int info = 2131230867; - - // aapt resource value: 0x7F080094 - public const int italic = 2131230868; - - // aapt resource value: 0x7F080095 - public const int item_touch_helper_previous_elevation = 2131230869; - - // aapt resource value: 0x7F080096 - public const int labeled = 2131230870; - - // aapt resource value: 0x7F080097 - public const int largeLabel = 2131230871; - - // aapt resource value: 0x7F080098 - public const int left = 2131230872; - - // aapt resource value: 0x7F080099 - public const int line1 = 2131230873; - - // aapt resource value: 0x7F08009A - public const int line3 = 2131230874; - - // aapt resource value: 0x7F08009B - public const int listMode = 2131230875; - - // aapt resource value: 0x7F08009C - public const int list_item = 2131230876; - - // aapt resource value: 0x7F08009D - public const int main_appbar = 2131230877; - - // aapt resource value: 0x7F08009E - public const int main_tablayout = 2131230878; - - // aapt resource value: 0x7F08009F - public const int main_toolbar = 2131230879; - - // aapt resource value: 0x7F0800A0 - public const int main_viewpager = 2131230880; - - // aapt resource value: 0x7F0800A1 - public const int masked = 2131230881; - - // aapt resource value: 0x7F0800A2 - public const int media_actions = 2131230882; - - // aapt resource value: 0x7F0800A3 - public const int media_controller_compat_view_tag = 2131230883; - - // aapt resource value: 0x7F0800A4 - public const int message = 2131230884; - - // aapt resource value: 0x7F080005 - public const int META = 2131230725; - - // aapt resource value: 0x7F0800A5 - public const int middle = 2131230885; - - // aapt resource value: 0x7F0800A6 - public const int mini = 2131230886; - - // aapt resource value: 0x7F0800A7 - public const int month_grid = 2131230887; - - // aapt resource value: 0x7F0800A8 - public const int month_navigation_bar = 2131230888; - - // aapt resource value: 0x7F0800A9 - public const int month_navigation_fragment_toggle = 2131230889; - - // aapt resource value: 0x7F0800AA - public const int month_navigation_next = 2131230890; - - // aapt resource value: 0x7F0800AB - public const int month_navigation_previous = 2131230891; - - // aapt resource value: 0x7F0800AC - public const int month_title = 2131230892; - - // aapt resource value: 0x7F0800AE - public const int mtrl_calendar_days_of_week = 2131230894; - - // aapt resource value: 0x7F0800AD - public const int mtrl_calendar_day_selector_frame = 2131230893; - - // aapt resource value: 0x7F0800AF - public const int mtrl_calendar_frame = 2131230895; - - // aapt resource value: 0x7F0800B0 - public const int mtrl_calendar_main_pane = 2131230896; - - // aapt resource value: 0x7F0800B1 - public const int mtrl_calendar_months = 2131230897; - - // aapt resource value: 0x7F0800B2 - public const int mtrl_calendar_selection_frame = 2131230898; - - // aapt resource value: 0x7F0800B3 - public const int mtrl_calendar_text_input_frame = 2131230899; - - // aapt resource value: 0x7F0800B4 - public const int mtrl_calendar_year_selector_frame = 2131230900; - - // aapt resource value: 0x7F0800B5 - public const int mtrl_card_checked_layer_id = 2131230901; - - // aapt resource value: 0x7F0800B6 - public const int mtrl_child_content_container = 2131230902; - - // aapt resource value: 0x7F0800B7 - public const int mtrl_internal_children_alpha_tag = 2131230903; - - // aapt resource value: 0x7F0800B8 - public const int mtrl_motion_snapshot_view = 2131230904; - - // aapt resource value: 0x7F0800B9 - public const int mtrl_picker_fullscreen = 2131230905; - - // aapt resource value: 0x7F0800BA - public const int mtrl_picker_header = 2131230906; - - // aapt resource value: 0x7F0800BB - public const int mtrl_picker_header_selection_text = 2131230907; - - // aapt resource value: 0x7F0800BC - public const int mtrl_picker_header_title_and_selection = 2131230908; - - // aapt resource value: 0x7F0800BD - public const int mtrl_picker_header_toggle = 2131230909; - - // aapt resource value: 0x7F0800BE - public const int mtrl_picker_text_input_date = 2131230910; - - // aapt resource value: 0x7F0800BF - public const int mtrl_picker_text_input_range_end = 2131230911; - - // aapt resource value: 0x7F0800C0 - public const int mtrl_picker_text_input_range_start = 2131230912; - - // aapt resource value: 0x7F0800C1 - public const int mtrl_picker_title_text = 2131230913; - - // aapt resource value: 0x7F0800C2 - public const int multiply = 2131230914; - - // aapt resource value: 0x7F0800C4 - public const int navigation_header_container = 2131230916; - - // aapt resource value: 0x7F0800C3 - public const int nav_controller_view_tag = 2131230915; - - // aapt resource value: 0x7F0800C5 - public const int never = 2131230917; - - // aapt resource value: 0x7F0800C7 - public const int none = 2131230919; - - // aapt resource value: 0x7F0800C8 - public const int normal = 2131230920; - - // aapt resource value: 0x7F0800C6 - public const int noScroll = 2131230918; - - // aapt resource value: 0x7F0800C9 - public const int notification_background = 2131230921; - - // aapt resource value: 0x7F0800CA - public const int notification_main_column = 2131230922; - - // aapt resource value: 0x7F0800CB - public const int notification_main_column_container = 2131230923; - - // aapt resource value: 0x7F0800CC - public const int off = 2131230924; - - // aapt resource value: 0x7F0800CD - public const int on = 2131230925; - - // aapt resource value: 0x7F0800CE - public const int outline = 2131230926; - - // aapt resource value: 0x7F0800CF - public const int parallax = 2131230927; - - // aapt resource value: 0x7F0800D0 - public const int parentPanel = 2131230928; - - // aapt resource value: 0x7F0800D1 - public const int parent_matrix = 2131230929; - - // aapt resource value: 0x7F0800D2 - public const int password_toggle = 2131230930; - - // aapt resource value: 0x7F0800D3 - public const int peekHeight = 2131230931; - - // aapt resource value: 0x7F0800D4 - public const int pin = 2131230932; - - // aapt resource value: 0x7F0800D5 - public const int progress_circular = 2131230933; - - // aapt resource value: 0x7F0800D6 - public const int progress_horizontal = 2131230934; - - // aapt resource value: 0x7F0800D7 - public const int radio = 2131230935; - - // aapt resource value: 0x7F0800D8 - public const int recycler_view = 2131230936; - - // aapt resource value: 0x7F0800D9 - public const int right = 2131230937; - - // aapt resource value: 0x7F0800DA - public const int right_icon = 2131230938; - - // aapt resource value: 0x7F0800DB - public const int right_side = 2131230939; - - // aapt resource value: 0x7F0800DC - public const int rounded = 2131230940; - - // aapt resource value: 0x7F0800DD - public const int row_index_key = 2131230941; - - // aapt resource value: 0x7F0800DE - public const int save_non_transition_alpha = 2131230942; - - // aapt resource value: 0x7F0800DF - public const int save_overlay_view = 2131230943; - - // aapt resource value: 0x7F0800E0 - public const int scale = 2131230944; - - // aapt resource value: 0x7F0800E1 - public const int screen = 2131230945; - - // aapt resource value: 0x7F0800E2 - public const int scroll = 2131230946; - - // aapt resource value: 0x7F0800E6 - public const int scrollable = 2131230950; - - // aapt resource value: 0x7F0800E3 - public const int scrollIndicatorDown = 2131230947; - - // aapt resource value: 0x7F0800E4 - public const int scrollIndicatorUp = 2131230948; - - // aapt resource value: 0x7F0800E5 - public const int scrollView = 2131230949; - - // aapt resource value: 0x7F0800E7 - public const int search_badge = 2131230951; - - // aapt resource value: 0x7F0800E8 - public const int search_bar = 2131230952; - - // aapt resource value: 0x7F0800E9 - public const int search_button = 2131230953; - - // aapt resource value: 0x7F0800EA - public const int search_close_btn = 2131230954; - - // aapt resource value: 0x7F0800EB - public const int search_edit_frame = 2131230955; - - // aapt resource value: 0x7F0800EC - public const int search_go_btn = 2131230956; - - // aapt resource value: 0x7F0800ED - public const int search_mag_icon = 2131230957; - - // aapt resource value: 0x7F0800EE - public const int search_plate = 2131230958; - - // aapt resource value: 0x7F0800EF - public const int search_src_text = 2131230959; - - // aapt resource value: 0x7F0800F0 - public const int search_voice_btn = 2131230960; - - // aapt resource value: 0x7F0800F1 - public const int seekbar = 2131230961; - - // aapt resource value: 0x7F0800F2 - public const int seekbar_value = 2131230962; - - // aapt resource value: 0x7F0800F4 - public const int selected = 2131230964; - - // aapt resource value: 0x7F0800F3 - public const int select_dialog_listview = 2131230963; - - // aapt resource value: 0x7F0800F5 - public const int shellcontent_appbar = 2131230965; - - // aapt resource value: 0x7F0800F6 - public const int shellcontent_toolbar = 2131230966; - - // aapt resource value: 0x7F080006 - public const int SHIFT = 2131230726; - - // aapt resource value: 0x7F0800F7 - public const int shortcut = 2131230967; - - // aapt resource value: 0x7F0800F8 - public const int showCustom = 2131230968; - - // aapt resource value: 0x7F0800F9 - public const int showHome = 2131230969; - - // aapt resource value: 0x7F0800FA - public const int showTitle = 2131230970; - - // aapt resource value: 0x7F0800FB - public const int skipCollapsed = 2131230971; - - // aapt resource value: 0x7F0800FC - public const int slide = 2131230972; - - // aapt resource value: 0x7F0800FD - public const int sliding_tabs = 2131230973; - - // aapt resource value: 0x7F0800FE - public const int smallLabel = 2131230974; - - // aapt resource value: 0x7F0800FF - public const int snackbar_action = 2131230975; - - // aapt resource value: 0x7F080100 - public const int snackbar_text = 2131230976; - - // aapt resource value: 0x7F080101 - public const int snap = 2131230977; - - // aapt resource value: 0x7F080102 - public const int snapMargins = 2131230978; - - // aapt resource value: 0x7F080103 - public const int spacer = 2131230979; - - // aapt resource value: 0x7F080104 - public const int special_effects_controller_view_tag = 2131230980; - - // aapt resource value: 0x7F080105 - public const int spinner = 2131230981; - - // aapt resource value: 0x7F080106 - public const int split_action_bar = 2131230982; - - // aapt resource value: 0x7F080107 - public const int src_atop = 2131230983; - - // aapt resource value: 0x7F080108 - public const int src_in = 2131230984; - - // aapt resource value: 0x7F080109 - public const int src_over = 2131230985; - - // aapt resource value: 0x7F08010A - public const int start = 2131230986; - - // aapt resource value: 0x7F08010B - public const int status_bar_latest_event_content = 2131230987; - - // aapt resource value: 0x7F08010C - public const int stretch = 2131230988; - - // aapt resource value: 0x7F08010D - public const int submenuarrow = 2131230989; - - // aapt resource value: 0x7F08010E - public const int submit_area = 2131230990; - - // aapt resource value: 0x7F08010F - public const int switchWidget = 2131230991; - - // aapt resource value: 0x7F080007 - public const int SYM = 2131230727; - - // aapt resource value: 0x7F080110 - public const int tabMode = 2131230992; - - // aapt resource value: 0x7F080111 - public const int tag_accessibility_actions = 2131230993; - - // aapt resource value: 0x7F080112 - public const int tag_accessibility_clickable_spans = 2131230994; - - // aapt resource value: 0x7F080113 - public const int tag_accessibility_heading = 2131230995; - - // aapt resource value: 0x7F080114 - public const int tag_accessibility_pane_title = 2131230996; - - // aapt resource value: 0x7F080115 - public const int tag_screen_reader_focusable = 2131230997; - - // aapt resource value: 0x7F080116 - public const int tag_transition_group = 2131230998; - - // aapt resource value: 0x7F080117 - public const int tag_unhandled_key_event_manager = 2131230999; - - // aapt resource value: 0x7F080118 - public const int tag_unhandled_key_listeners = 2131231000; - - // aapt resource value: 0x7F080119 - public const int test_checkbox_android_button_tint = 2131231001; - - // aapt resource value: 0x7F08011A - public const int test_checkbox_app_button_tint = 2131231002; - - // aapt resource value: 0x7F08011B - public const int test_radiobutton_android_button_tint = 2131231003; - - // aapt resource value: 0x7F08011C - public const int test_radiobutton_app_button_tint = 2131231004; - - // aapt resource value: 0x7F08011D - public const int text = 2131231005; - - // aapt resource value: 0x7F08011E - public const int text2 = 2131231006; - - // aapt resource value: 0x7F08011F - public const int textEnd = 2131231007; - - // aapt resource value: 0x7F080125 - public const int textinput_counter = 2131231013; - - // aapt resource value: 0x7F080126 - public const int textinput_error = 2131231014; - - // aapt resource value: 0x7F080127 - public const int textinput_helper_text = 2131231015; - - // aapt resource value: 0x7F080128 - public const int textinput_placeholder = 2131231016; - - // aapt resource value: 0x7F080129 - public const int textinput_prefix_text = 2131231017; - - // aapt resource value: 0x7F08012A - public const int textinput_suffix_text = 2131231018; - - // aapt resource value: 0x7F080120 - public const int textSpacerNoButtons = 2131231008; - - // aapt resource value: 0x7F080121 - public const int textSpacerNoTitle = 2131231009; - - // aapt resource value: 0x7F080122 - public const int textStart = 2131231010; - - // aapt resource value: 0x7F080123 - public const int text_input_end_icon = 2131231011; - - // aapt resource value: 0x7F080124 - public const int text_input_start_icon = 2131231012; - - // aapt resource value: 0x7F08012B - public const int time = 2131231019; - - // aapt resource value: 0x7F08012C - public const int title = 2131231020; - - // aapt resource value: 0x7F08012D - public const int titleDividerNoCustom = 2131231021; - - // aapt resource value: 0x7F08012E - public const int title_template = 2131231022; - - // aapt resource value: 0x7F08012F - public const int toolbar = 2131231023; - - // aapt resource value: 0x7F080130 - public const int top = 2131231024; - - // aapt resource value: 0x7F080131 - public const int topPanel = 2131231025; - - // aapt resource value: 0x7F080008 - public const int TOP_END = 2131230728; - - // aapt resource value: 0x7F080009 - public const int TOP_START = 2131230729; - - // aapt resource value: 0x7F080132 - public const int touch_outside = 2131231026; - - // aapt resource value: 0x7F080133 - public const int transition_current_scene = 2131231027; - - // aapt resource value: 0x7F080134 - public const int transition_layout_save = 2131231028; - - // aapt resource value: 0x7F080135 - public const int transition_position = 2131231029; - - // aapt resource value: 0x7F080136 - public const int transition_scene_layoutid_cache = 2131231030; - - // aapt resource value: 0x7F080137 - public const int transition_transform = 2131231031; - - // aapt resource value: 0x7F080138 - public const int @unchecked = 2131231032; - - // aapt resource value: 0x7F080139 - public const int uniform = 2131231033; - - // aapt resource value: 0x7F08013A - public const int unlabeled = 2131231034; - - // aapt resource value: 0x7F08013B - public const int up = 2131231035; - - // aapt resource value: 0x7F08013C - public const int useLogo = 2131231036; - - // aapt resource value: 0x7F08013D - public const int view_offset_helper = 2131231037; - - // aapt resource value: 0x7F08013E - public const int view_tree_lifecycle_owner = 2131231038; - - // aapt resource value: 0x7F08013F - public const int view_tree_saved_state_registry_owner = 2131231039; - - // aapt resource value: 0x7F080140 - public const int view_tree_view_model_store_owner = 2131231040; - - // aapt resource value: 0x7F080141 - public const int visible = 2131231041; - - // aapt resource value: 0x7F080142 - public const int visible_removing_fragment_view_tag = 2131231042; - - // aapt resource value: 0x7F080144 - public const int withinBounds = 2131231044; - - // aapt resource value: 0x7F080143 - public const int withText = 2131231043; - - // aapt resource value: 0x7F080145 - public const int wrap_content = 2131231045; - - // aapt resource value: 0x7F080146 - public const int zero_corner_chip = 2131231046; - - static Id() - { - global::Android.Runtime.ResourceIdManager.UpdateIdValues(); - } - - private Id() - { - } - } - - public partial class Integer - { - - // aapt resource value: 0x7F090000 - public const int abc_config_activityDefaultDur = 2131296256; - - // aapt resource value: 0x7F090001 - public const int abc_config_activityShortDur = 2131296257; - - // aapt resource value: 0x7F090002 - public const int app_bar_elevation_anim_duration = 2131296258; - - // aapt resource value: 0x7F090003 - public const int bottom_sheet_slide_duration = 2131296259; - - // aapt resource value: 0x7F090004 - public const int cancel_button_image_alpha = 2131296260; - - // aapt resource value: 0x7F090005 - public const int config_navAnimTime = 2131296261; - - // aapt resource value: 0x7F090006 - public const int config_tooltipAnimTime = 2131296262; - - // aapt resource value: 0x7F090007 - public const int design_snackbar_text_max_lines = 2131296263; - - // aapt resource value: 0x7F090008 - public const int design_tab_indicator_anim_duration_ms = 2131296264; - - // aapt resource value: 0x7F090009 - public const int hide_password_duration = 2131296265; - - // aapt resource value: 0x7F09000A - public const int mtrl_badge_max_character_count = 2131296266; - - // aapt resource value: 0x7F09000B - public const int mtrl_btn_anim_delay_ms = 2131296267; - - // aapt resource value: 0x7F09000C - public const int mtrl_btn_anim_duration_ms = 2131296268; - - // aapt resource value: 0x7F09000D - public const int mtrl_calendar_header_orientation = 2131296269; - - // aapt resource value: 0x7F09000E - public const int mtrl_calendar_selection_text_lines = 2131296270; - - // aapt resource value: 0x7F09000F - public const int mtrl_calendar_year_selector_span = 2131296271; - - // aapt resource value: 0x7F090010 - public const int mtrl_card_anim_delay_ms = 2131296272; - - // aapt resource value: 0x7F090011 - public const int mtrl_card_anim_duration_ms = 2131296273; - - // aapt resource value: 0x7F090012 - public const int mtrl_chip_anim_duration = 2131296274; - - // aapt resource value: 0x7F090013 - public const int mtrl_tab_indicator_anim_duration_ms = 2131296275; - - // aapt resource value: 0x7F090014 - public const int show_password_duration = 2131296276; - - // aapt resource value: 0x7F090015 - public const int status_bar_notification_info_maxnum = 2131296277; - - static Integer() - { - global::Android.Runtime.ResourceIdManager.UpdateIdValues(); - } - - private Integer() - { - } - } - - public partial class Interpolator - { - - // aapt resource value: 0x7F0A0000 - public const int btn_checkbox_checked_mtrl_animation_interpolator_0 = 2131361792; - - // aapt resource value: 0x7F0A0001 - public const int btn_checkbox_checked_mtrl_animation_interpolator_1 = 2131361793; - - // aapt resource value: 0x7F0A0002 - public const int btn_checkbox_unchecked_mtrl_animation_interpolator_0 = 2131361794; - - // aapt resource value: 0x7F0A0003 - public const int btn_checkbox_unchecked_mtrl_animation_interpolator_1 = 2131361795; - - // aapt resource value: 0x7F0A0004 - public const int btn_radio_to_off_mtrl_animation_interpolator_0 = 2131361796; - - // aapt resource value: 0x7F0A0005 - public const int btn_radio_to_on_mtrl_animation_interpolator_0 = 2131361797; - - // aapt resource value: 0x7F0A0006 - public const int fast_out_slow_in = 2131361798; - - // aapt resource value: 0x7F0A0007 - public const int mtrl_fast_out_linear_in = 2131361799; - - // aapt resource value: 0x7F0A0008 - public const int mtrl_fast_out_slow_in = 2131361800; - - // aapt resource value: 0x7F0A0009 - public const int mtrl_linear = 2131361801; - - // aapt resource value: 0x7F0A000A - public const int mtrl_linear_out_slow_in = 2131361802; - - static Interpolator() - { - global::Android.Runtime.ResourceIdManager.UpdateIdValues(); - } - - private Interpolator() - { - } - } - - public partial class Layout - { - - // aapt resource value: 0x7F0B0000 - public const int abc_action_bar_title_item = 2131427328; - - // aapt resource value: 0x7F0B0001 - public const int abc_action_bar_up_container = 2131427329; - - // aapt resource value: 0x7F0B0002 - public const int abc_action_menu_item_layout = 2131427330; - - // aapt resource value: 0x7F0B0003 - public const int abc_action_menu_layout = 2131427331; - - // aapt resource value: 0x7F0B0004 - public const int abc_action_mode_bar = 2131427332; - - // aapt resource value: 0x7F0B0005 - public const int abc_action_mode_close_item_material = 2131427333; - - // aapt resource value: 0x7F0B0006 - public const int abc_activity_chooser_view = 2131427334; - - // aapt resource value: 0x7F0B0007 - public const int abc_activity_chooser_view_list_item = 2131427335; - - // aapt resource value: 0x7F0B0008 - public const int abc_alert_dialog_button_bar_material = 2131427336; - - // aapt resource value: 0x7F0B0009 - public const int abc_alert_dialog_material = 2131427337; - - // aapt resource value: 0x7F0B000A - public const int abc_alert_dialog_title_material = 2131427338; - - // aapt resource value: 0x7F0B000B - public const int abc_cascading_menu_item_layout = 2131427339; - - // aapt resource value: 0x7F0B000C - public const int abc_dialog_title_material = 2131427340; - - // aapt resource value: 0x7F0B000D - public const int abc_expanded_menu_layout = 2131427341; - - // aapt resource value: 0x7F0B000E - public const int abc_list_menu_item_checkbox = 2131427342; - - // aapt resource value: 0x7F0B000F - public const int abc_list_menu_item_icon = 2131427343; - - // aapt resource value: 0x7F0B0010 - public const int abc_list_menu_item_layout = 2131427344; - - // aapt resource value: 0x7F0B0011 - public const int abc_list_menu_item_radio = 2131427345; - - // aapt resource value: 0x7F0B0012 - public const int abc_popup_menu_header_item_layout = 2131427346; - - // aapt resource value: 0x7F0B0013 - public const int abc_popup_menu_item_layout = 2131427347; - - // aapt resource value: 0x7F0B0014 - public const int abc_screen_content_include = 2131427348; - - // aapt resource value: 0x7F0B0015 - public const int abc_screen_simple = 2131427349; - - // aapt resource value: 0x7F0B0016 - public const int abc_screen_simple_overlay_action_mode = 2131427350; - - // aapt resource value: 0x7F0B0017 - public const int abc_screen_toolbar = 2131427351; - - // aapt resource value: 0x7F0B0018 - public const int abc_search_dropdown_item_icons_2line = 2131427352; - - // aapt resource value: 0x7F0B0019 - public const int abc_search_view = 2131427353; - - // aapt resource value: 0x7F0B001A - public const int abc_select_dialog_material = 2131427354; - - // aapt resource value: 0x7F0B001B - public const int abc_tooltip = 2131427355; - - // aapt resource value: 0x7F0B001C - public const int activity_main = 2131427356; - - // aapt resource value: 0x7F0B001D - public const int BottomTabLayout = 2131427357; - - // aapt resource value: 0x7F0B001E - public const int browser_actions_context_menu_page = 2131427358; - - // aapt resource value: 0x7F0B001F - public const int browser_actions_context_menu_row = 2131427359; - - // aapt resource value: 0x7F0B0020 - public const int custom_dialog = 2131427360; - - // aapt resource value: 0x7F0B0021 - public const int design_bottom_navigation_item = 2131427361; - - // aapt resource value: 0x7F0B0022 - public const int design_bottom_sheet_dialog = 2131427362; - - // aapt resource value: 0x7F0B0023 - public const int design_layout_snackbar = 2131427363; - - // aapt resource value: 0x7F0B0024 - public const int design_layout_snackbar_include = 2131427364; - - // aapt resource value: 0x7F0B0025 - public const int design_layout_tab_icon = 2131427365; - - // aapt resource value: 0x7F0B0026 - public const int design_layout_tab_text = 2131427366; - - // aapt resource value: 0x7F0B0027 - public const int design_menu_item_action_area = 2131427367; - - // aapt resource value: 0x7F0B0028 - public const int design_navigation_item = 2131427368; - - // aapt resource value: 0x7F0B0029 - public const int design_navigation_item_header = 2131427369; - - // aapt resource value: 0x7F0B002A - public const int design_navigation_item_separator = 2131427370; - - // aapt resource value: 0x7F0B002B - public const int design_navigation_item_subheader = 2131427371; - - // aapt resource value: 0x7F0B002C - public const int design_navigation_menu = 2131427372; - - // aapt resource value: 0x7F0B002D - public const int design_navigation_menu_item = 2131427373; - - // aapt resource value: 0x7F0B002E - public const int design_text_input_end_icon = 2131427374; - - // aapt resource value: 0x7F0B002F - public const int design_text_input_start_icon = 2131427375; - - // aapt resource value: 0x7F0B0030 - public const int expand_button = 2131427376; - - // aapt resource value: 0x7F0B0031 - public const int FallbackTabbarDoNotUse = 2131427377; - - // aapt resource value: 0x7F0B0032 - public const int FallbackToolbarDoNotUse = 2131427378; - - // aapt resource value: 0x7F0B0033 - public const int FlyoutContent = 2131427379; - - // aapt resource value: 0x7F0B0034 - public const int image_frame = 2131427380; - - // aapt resource value: 0x7F0B0035 - public const int mtrl_alert_dialog = 2131427381; - - // aapt resource value: 0x7F0B0036 - public const int mtrl_alert_dialog_actions = 2131427382; - - // aapt resource value: 0x7F0B0037 - public const int mtrl_alert_dialog_title = 2131427383; - - // aapt resource value: 0x7F0B0038 - public const int mtrl_alert_select_dialog_item = 2131427384; - - // aapt resource value: 0x7F0B0039 - public const int mtrl_alert_select_dialog_multichoice = 2131427385; - - // aapt resource value: 0x7F0B003A - public const int mtrl_alert_select_dialog_singlechoice = 2131427386; - - // aapt resource value: 0x7F0B003B - public const int mtrl_calendar_day = 2131427387; - - // aapt resource value: 0x7F0B003D - public const int mtrl_calendar_days_of_week = 2131427389; - - // aapt resource value: 0x7F0B003C - public const int mtrl_calendar_day_of_week = 2131427388; - - // aapt resource value: 0x7F0B003E - public const int mtrl_calendar_horizontal = 2131427390; - - // aapt resource value: 0x7F0B003F - public const int mtrl_calendar_month = 2131427391; - - // aapt resource value: 0x7F0B0042 - public const int mtrl_calendar_months = 2131427394; - - // aapt resource value: 0x7F0B0040 - public const int mtrl_calendar_month_labeled = 2131427392; - - // aapt resource value: 0x7F0B0041 - public const int mtrl_calendar_month_navigation = 2131427393; - - // aapt resource value: 0x7F0B0043 - public const int mtrl_calendar_vertical = 2131427395; - - // aapt resource value: 0x7F0B0044 - public const int mtrl_calendar_year = 2131427396; - - // aapt resource value: 0x7F0B0045 - public const int mtrl_layout_snackbar = 2131427397; - - // aapt resource value: 0x7F0B0046 - public const int mtrl_layout_snackbar_include = 2131427398; - - // aapt resource value: 0x7F0B0047 - public const int mtrl_picker_actions = 2131427399; - - // aapt resource value: 0x7F0B0048 - public const int mtrl_picker_dialog = 2131427400; - - // aapt resource value: 0x7F0B0049 - public const int mtrl_picker_fullscreen = 2131427401; - - // aapt resource value: 0x7F0B004A - public const int mtrl_picker_header_dialog = 2131427402; - - // aapt resource value: 0x7F0B004B - public const int mtrl_picker_header_fullscreen = 2131427403; - - // aapt resource value: 0x7F0B004C - public const int mtrl_picker_header_selection_text = 2131427404; - - // aapt resource value: 0x7F0B004D - public const int mtrl_picker_header_title_text = 2131427405; - - // aapt resource value: 0x7F0B004E - public const int mtrl_picker_header_toggle = 2131427406; - - // aapt resource value: 0x7F0B004F - public const int mtrl_picker_text_input_date = 2131427407; - - // aapt resource value: 0x7F0B0050 - public const int mtrl_picker_text_input_date_range = 2131427408; - - // aapt resource value: 0x7F0B0051 - public const int notification_action = 2131427409; - - // aapt resource value: 0x7F0B0052 - public const int notification_action_tombstone = 2131427410; - - // aapt resource value: 0x7F0B0053 - public const int notification_media_action = 2131427411; - - // aapt resource value: 0x7F0B0054 - public const int notification_media_cancel_action = 2131427412; - - // aapt resource value: 0x7F0B0055 - public const int notification_template_big_media = 2131427413; - - // aapt resource value: 0x7F0B0056 - public const int notification_template_big_media_custom = 2131427414; - - // aapt resource value: 0x7F0B0057 - public const int notification_template_big_media_narrow = 2131427415; - - // aapt resource value: 0x7F0B0058 - public const int notification_template_big_media_narrow_custom = 2131427416; - - // aapt resource value: 0x7F0B0059 - public const int notification_template_custom_big = 2131427417; - - // aapt resource value: 0x7F0B005A - public const int notification_template_icon_group = 2131427418; - - // aapt resource value: 0x7F0B005B - public const int notification_template_lines_media = 2131427419; - - // aapt resource value: 0x7F0B005C - public const int notification_template_media = 2131427420; - - // aapt resource value: 0x7F0B005D - public const int notification_template_media_custom = 2131427421; - - // aapt resource value: 0x7F0B005E - public const int notification_template_part_chronometer = 2131427422; - - // aapt resource value: 0x7F0B005F - public const int notification_template_part_time = 2131427423; - - // aapt resource value: 0x7F0B0060 - public const int preference = 2131427424; - - // aapt resource value: 0x7F0B0061 - public const int preference_category = 2131427425; - - // aapt resource value: 0x7F0B0062 - public const int preference_category_material = 2131427426; - - // aapt resource value: 0x7F0B0063 - public const int preference_dialog_edittext = 2131427427; - - // aapt resource value: 0x7F0B0064 - public const int preference_dropdown = 2131427428; - - // aapt resource value: 0x7F0B0065 - public const int preference_dropdown_material = 2131427429; - - // aapt resource value: 0x7F0B0066 - public const int preference_information = 2131427430; - - // aapt resource value: 0x7F0B0067 - public const int preference_information_material = 2131427431; - - // aapt resource value: 0x7F0B0068 - public const int preference_list_fragment = 2131427432; - - // aapt resource value: 0x7F0B0069 - public const int preference_material = 2131427433; - - // aapt resource value: 0x7F0B006A - public const int preference_recyclerview = 2131427434; - - // aapt resource value: 0x7F0B006B - public const int preference_widget_checkbox = 2131427435; - - // aapt resource value: 0x7F0B006C - public const int preference_widget_seekbar = 2131427436; - - // aapt resource value: 0x7F0B006D - public const int preference_widget_seekbar_material = 2131427437; - - // aapt resource value: 0x7F0B006E - public const int preference_widget_switch = 2131427438; - - // aapt resource value: 0x7F0B006F - public const int preference_widget_switch_compat = 2131427439; - - // aapt resource value: 0x7F0B0070 - public const int RootLayout = 2131427440; - - // aapt resource value: 0x7F0B0071 - public const int select_dialog_item_material = 2131427441; - - // aapt resource value: 0x7F0B0072 - public const int select_dialog_multichoice_material = 2131427442; - - // aapt resource value: 0x7F0B0073 - public const int select_dialog_singlechoice_material = 2131427443; - - // aapt resource value: 0x7F0B0074 - public const int ShellContent = 2131427444; - - // aapt resource value: 0x7F0B0075 - public const int support_simple_spinner_dropdown_item = 2131427445; - - // aapt resource value: 0x7F0B0076 - public const int Tabbar = 2131427446; - - // aapt resource value: 0x7F0B0077 - public const int test_action_chip = 2131427447; - - // aapt resource value: 0x7F0B0078 - public const int test_chip_zero_corner_radius = 2131427448; - - // aapt resource value: 0x7F0B0079 - public const int test_design_checkbox = 2131427449; - - // aapt resource value: 0x7F0B007A - public const int test_design_radiobutton = 2131427450; - - // aapt resource value: 0x7F0B007B - public const int test_reflow_chipgroup = 2131427451; - - // aapt resource value: 0x7F0B007C - public const int test_toolbar = 2131427452; - - // aapt resource value: 0x7F0B007D - public const int test_toolbar_custom_background = 2131427453; - - // aapt resource value: 0x7F0B007E - public const int test_toolbar_elevation = 2131427454; - - // aapt resource value: 0x7F0B007F - public const int test_toolbar_surface = 2131427455; - - // aapt resource value: 0x7F0B0084 - public const int text_view_without_line_height = 2131427460; - - // aapt resource value: 0x7F0B0080 - public const int text_view_with_line_height_from_appearance = 2131427456; - - // aapt resource value: 0x7F0B0081 - public const int text_view_with_line_height_from_layout = 2131427457; - - // aapt resource value: 0x7F0B0082 - public const int text_view_with_line_height_from_style = 2131427458; - - // aapt resource value: 0x7F0B0083 - public const int text_view_with_theme_line_height = 2131427459; - - // aapt resource value: 0x7F0B0085 - public const int Toolbar = 2131427461; - - static Layout() - { - global::Android.Runtime.ResourceIdManager.UpdateIdValues(); - } - - private Layout() - { - } - } - - public partial class Mipmap - { - - // aapt resource value: 0x7F0C0000 - public const int ic_launcher = 2131492864; - - // aapt resource value: 0x7F0C0001 - public const int ic_launcher_foreground = 2131492865; - - // aapt resource value: 0x7F0C0002 - public const int ic_launcher_round = 2131492866; - - static Mipmap() - { - global::Android.Runtime.ResourceIdManager.UpdateIdValues(); - } - - private Mipmap() - { - } - } - - public partial class Plurals - { - - // aapt resource value: 0x7F0D0000 - public const int mtrl_badge_content_description = 2131558400; - - static Plurals() - { - global::Android.Runtime.ResourceIdManager.UpdateIdValues(); - } - - private Plurals() - { - } - } - - public partial class String - { - - // aapt resource value: 0x7F0E0000 - public const int abc_action_bar_home_description = 2131623936; - - // aapt resource value: 0x7F0E0001 - public const int abc_action_bar_up_description = 2131623937; - - // aapt resource value: 0x7F0E0002 - public const int abc_action_menu_overflow_description = 2131623938; - - // aapt resource value: 0x7F0E0003 - public const int abc_action_mode_done = 2131623939; - - // aapt resource value: 0x7F0E0005 - public const int abc_activitychooserview_choose_application = 2131623941; - - // aapt resource value: 0x7F0E0004 - public const int abc_activity_chooser_view_see_all = 2131623940; - - // aapt resource value: 0x7F0E0006 - public const int abc_capital_off = 2131623942; - - // aapt resource value: 0x7F0E0007 - public const int abc_capital_on = 2131623943; - - // aapt resource value: 0x7F0E0008 - public const int abc_menu_alt_shortcut_label = 2131623944; - - // aapt resource value: 0x7F0E0009 - public const int abc_menu_ctrl_shortcut_label = 2131623945; - - // aapt resource value: 0x7F0E000A - public const int abc_menu_delete_shortcut_label = 2131623946; - - // aapt resource value: 0x7F0E000B - public const int abc_menu_enter_shortcut_label = 2131623947; - - // aapt resource value: 0x7F0E000C - public const int abc_menu_function_shortcut_label = 2131623948; - - // aapt resource value: 0x7F0E000D - public const int abc_menu_meta_shortcut_label = 2131623949; - - // aapt resource value: 0x7F0E000E - public const int abc_menu_shift_shortcut_label = 2131623950; - - // aapt resource value: 0x7F0E000F - public const int abc_menu_space_shortcut_label = 2131623951; - - // aapt resource value: 0x7F0E0010 - public const int abc_menu_sym_shortcut_label = 2131623952; - - // aapt resource value: 0x7F0E0011 - public const int abc_prepend_shortcut_label = 2131623953; - - // aapt resource value: 0x7F0E0013 - public const int abc_searchview_description_clear = 2131623955; - - // aapt resource value: 0x7F0E0014 - public const int abc_searchview_description_query = 2131623956; - - // aapt resource value: 0x7F0E0015 - public const int abc_searchview_description_search = 2131623957; - - // aapt resource value: 0x7F0E0016 - public const int abc_searchview_description_submit = 2131623958; - - // aapt resource value: 0x7F0E0017 - public const int abc_searchview_description_voice = 2131623959; - - // aapt resource value: 0x7F0E0012 - public const int abc_search_hint = 2131623954; - - // aapt resource value: 0x7F0E0018 - public const int abc_shareactionprovider_share_with = 2131623960; - - // aapt resource value: 0x7F0E0019 - public const int abc_shareactionprovider_share_with_application = 2131623961; - - // aapt resource value: 0x7F0E001A - public const int abc_toolbar_collapse_description = 2131623962; - - // aapt resource value: 0x7F0E001B - public const int action_settings = 2131623963; - - // aapt resource value: 0x7F0E001D - public const int appbar_scrolling_view_behavior = 2131623965; - - // aapt resource value: 0x7F0E001C - public const int app_name = 2131623964; - - // aapt resource value: 0x7F0E001E - public const int bottom_sheet_behavior = 2131623966; - - // aapt resource value: 0x7F0E001F - public const int character_counter_content_description = 2131623967; - - // aapt resource value: 0x7F0E0020 - public const int character_counter_overflowed_content_description = 2131623968; - - // aapt resource value: 0x7F0E0021 - public const int character_counter_pattern = 2131623969; - - // aapt resource value: 0x7F0E0022 - public const int chip_text = 2131623970; - - // aapt resource value: 0x7F0E0023 - public const int clear_text_end_icon_content_description = 2131623971; - - // aapt resource value: 0x7F0E0024 - public const int copy = 2131623972; - - // aapt resource value: 0x7F0E0025 - public const int copy_toast_msg = 2131623973; - - // aapt resource value: 0x7F0E0026 - public const int error_icon_content_description = 2131623974; - - // aapt resource value: 0x7F0E0027 - public const int expand_button_title = 2131623975; - - // aapt resource value: 0x7F0E0028 - public const int exposed_dropdown_menu_content_description = 2131623976; - - // aapt resource value: 0x7F0E0029 - public const int fab_transformation_scrim_behavior = 2131623977; - - // aapt resource value: 0x7F0E002A - public const int fab_transformation_sheet_behavior = 2131623978; - - // aapt resource value: 0x7F0E002B - public const int fallback_menu_item_copy_link = 2131623979; - - // aapt resource value: 0x7F0E002C - public const int fallback_menu_item_open_in_browser = 2131623980; - - // aapt resource value: 0x7F0E002D - public const int fallback_menu_item_share_link = 2131623981; - - // aapt resource value: 0x7F0E002E - public const int hide_bottom_view_on_scroll_behavior = 2131623982; - - // aapt resource value: 0x7F0E002F - public const int icon_content_description = 2131623983; - - // aapt resource value: 0x7F0E0030 - public const int item_view_role_description = 2131623984; - - // aapt resource value: 0x7F0E0031 - public const int material_slider_range_end = 2131623985; - - // aapt resource value: 0x7F0E0032 - public const int material_slider_range_start = 2131623986; - - // aapt resource value: 0x7F0E0033 - public const int mtrl_badge_numberless_content_description = 2131623987; - - // aapt resource value: 0x7F0E0034 - public const int mtrl_chip_close_icon_content_description = 2131623988; - - // aapt resource value: 0x7F0E0035 - public const int mtrl_exceed_max_badge_number_content_description = 2131623989; - - // aapt resource value: 0x7F0E0036 - public const int mtrl_exceed_max_badge_number_suffix = 2131623990; - - // aapt resource value: 0x7F0E0037 - public const int mtrl_picker_a11y_next_month = 2131623991; - - // aapt resource value: 0x7F0E0038 - public const int mtrl_picker_a11y_prev_month = 2131623992; - - // aapt resource value: 0x7F0E0039 - public const int mtrl_picker_announce_current_selection = 2131623993; - - // aapt resource value: 0x7F0E003A - public const int mtrl_picker_cancel = 2131623994; - - // aapt resource value: 0x7F0E003B - public const int mtrl_picker_confirm = 2131623995; - - // aapt resource value: 0x7F0E003C - public const int mtrl_picker_date_header_selected = 2131623996; - - // aapt resource value: 0x7F0E003D - public const int mtrl_picker_date_header_title = 2131623997; - - // aapt resource value: 0x7F0E003E - public const int mtrl_picker_date_header_unselected = 2131623998; - - // aapt resource value: 0x7F0E003F - public const int mtrl_picker_day_of_week_column_header = 2131623999; - - // aapt resource value: 0x7F0E0040 - public const int mtrl_picker_invalid_format = 2131624000; - - // aapt resource value: 0x7F0E0041 - public const int mtrl_picker_invalid_format_example = 2131624001; - - // aapt resource value: 0x7F0E0042 - public const int mtrl_picker_invalid_format_use = 2131624002; - - // aapt resource value: 0x7F0E0043 - public const int mtrl_picker_invalid_range = 2131624003; - - // aapt resource value: 0x7F0E0044 - public const int mtrl_picker_navigate_to_year_description = 2131624004; - - // aapt resource value: 0x7F0E0045 - public const int mtrl_picker_out_of_range = 2131624005; - - // aapt resource value: 0x7F0E0046 - public const int mtrl_picker_range_header_only_end_selected = 2131624006; - - // aapt resource value: 0x7F0E0047 - public const int mtrl_picker_range_header_only_start_selected = 2131624007; - - // aapt resource value: 0x7F0E0048 - public const int mtrl_picker_range_header_selected = 2131624008; - - // aapt resource value: 0x7F0E0049 - public const int mtrl_picker_range_header_title = 2131624009; - - // aapt resource value: 0x7F0E004A - public const int mtrl_picker_range_header_unselected = 2131624010; - - // aapt resource value: 0x7F0E004B - public const int mtrl_picker_save = 2131624011; - - // aapt resource value: 0x7F0E004C - public const int mtrl_picker_text_input_date_hint = 2131624012; - - // aapt resource value: 0x7F0E004D - public const int mtrl_picker_text_input_date_range_end_hint = 2131624013; - - // aapt resource value: 0x7F0E004E - public const int mtrl_picker_text_input_date_range_start_hint = 2131624014; - - // aapt resource value: 0x7F0E004F - public const int mtrl_picker_text_input_day_abbr = 2131624015; - - // aapt resource value: 0x7F0E0050 - public const int mtrl_picker_text_input_month_abbr = 2131624016; - - // aapt resource value: 0x7F0E0051 - public const int mtrl_picker_text_input_year_abbr = 2131624017; - - // aapt resource value: 0x7F0E0052 - public const int mtrl_picker_toggle_to_calendar_input_mode = 2131624018; - - // aapt resource value: 0x7F0E0053 - public const int mtrl_picker_toggle_to_day_selection = 2131624019; - - // aapt resource value: 0x7F0E0054 - public const int mtrl_picker_toggle_to_text_input_mode = 2131624020; - - // aapt resource value: 0x7F0E0055 - public const int mtrl_picker_toggle_to_year_selection = 2131624021; - - // aapt resource value: 0x7F0E0056 - public const int nav_app_bar_navigate_up_description = 2131624022; - - // aapt resource value: 0x7F0E0057 - public const int nav_app_bar_open_drawer_description = 2131624023; - - // aapt resource value: 0x7F0E0058 - public const int not_set = 2131624024; - - // aapt resource value: 0x7F0E0059 - public const int overflow_tab_title = 2131624025; - - // aapt resource value: 0x7F0E005A - public const int password_toggle_content_description = 2131624026; - - // aapt resource value: 0x7F0E005B - public const int path_password_eye = 2131624027; - - // aapt resource value: 0x7F0E005C - public const int path_password_eye_mask_strike_through = 2131624028; - - // aapt resource value: 0x7F0E005D - public const int path_password_eye_mask_visible = 2131624029; - - // aapt resource value: 0x7F0E005E - public const int path_password_strike_through = 2131624030; - - // aapt resource value: 0x7F0E005F - public const int preference_copied = 2131624031; - - // aapt resource value: 0x7F0E0060 - public const int search_menu_title = 2131624032; - - // aapt resource value: 0x7F0E0061 - public const int status_bar_notification_info_overflow = 2131624033; - - // aapt resource value: 0x7F0E0062 - public const int summary_collapsed_preference_list = 2131624034; - - // aapt resource value: 0x7F0E0063 - public const int v7_preference_off = 2131624035; - - // aapt resource value: 0x7F0E0064 - public const int v7_preference_on = 2131624036; - - static String() - { - global::Android.Runtime.ResourceIdManager.UpdateIdValues(); - } - - private String() - { - } - } - - public partial class Style - { - - // aapt resource value: 0x7F0F0000 - public const int AlertDialog_AppCompat = 2131689472; - - // aapt resource value: 0x7F0F0001 - public const int AlertDialog_AppCompat_Light = 2131689473; - - // aapt resource value: 0x7F0F0002 - public const int AndroidThemeColorAccentYellow = 2131689474; - - // aapt resource value: 0x7F0F0003 - public const int Animation_AppCompat_Dialog = 2131689475; - - // aapt resource value: 0x7F0F0004 - public const int Animation_AppCompat_DropDownUp = 2131689476; - - // aapt resource value: 0x7F0F0005 - public const int Animation_AppCompat_Tooltip = 2131689477; - - // aapt resource value: 0x7F0F0006 - public const int Animation_Design_BottomSheetDialog = 2131689478; - - // aapt resource value: 0x7F0F0007 - public const int Animation_MaterialComponents_BottomSheetDialog = 2131689479; - - // aapt resource value: 0x7F0F0008 - public const int AppCompatDialogStyle = 2131689480; - - // aapt resource value: 0x7F0F0009 - public const int AppTheme = 2131689481; - - // aapt resource value: 0x7F0F000A - public const int Base_AlertDialog_AppCompat = 2131689482; - - // aapt resource value: 0x7F0F000B - public const int Base_AlertDialog_AppCompat_Light = 2131689483; - - // aapt resource value: 0x7F0F000C - public const int Base_Animation_AppCompat_Dialog = 2131689484; - - // aapt resource value: 0x7F0F000D - public const int Base_Animation_AppCompat_DropDownUp = 2131689485; - - // aapt resource value: 0x7F0F000E - public const int Base_Animation_AppCompat_Tooltip = 2131689486; - - // aapt resource value: 0x7F0F000F - public const int Base_CardView = 2131689487; - - // aapt resource value: 0x7F0F0011 - public const int Base_DialogWindowTitleBackground_AppCompat = 2131689489; - - // aapt resource value: 0x7F0F0010 - public const int Base_DialogWindowTitle_AppCompat = 2131689488; - - // aapt resource value: 0x7F0F0012 - public const int Base_MaterialAlertDialog_MaterialComponents_Title_Icon = 2131689490; - - // aapt resource value: 0x7F0F0013 - public const int Base_MaterialAlertDialog_MaterialComponents_Title_Panel = 2131689491; - - // aapt resource value: 0x7F0F0014 - public const int Base_MaterialAlertDialog_MaterialComponents_Title_Text = 2131689492; - - // aapt resource value: 0x7F0F0015 - public const int Base_TextAppearance_AppCompat = 2131689493; - - // aapt resource value: 0x7F0F0016 - public const int Base_TextAppearance_AppCompat_Body1 = 2131689494; - - // aapt resource value: 0x7F0F0017 - public const int Base_TextAppearance_AppCompat_Body2 = 2131689495; - - // aapt resource value: 0x7F0F0018 - public const int Base_TextAppearance_AppCompat_Button = 2131689496; - - // aapt resource value: 0x7F0F0019 - public const int Base_TextAppearance_AppCompat_Caption = 2131689497; - - // aapt resource value: 0x7F0F001A - public const int Base_TextAppearance_AppCompat_Display1 = 2131689498; - - // aapt resource value: 0x7F0F001B - public const int Base_TextAppearance_AppCompat_Display2 = 2131689499; - - // aapt resource value: 0x7F0F001C - public const int Base_TextAppearance_AppCompat_Display3 = 2131689500; - - // aapt resource value: 0x7F0F001D - public const int Base_TextAppearance_AppCompat_Display4 = 2131689501; - - // aapt resource value: 0x7F0F001E - public const int Base_TextAppearance_AppCompat_Headline = 2131689502; - - // aapt resource value: 0x7F0F001F - public const int Base_TextAppearance_AppCompat_Inverse = 2131689503; - - // aapt resource value: 0x7F0F0020 - public const int Base_TextAppearance_AppCompat_Large = 2131689504; - - // aapt resource value: 0x7F0F0021 - public const int Base_TextAppearance_AppCompat_Large_Inverse = 2131689505; - - // aapt resource value: 0x7F0F0022 - public const int Base_TextAppearance_AppCompat_Light_Widget_PopupMenu_Large = 2131689506; - - // aapt resource value: 0x7F0F0023 - public const int Base_TextAppearance_AppCompat_Light_Widget_PopupMenu_Small = 2131689507; - - // aapt resource value: 0x7F0F0024 - public const int Base_TextAppearance_AppCompat_Medium = 2131689508; - - // aapt resource value: 0x7F0F0025 - public const int Base_TextAppearance_AppCompat_Medium_Inverse = 2131689509; - - // aapt resource value: 0x7F0F0026 - public const int Base_TextAppearance_AppCompat_Menu = 2131689510; - - // aapt resource value: 0x7F0F0027 - public const int Base_TextAppearance_AppCompat_SearchResult = 2131689511; - - // aapt resource value: 0x7F0F0028 - public const int Base_TextAppearance_AppCompat_SearchResult_Subtitle = 2131689512; - - // aapt resource value: 0x7F0F0029 - public const int Base_TextAppearance_AppCompat_SearchResult_Title = 2131689513; - - // aapt resource value: 0x7F0F002A - public const int Base_TextAppearance_AppCompat_Small = 2131689514; - - // aapt resource value: 0x7F0F002B - public const int Base_TextAppearance_AppCompat_Small_Inverse = 2131689515; - - // aapt resource value: 0x7F0F002C - public const int Base_TextAppearance_AppCompat_Subhead = 2131689516; - - // aapt resource value: 0x7F0F002D - public const int Base_TextAppearance_AppCompat_Subhead_Inverse = 2131689517; - - // aapt resource value: 0x7F0F002E - public const int Base_TextAppearance_AppCompat_Title = 2131689518; - - // aapt resource value: 0x7F0F002F - public const int Base_TextAppearance_AppCompat_Title_Inverse = 2131689519; - - // aapt resource value: 0x7F0F0030 - public const int Base_TextAppearance_AppCompat_Tooltip = 2131689520; - - // aapt resource value: 0x7F0F0031 - public const int Base_TextAppearance_AppCompat_Widget_ActionBar_Menu = 2131689521; - - // aapt resource value: 0x7F0F0032 - public const int Base_TextAppearance_AppCompat_Widget_ActionBar_Subtitle = 2131689522; - - // aapt resource value: 0x7F0F0033 - public const int Base_TextAppearance_AppCompat_Widget_ActionBar_Subtitle_Inverse = 2131689523; - - // aapt resource value: 0x7F0F0034 - public const int Base_TextAppearance_AppCompat_Widget_ActionBar_Title = 2131689524; - - // aapt resource value: 0x7F0F0035 - public const int Base_TextAppearance_AppCompat_Widget_ActionBar_Title_Inverse = 2131689525; - - // aapt resource value: 0x7F0F0036 - public const int Base_TextAppearance_AppCompat_Widget_ActionMode_Subtitle = 2131689526; - - // aapt resource value: 0x7F0F0037 - public const int Base_TextAppearance_AppCompat_Widget_ActionMode_Title = 2131689527; - - // aapt resource value: 0x7F0F0038 - public const int Base_TextAppearance_AppCompat_Widget_Button = 2131689528; - - // aapt resource value: 0x7F0F0039 - public const int Base_TextAppearance_AppCompat_Widget_Button_Borderless_Colored = 2131689529; - - // aapt resource value: 0x7F0F003A - public const int Base_TextAppearance_AppCompat_Widget_Button_Colored = 2131689530; - - // aapt resource value: 0x7F0F003B - public const int Base_TextAppearance_AppCompat_Widget_Button_Inverse = 2131689531; - - // aapt resource value: 0x7F0F003C - public const int Base_TextAppearance_AppCompat_Widget_DropDownItem = 2131689532; - - // aapt resource value: 0x7F0F003D - public const int Base_TextAppearance_AppCompat_Widget_PopupMenu_Header = 2131689533; - - // aapt resource value: 0x7F0F003E - public const int Base_TextAppearance_AppCompat_Widget_PopupMenu_Large = 2131689534; - - // aapt resource value: 0x7F0F003F - public const int Base_TextAppearance_AppCompat_Widget_PopupMenu_Small = 2131689535; - - // aapt resource value: 0x7F0F0040 - public const int Base_TextAppearance_AppCompat_Widget_Switch = 2131689536; - - // aapt resource value: 0x7F0F0041 - public const int Base_TextAppearance_AppCompat_Widget_TextView_SpinnerItem = 2131689537; - - // aapt resource value: 0x7F0F0042 - public const int Base_TextAppearance_MaterialComponents_Badge = 2131689538; - - // aapt resource value: 0x7F0F0043 - public const int Base_TextAppearance_MaterialComponents_Button = 2131689539; - - // aapt resource value: 0x7F0F0044 - public const int Base_TextAppearance_MaterialComponents_Headline6 = 2131689540; - - // aapt resource value: 0x7F0F0045 - public const int Base_TextAppearance_MaterialComponents_Subtitle2 = 2131689541; - - // aapt resource value: 0x7F0F0046 - public const int Base_TextAppearance_Widget_AppCompat_ExpandedMenu_Item = 2131689542; - - // aapt resource value: 0x7F0F0047 - public const int Base_TextAppearance_Widget_AppCompat_Toolbar_Subtitle = 2131689543; - - // aapt resource value: 0x7F0F0048 - public const int Base_TextAppearance_Widget_AppCompat_Toolbar_Title = 2131689544; - - // aapt resource value: 0x7F0F006A - public const int Base_ThemeOverlay_AppCompat = 2131689578; - - // aapt resource value: 0x7F0F006B - public const int Base_ThemeOverlay_AppCompat_ActionBar = 2131689579; - - // aapt resource value: 0x7F0F006C - public const int Base_ThemeOverlay_AppCompat_Dark = 2131689580; - - // aapt resource value: 0x7F0F006D - public const int Base_ThemeOverlay_AppCompat_Dark_ActionBar = 2131689581; - - // aapt resource value: 0x7F0F006E - public const int Base_ThemeOverlay_AppCompat_Dialog = 2131689582; - - // aapt resource value: 0x7F0F006F - public const int Base_ThemeOverlay_AppCompat_Dialog_Alert = 2131689583; - - // aapt resource value: 0x7F0F0070 - public const int Base_ThemeOverlay_AppCompat_Light = 2131689584; - - // aapt resource value: 0x7F0F0071 - public const int Base_ThemeOverlay_MaterialComponents_Dialog = 2131689585; - - // aapt resource value: 0x7F0F0072 - public const int Base_ThemeOverlay_MaterialComponents_Dialog_Alert = 2131689586; - - // aapt resource value: 0x7F0F0073 - public const int Base_ThemeOverlay_MaterialComponents_Dialog_Alert_Framework = 2131689587; - - // aapt resource value: 0x7F0F0074 - public const int Base_ThemeOverlay_MaterialComponents_Light_Dialog_Alert_Framework = 2131689588; - - // aapt resource value: 0x7F0F0075 - public const int Base_ThemeOverlay_MaterialComponents_MaterialAlertDialog = 2131689589; - - // aapt resource value: 0x7F0F0049 - public const int Base_Theme_AppCompat = 2131689545; - - // aapt resource value: 0x7F0F004A - public const int Base_Theme_AppCompat_CompactMenu = 2131689546; - - // aapt resource value: 0x7F0F004B - public const int Base_Theme_AppCompat_Dialog = 2131689547; - - // aapt resource value: 0x7F0F004F - public const int Base_Theme_AppCompat_DialogWhenLarge = 2131689551; - - // aapt resource value: 0x7F0F004C - public const int Base_Theme_AppCompat_Dialog_Alert = 2131689548; - - // aapt resource value: 0x7F0F004D - public const int Base_Theme_AppCompat_Dialog_FixedSize = 2131689549; - - // aapt resource value: 0x7F0F004E - public const int Base_Theme_AppCompat_Dialog_MinWidth = 2131689550; - - // aapt resource value: 0x7F0F0050 - public const int Base_Theme_AppCompat_Light = 2131689552; - - // aapt resource value: 0x7F0F0051 - public const int Base_Theme_AppCompat_Light_DarkActionBar = 2131689553; - - // aapt resource value: 0x7F0F0052 - public const int Base_Theme_AppCompat_Light_Dialog = 2131689554; - - // aapt resource value: 0x7F0F0056 - public const int Base_Theme_AppCompat_Light_DialogWhenLarge = 2131689558; - - // aapt resource value: 0x7F0F0053 - public const int Base_Theme_AppCompat_Light_Dialog_Alert = 2131689555; - - // aapt resource value: 0x7F0F0054 - public const int Base_Theme_AppCompat_Light_Dialog_FixedSize = 2131689556; - - // aapt resource value: 0x7F0F0055 - public const int Base_Theme_AppCompat_Light_Dialog_MinWidth = 2131689557; - - // aapt resource value: 0x7F0F0057 - public const int Base_Theme_MaterialComponents = 2131689559; - - // aapt resource value: 0x7F0F0058 - public const int Base_Theme_MaterialComponents_Bridge = 2131689560; - - // aapt resource value: 0x7F0F0059 - public const int Base_Theme_MaterialComponents_CompactMenu = 2131689561; - - // aapt resource value: 0x7F0F005A - public const int Base_Theme_MaterialComponents_Dialog = 2131689562; - - // aapt resource value: 0x7F0F005F - public const int Base_Theme_MaterialComponents_DialogWhenLarge = 2131689567; - - // aapt resource value: 0x7F0F005B - public const int Base_Theme_MaterialComponents_Dialog_Alert = 2131689563; - - // aapt resource value: 0x7F0F005C - public const int Base_Theme_MaterialComponents_Dialog_Bridge = 2131689564; - - // aapt resource value: 0x7F0F005D - public const int Base_Theme_MaterialComponents_Dialog_FixedSize = 2131689565; - - // aapt resource value: 0x7F0F005E - public const int Base_Theme_MaterialComponents_Dialog_MinWidth = 2131689566; - - // aapt resource value: 0x7F0F0060 - public const int Base_Theme_MaterialComponents_Light = 2131689568; - - // aapt resource value: 0x7F0F0061 - public const int Base_Theme_MaterialComponents_Light_Bridge = 2131689569; - - // aapt resource value: 0x7F0F0062 - public const int Base_Theme_MaterialComponents_Light_DarkActionBar = 2131689570; - - // aapt resource value: 0x7F0F0063 - public const int Base_Theme_MaterialComponents_Light_DarkActionBar_Bridge = 2131689571; - - // aapt resource value: 0x7F0F0064 - public const int Base_Theme_MaterialComponents_Light_Dialog = 2131689572; - - // aapt resource value: 0x7F0F0069 - public const int Base_Theme_MaterialComponents_Light_DialogWhenLarge = 2131689577; - - // aapt resource value: 0x7F0F0065 - public const int Base_Theme_MaterialComponents_Light_Dialog_Alert = 2131689573; - - // aapt resource value: 0x7F0F0066 - public const int Base_Theme_MaterialComponents_Light_Dialog_Bridge = 2131689574; - - // aapt resource value: 0x7F0F0067 - public const int Base_Theme_MaterialComponents_Light_Dialog_FixedSize = 2131689575; - - // aapt resource value: 0x7F0F0068 - public const int Base_Theme_MaterialComponents_Light_Dialog_MinWidth = 2131689576; - - // aapt resource value: 0x7F0F007F - public const int Base_V14_ThemeOverlay_MaterialComponents_Dialog = 2131689599; - - // aapt resource value: 0x7F0F0080 - public const int Base_V14_ThemeOverlay_MaterialComponents_Dialog_Alert = 2131689600; - - // aapt resource value: 0x7F0F0081 - public const int Base_V14_ThemeOverlay_MaterialComponents_MaterialAlertDialog = 2131689601; - - // aapt resource value: 0x7F0F0076 - public const int Base_V14_Theme_MaterialComponents = 2131689590; - - // aapt resource value: 0x7F0F0077 - public const int Base_V14_Theme_MaterialComponents_Bridge = 2131689591; - - // aapt resource value: 0x7F0F0078 - public const int Base_V14_Theme_MaterialComponents_Dialog = 2131689592; - - // aapt resource value: 0x7F0F0079 - public const int Base_V14_Theme_MaterialComponents_Dialog_Bridge = 2131689593; - - // aapt resource value: 0x7F0F007A - public const int Base_V14_Theme_MaterialComponents_Light = 2131689594; - - // aapt resource value: 0x7F0F007B - public const int Base_V14_Theme_MaterialComponents_Light_Bridge = 2131689595; - - // aapt resource value: 0x7F0F007C - public const int Base_V14_Theme_MaterialComponents_Light_DarkActionBar_Bridge = 2131689596; - - // aapt resource value: 0x7F0F007D - public const int Base_V14_Theme_MaterialComponents_Light_Dialog = 2131689597; - - // aapt resource value: 0x7F0F007E - public const int Base_V14_Theme_MaterialComponents_Light_Dialog_Bridge = 2131689598; - - // aapt resource value: 0x7F0F008A - public const int Base_V21_ThemeOverlay_AppCompat_Dialog = 2131689610; - - // aapt resource value: 0x7F0F0082 - public const int Base_V21_Theme_AppCompat = 2131689602; - - // aapt resource value: 0x7F0F0083 - public const int Base_V21_Theme_AppCompat_Dialog = 2131689603; - - // aapt resource value: 0x7F0F0084 - public const int Base_V21_Theme_AppCompat_Light = 2131689604; - - // aapt resource value: 0x7F0F0085 - public const int Base_V21_Theme_AppCompat_Light_Dialog = 2131689605; - - // aapt resource value: 0x7F0F0086 - public const int Base_V21_Theme_MaterialComponents = 2131689606; - - // aapt resource value: 0x7F0F0087 - public const int Base_V21_Theme_MaterialComponents_Dialog = 2131689607; - - // aapt resource value: 0x7F0F0088 - public const int Base_V21_Theme_MaterialComponents_Light = 2131689608; - - // aapt resource value: 0x7F0F0089 - public const int Base_V21_Theme_MaterialComponents_Light_Dialog = 2131689609; - - // aapt resource value: 0x7F0F008B - public const int Base_V22_Theme_AppCompat = 2131689611; - - // aapt resource value: 0x7F0F008C - public const int Base_V22_Theme_AppCompat_Light = 2131689612; - - // aapt resource value: 0x7F0F008D - public const int Base_V23_Theme_AppCompat = 2131689613; - - // aapt resource value: 0x7F0F008E - public const int Base_V23_Theme_AppCompat_Light = 2131689614; - - // aapt resource value: 0x7F0F008F - public const int Base_V26_Theme_AppCompat = 2131689615; - - // aapt resource value: 0x7F0F0090 - public const int Base_V26_Theme_AppCompat_Light = 2131689616; - - // aapt resource value: 0x7F0F0091 - public const int Base_V26_Widget_AppCompat_Toolbar = 2131689617; - - // aapt resource value: 0x7F0F0092 - public const int Base_V28_Theme_AppCompat = 2131689618; - - // aapt resource value: 0x7F0F0093 - public const int Base_V28_Theme_AppCompat_Light = 2131689619; - - // aapt resource value: 0x7F0F0098 - public const int Base_V7_ThemeOverlay_AppCompat_Dialog = 2131689624; - - // aapt resource value: 0x7F0F0094 - public const int Base_V7_Theme_AppCompat = 2131689620; - - // aapt resource value: 0x7F0F0095 - public const int Base_V7_Theme_AppCompat_Dialog = 2131689621; - - // aapt resource value: 0x7F0F0096 - public const int Base_V7_Theme_AppCompat_Light = 2131689622; - - // aapt resource value: 0x7F0F0097 - public const int Base_V7_Theme_AppCompat_Light_Dialog = 2131689623; - - // aapt resource value: 0x7F0F0099 - public const int Base_V7_Widget_AppCompat_AutoCompleteTextView = 2131689625; - - // aapt resource value: 0x7F0F009A - public const int Base_V7_Widget_AppCompat_EditText = 2131689626; - - // aapt resource value: 0x7F0F009B - public const int Base_V7_Widget_AppCompat_Toolbar = 2131689627; - - // aapt resource value: 0x7F0F009C - public const int Base_Widget_AppCompat_ActionBar = 2131689628; - - // aapt resource value: 0x7F0F009D - public const int Base_Widget_AppCompat_ActionBar_Solid = 2131689629; - - // aapt resource value: 0x7F0F009E - public const int Base_Widget_AppCompat_ActionBar_TabBar = 2131689630; - - // aapt resource value: 0x7F0F009F - public const int Base_Widget_AppCompat_ActionBar_TabText = 2131689631; - - // aapt resource value: 0x7F0F00A0 - public const int Base_Widget_AppCompat_ActionBar_TabView = 2131689632; - - // aapt resource value: 0x7F0F00A1 - public const int Base_Widget_AppCompat_ActionButton = 2131689633; - - // aapt resource value: 0x7F0F00A2 - public const int Base_Widget_AppCompat_ActionButton_CloseMode = 2131689634; - - // aapt resource value: 0x7F0F00A3 - public const int Base_Widget_AppCompat_ActionButton_Overflow = 2131689635; - - // aapt resource value: 0x7F0F00A4 - public const int Base_Widget_AppCompat_ActionMode = 2131689636; - - // aapt resource value: 0x7F0F00A5 - public const int Base_Widget_AppCompat_ActivityChooserView = 2131689637; - - // aapt resource value: 0x7F0F00A6 - public const int Base_Widget_AppCompat_AutoCompleteTextView = 2131689638; - - // aapt resource value: 0x7F0F00A7 - public const int Base_Widget_AppCompat_Button = 2131689639; - - // aapt resource value: 0x7F0F00AD - public const int Base_Widget_AppCompat_ButtonBar = 2131689645; - - // aapt resource value: 0x7F0F00AE - public const int Base_Widget_AppCompat_ButtonBar_AlertDialog = 2131689646; - - // aapt resource value: 0x7F0F00A8 - public const int Base_Widget_AppCompat_Button_Borderless = 2131689640; - - // aapt resource value: 0x7F0F00A9 - public const int Base_Widget_AppCompat_Button_Borderless_Colored = 2131689641; - - // aapt resource value: 0x7F0F00AA - public const int Base_Widget_AppCompat_Button_ButtonBar_AlertDialog = 2131689642; - - // aapt resource value: 0x7F0F00AB - public const int Base_Widget_AppCompat_Button_Colored = 2131689643; - - // aapt resource value: 0x7F0F00AC - public const int Base_Widget_AppCompat_Button_Small = 2131689644; - - // aapt resource value: 0x7F0F00AF - public const int Base_Widget_AppCompat_CompoundButton_CheckBox = 2131689647; - - // aapt resource value: 0x7F0F00B0 - public const int Base_Widget_AppCompat_CompoundButton_RadioButton = 2131689648; - - // aapt resource value: 0x7F0F00B1 - public const int Base_Widget_AppCompat_CompoundButton_Switch = 2131689649; - - // aapt resource value: 0x7F0F00B2 - public const int Base_Widget_AppCompat_DrawerArrowToggle = 2131689650; - - // aapt resource value: 0x7F0F00B3 - public const int Base_Widget_AppCompat_DrawerArrowToggle_Common = 2131689651; - - // aapt resource value: 0x7F0F00B4 - public const int Base_Widget_AppCompat_DropDownItem_Spinner = 2131689652; - - // aapt resource value: 0x7F0F00B5 - public const int Base_Widget_AppCompat_EditText = 2131689653; - - // aapt resource value: 0x7F0F00B6 - public const int Base_Widget_AppCompat_ImageButton = 2131689654; - - // aapt resource value: 0x7F0F00B7 - public const int Base_Widget_AppCompat_Light_ActionBar = 2131689655; - - // aapt resource value: 0x7F0F00B8 - public const int Base_Widget_AppCompat_Light_ActionBar_Solid = 2131689656; - - // aapt resource value: 0x7F0F00B9 - public const int Base_Widget_AppCompat_Light_ActionBar_TabBar = 2131689657; - - // aapt resource value: 0x7F0F00BA - public const int Base_Widget_AppCompat_Light_ActionBar_TabText = 2131689658; - - // aapt resource value: 0x7F0F00BB - public const int Base_Widget_AppCompat_Light_ActionBar_TabText_Inverse = 2131689659; - - // aapt resource value: 0x7F0F00BC - public const int Base_Widget_AppCompat_Light_ActionBar_TabView = 2131689660; - - // aapt resource value: 0x7F0F00BD - public const int Base_Widget_AppCompat_Light_PopupMenu = 2131689661; - - // aapt resource value: 0x7F0F00BE - public const int Base_Widget_AppCompat_Light_PopupMenu_Overflow = 2131689662; - - // aapt resource value: 0x7F0F00BF - public const int Base_Widget_AppCompat_ListMenuView = 2131689663; - - // aapt resource value: 0x7F0F00C0 - public const int Base_Widget_AppCompat_ListPopupWindow = 2131689664; - - // aapt resource value: 0x7F0F00C1 - public const int Base_Widget_AppCompat_ListView = 2131689665; - - // aapt resource value: 0x7F0F00C2 - public const int Base_Widget_AppCompat_ListView_DropDown = 2131689666; - - // aapt resource value: 0x7F0F00C3 - public const int Base_Widget_AppCompat_ListView_Menu = 2131689667; - - // aapt resource value: 0x7F0F00C4 - public const int Base_Widget_AppCompat_PopupMenu = 2131689668; - - // aapt resource value: 0x7F0F00C5 - public const int Base_Widget_AppCompat_PopupMenu_Overflow = 2131689669; - - // aapt resource value: 0x7F0F00C6 - public const int Base_Widget_AppCompat_PopupWindow = 2131689670; - - // aapt resource value: 0x7F0F00C7 - public const int Base_Widget_AppCompat_ProgressBar = 2131689671; - - // aapt resource value: 0x7F0F00C8 - public const int Base_Widget_AppCompat_ProgressBar_Horizontal = 2131689672; - - // aapt resource value: 0x7F0F00C9 - public const int Base_Widget_AppCompat_RatingBar = 2131689673; - - // aapt resource value: 0x7F0F00CA - public const int Base_Widget_AppCompat_RatingBar_Indicator = 2131689674; - - // aapt resource value: 0x7F0F00CB - public const int Base_Widget_AppCompat_RatingBar_Small = 2131689675; - - // aapt resource value: 0x7F0F00CC - public const int Base_Widget_AppCompat_SearchView = 2131689676; - - // aapt resource value: 0x7F0F00CD - public const int Base_Widget_AppCompat_SearchView_ActionBar = 2131689677; - - // aapt resource value: 0x7F0F00CE - public const int Base_Widget_AppCompat_SeekBar = 2131689678; - - // aapt resource value: 0x7F0F00CF - public const int Base_Widget_AppCompat_SeekBar_Discrete = 2131689679; - - // aapt resource value: 0x7F0F00D0 - public const int Base_Widget_AppCompat_Spinner = 2131689680; - - // aapt resource value: 0x7F0F00D1 - public const int Base_Widget_AppCompat_Spinner_Underlined = 2131689681; - - // aapt resource value: 0x7F0F00D2 - public const int Base_Widget_AppCompat_TextView = 2131689682; - - // aapt resource value: 0x7F0F00D3 - public const int Base_Widget_AppCompat_TextView_SpinnerItem = 2131689683; - - // aapt resource value: 0x7F0F00D4 - public const int Base_Widget_AppCompat_Toolbar = 2131689684; - - // aapt resource value: 0x7F0F00D5 - public const int Base_Widget_AppCompat_Toolbar_Button_Navigation = 2131689685; - - // aapt resource value: 0x7F0F00D6 - public const int Base_Widget_Design_TabLayout = 2131689686; - - // aapt resource value: 0x7F0F00D7 - public const int Base_Widget_MaterialComponents_AutoCompleteTextView = 2131689687; - - // aapt resource value: 0x7F0F00D8 - public const int Base_Widget_MaterialComponents_CheckedTextView = 2131689688; - - // aapt resource value: 0x7F0F00D9 - public const int Base_Widget_MaterialComponents_Chip = 2131689689; - - // aapt resource value: 0x7F0F00DA - public const int Base_Widget_MaterialComponents_PopupMenu = 2131689690; - - // aapt resource value: 0x7F0F00DB - public const int Base_Widget_MaterialComponents_PopupMenu_ContextMenu = 2131689691; - - // aapt resource value: 0x7F0F00DC - public const int Base_Widget_MaterialComponents_PopupMenu_ListPopupWindow = 2131689692; - - // aapt resource value: 0x7F0F00DD - public const int Base_Widget_MaterialComponents_PopupMenu_Overflow = 2131689693; - - // aapt resource value: 0x7F0F00DE - public const int Base_Widget_MaterialComponents_Slider = 2131689694; - - // aapt resource value: 0x7F0F00DF - public const int Base_Widget_MaterialComponents_TextInputEditText = 2131689695; - - // aapt resource value: 0x7F0F00E0 - public const int Base_Widget_MaterialComponents_TextInputLayout = 2131689696; - - // aapt resource value: 0x7F0F00E1 - public const int Base_Widget_MaterialComponents_TextView = 2131689697; - - // aapt resource value: 0x7F0F00E2 - public const int CardView = 2131689698; - - // aapt resource value: 0x7F0F00E3 - public const int CardView_Dark = 2131689699; - - // aapt resource value: 0x7F0F00E4 - public const int CardView_Light = 2131689700; - - // aapt resource value: 0x7F0F02DC - public const int collectionViewTheme = 2131690204; - - // aapt resource value: 0x7F0F00E5 - public const int EmptyTheme = 2131689701; - - // aapt resource value: 0x7F0F00E6 - public const int MainTheme = 2131689702; - - // aapt resource value: 0x7F0F00E7 - public const int MainTheme_Base = 2131689703; - - // aapt resource value: 0x7F0F00E8 - public const int MaterialAlertDialog_MaterialComponents = 2131689704; - - // aapt resource value: 0x7F0F00E9 - public const int MaterialAlertDialog_MaterialComponents_Body_Text = 2131689705; - - // aapt resource value: 0x7F0F00EA - public const int MaterialAlertDialog_MaterialComponents_Picker_Date_Calendar = 2131689706; - - // aapt resource value: 0x7F0F00EB - public const int MaterialAlertDialog_MaterialComponents_Picker_Date_Spinner = 2131689707; - - // aapt resource value: 0x7F0F00EC - public const int MaterialAlertDialog_MaterialComponents_Title_Icon = 2131689708; - - // aapt resource value: 0x7F0F00ED - public const int MaterialAlertDialog_MaterialComponents_Title_Icon_CenterStacked = 2131689709; - - // aapt resource value: 0x7F0F00EE - public const int MaterialAlertDialog_MaterialComponents_Title_Panel = 2131689710; - - // aapt resource value: 0x7F0F00EF - public const int MaterialAlertDialog_MaterialComponents_Title_Panel_CenterStacked = 2131689711; - - // aapt resource value: 0x7F0F00F0 - public const int MaterialAlertDialog_MaterialComponents_Title_Text = 2131689712; - - // aapt resource value: 0x7F0F00F1 - public const int MaterialAlertDialog_MaterialComponents_Title_Text_CenterStacked = 2131689713; - - // aapt resource value: 0x7F0F00F2 - public const int Platform_AppCompat = 2131689714; - - // aapt resource value: 0x7F0F00F3 - public const int Platform_AppCompat_Light = 2131689715; - - // aapt resource value: 0x7F0F00F4 - public const int Platform_MaterialComponents = 2131689716; - - // aapt resource value: 0x7F0F00F5 - public const int Platform_MaterialComponents_Dialog = 2131689717; - - // aapt resource value: 0x7F0F00F6 - public const int Platform_MaterialComponents_Light = 2131689718; - - // aapt resource value: 0x7F0F00F7 - public const int Platform_MaterialComponents_Light_Dialog = 2131689719; - - // aapt resource value: 0x7F0F00F8 - public const int Platform_ThemeOverlay_AppCompat = 2131689720; - - // aapt resource value: 0x7F0F00F9 - public const int Platform_ThemeOverlay_AppCompat_Dark = 2131689721; - - // aapt resource value: 0x7F0F00FA - public const int Platform_ThemeOverlay_AppCompat_Light = 2131689722; - - // aapt resource value: 0x7F0F00FB - public const int Platform_V21_AppCompat = 2131689723; - - // aapt resource value: 0x7F0F00FC - public const int Platform_V21_AppCompat_Light = 2131689724; - - // aapt resource value: 0x7F0F00FD - public const int Platform_V25_AppCompat = 2131689725; - - // aapt resource value: 0x7F0F00FE - public const int Platform_V25_AppCompat_Light = 2131689726; - - // aapt resource value: 0x7F0F00FF - public const int Platform_Widget_AppCompat_Spinner = 2131689727; - - // aapt resource value: 0x7F0F0100 - public const int Preference = 2131689728; - - // aapt resource value: 0x7F0F0116 - public const int PreferenceCategoryTitleTextStyle = 2131689750; - - // aapt resource value: 0x7F0F0117 - public const int PreferenceFragment = 2131689751; - - // aapt resource value: 0x7F0F0119 - public const int PreferenceFragmentList = 2131689753; - - // aapt resource value: 0x7F0F011A - public const int PreferenceFragmentList_Material = 2131689754; - - // aapt resource value: 0x7F0F0118 - public const int PreferenceFragment_Material = 2131689752; - - // aapt resource value: 0x7F0F011B - public const int PreferenceSummaryTextStyle = 2131689755; - - // aapt resource value: 0x7F0F011C - public const int PreferenceThemeOverlay = 2131689756; - - // aapt resource value: 0x7F0F011D - public const int PreferenceThemeOverlay_v14 = 2131689757; - - // aapt resource value: 0x7F0F011E - public const int PreferenceThemeOverlay_v14_Material = 2131689758; - - // aapt resource value: 0x7F0F0101 - public const int Preference_Category = 2131689729; - - // aapt resource value: 0x7F0F0102 - public const int Preference_Category_Material = 2131689730; - - // aapt resource value: 0x7F0F0103 - public const int Preference_CheckBoxPreference = 2131689731; - - // aapt resource value: 0x7F0F0104 - public const int Preference_CheckBoxPreference_Material = 2131689732; - - // aapt resource value: 0x7F0F0105 - public const int Preference_DialogPreference = 2131689733; - - // aapt resource value: 0x7F0F0106 - public const int Preference_DialogPreference_EditTextPreference = 2131689734; - - // aapt resource value: 0x7F0F0107 - public const int Preference_DialogPreference_EditTextPreference_Material = 2131689735; - - // aapt resource value: 0x7F0F0108 - public const int Preference_DialogPreference_Material = 2131689736; - - // aapt resource value: 0x7F0F0109 - public const int Preference_DropDown = 2131689737; - - // aapt resource value: 0x7F0F010A - public const int Preference_DropDown_Material = 2131689738; - - // aapt resource value: 0x7F0F010B - public const int Preference_Information = 2131689739; - - // aapt resource value: 0x7F0F010C - public const int Preference_Information_Material = 2131689740; - - // aapt resource value: 0x7F0F010D - public const int Preference_Material = 2131689741; - - // aapt resource value: 0x7F0F010E - public const int Preference_PreferenceScreen = 2131689742; - - // aapt resource value: 0x7F0F010F - public const int Preference_PreferenceScreen_Material = 2131689743; - - // aapt resource value: 0x7F0F0110 - public const int Preference_SeekBarPreference = 2131689744; - - // aapt resource value: 0x7F0F0111 - public const int Preference_SeekBarPreference_Material = 2131689745; - - // aapt resource value: 0x7F0F0112 - public const int Preference_SwitchPreference = 2131689746; - - // aapt resource value: 0x7F0F0114 - public const int Preference_SwitchPreferenceCompat = 2131689748; - - // aapt resource value: 0x7F0F0115 - public const int Preference_SwitchPreferenceCompat_Material = 2131689749; - - // aapt resource value: 0x7F0F0113 - public const int Preference_SwitchPreference_Material = 2131689747; - - // aapt resource value: 0x7F0F011F - public const int RtlOverlay_DialogWindowTitle_AppCompat = 2131689759; - - // aapt resource value: 0x7F0F0120 - public const int RtlOverlay_Widget_AppCompat_ActionBar_TitleItem = 2131689760; - - // aapt resource value: 0x7F0F0121 - public const int RtlOverlay_Widget_AppCompat_DialogTitle_Icon = 2131689761; - - // aapt resource value: 0x7F0F0122 - public const int RtlOverlay_Widget_AppCompat_PopupMenuItem = 2131689762; - - // aapt resource value: 0x7F0F0123 - public const int RtlOverlay_Widget_AppCompat_PopupMenuItem_InternalGroup = 2131689763; - - // aapt resource value: 0x7F0F0124 - public const int RtlOverlay_Widget_AppCompat_PopupMenuItem_Shortcut = 2131689764; - - // aapt resource value: 0x7F0F0125 - public const int RtlOverlay_Widget_AppCompat_PopupMenuItem_SubmenuArrow = 2131689765; - - // aapt resource value: 0x7F0F0126 - public const int RtlOverlay_Widget_AppCompat_PopupMenuItem_Text = 2131689766; - - // aapt resource value: 0x7F0F0127 - public const int RtlOverlay_Widget_AppCompat_PopupMenuItem_Title = 2131689767; - - // aapt resource value: 0x7F0F012D - public const int RtlOverlay_Widget_AppCompat_SearchView_MagIcon = 2131689773; - - // aapt resource value: 0x7F0F0128 - public const int RtlOverlay_Widget_AppCompat_Search_DropDown = 2131689768; - - // aapt resource value: 0x7F0F0129 - public const int RtlOverlay_Widget_AppCompat_Search_DropDown_Icon1 = 2131689769; - - // aapt resource value: 0x7F0F012A - public const int RtlOverlay_Widget_AppCompat_Search_DropDown_Icon2 = 2131689770; - - // aapt resource value: 0x7F0F012B - public const int RtlOverlay_Widget_AppCompat_Search_DropDown_Query = 2131689771; - - // aapt resource value: 0x7F0F012C - public const int RtlOverlay_Widget_AppCompat_Search_DropDown_Text = 2131689772; - - // aapt resource value: 0x7F0F012E - public const int RtlUnderlay_Widget_AppCompat_ActionButton = 2131689774; - - // aapt resource value: 0x7F0F012F - public const int RtlUnderlay_Widget_AppCompat_ActionButton_Overflow = 2131689775; - - // aapt resource value: 0x7F0F02DD - public const int scrollViewScrollBars = 2131690205; - - // aapt resource value: 0x7F0F02DE - public const int scrollViewTheme = 2131690206; - - // aapt resource value: 0x7F0F0136 - public const int ShapeAppearanceOverlay = 2131689782; - - // aapt resource value: 0x7F0F0137 - public const int ShapeAppearanceOverlay_BottomLeftDifferentCornerSize = 2131689783; - - // aapt resource value: 0x7F0F0138 - public const int ShapeAppearanceOverlay_BottomRightCut = 2131689784; - - // aapt resource value: 0x7F0F0139 - public const int ShapeAppearanceOverlay_Cut = 2131689785; - - // aapt resource value: 0x7F0F013A - public const int ShapeAppearanceOverlay_DifferentCornerSize = 2131689786; - - // aapt resource value: 0x7F0F013B - public const int ShapeAppearanceOverlay_MaterialComponents_BottomSheet = 2131689787; - - // aapt resource value: 0x7F0F013C - public const int ShapeAppearanceOverlay_MaterialComponents_Chip = 2131689788; - - // aapt resource value: 0x7F0F013D - public const int ShapeAppearanceOverlay_MaterialComponents_ExtendedFloatingActionButton = 2131689789; - - // aapt resource value: 0x7F0F013E - public const int ShapeAppearanceOverlay_MaterialComponents_FloatingActionButton = 2131689790; - - // aapt resource value: 0x7F0F013F - public const int ShapeAppearanceOverlay_MaterialComponents_MaterialCalendar_Day = 2131689791; - - // aapt resource value: 0x7F0F0140 - public const int ShapeAppearanceOverlay_MaterialComponents_MaterialCalendar_Window_Fullscreen = 2131689792; - - // aapt resource value: 0x7F0F0141 - public const int ShapeAppearanceOverlay_MaterialComponents_MaterialCalendar_Year = 2131689793; - - // aapt resource value: 0x7F0F0142 - public const int ShapeAppearanceOverlay_MaterialComponents_TextInputLayout_FilledBox = 2131689794; - - // aapt resource value: 0x7F0F0143 - public const int ShapeAppearanceOverlay_TopLeftCut = 2131689795; - - // aapt resource value: 0x7F0F0144 - public const int ShapeAppearanceOverlay_TopRightDifferentCornerSize = 2131689796; - - // aapt resource value: 0x7F0F0130 - public const int ShapeAppearance_MaterialComponents = 2131689776; - - // aapt resource value: 0x7F0F0131 - public const int ShapeAppearance_MaterialComponents_LargeComponent = 2131689777; - - // aapt resource value: 0x7F0F0132 - public const int ShapeAppearance_MaterialComponents_MediumComponent = 2131689778; - - // aapt resource value: 0x7F0F0133 - public const int ShapeAppearance_MaterialComponents_SmallComponent = 2131689779; - - // aapt resource value: 0x7F0F0134 - public const int ShapeAppearance_MaterialComponents_Test = 2131689780; - - // aapt resource value: 0x7F0F0135 - public const int ShapeAppearance_MaterialComponents_Tooltip = 2131689781; - - // aapt resource value: 0x7F0F014A - public const int TestStyleWithLineHeight = 2131689802; - - // aapt resource value: 0x7F0F014B - public const int TestStyleWithLineHeightAppearance = 2131689803; - - // aapt resource value: 0x7F0F014D - public const int TestStyleWithoutLineHeight = 2131689805; - - // aapt resource value: 0x7F0F014C - public const int TestStyleWithThemeLineHeightAttribute = 2131689804; - - // aapt resource value: 0x7F0F014E - public const int TestThemeWithLineHeight = 2131689806; - - // aapt resource value: 0x7F0F014F - public const int TestThemeWithLineHeightDisabled = 2131689807; - - // aapt resource value: 0x7F0F0145 - public const int Test_ShapeAppearanceOverlay_MaterialComponents_MaterialCalendar_Day = 2131689797; - - // aapt resource value: 0x7F0F0146 - public const int Test_Theme_MaterialComponents_MaterialCalendar = 2131689798; - - // aapt resource value: 0x7F0F0147 - public const int Test_Widget_MaterialComponents_MaterialCalendar = 2131689799; - - // aapt resource value: 0x7F0F0148 - public const int Test_Widget_MaterialComponents_MaterialCalendar_Day = 2131689800; - - // aapt resource value: 0x7F0F0149 - public const int Test_Widget_MaterialComponents_MaterialCalendar_Day_Selected = 2131689801; - - // aapt resource value: 0x7F0F0150 - public const int TextAppearance_AppCompat = 2131689808; - - // aapt resource value: 0x7F0F0151 - public const int TextAppearance_AppCompat_Body1 = 2131689809; - - // aapt resource value: 0x7F0F0152 - public const int TextAppearance_AppCompat_Body2 = 2131689810; - - // aapt resource value: 0x7F0F0153 - public const int TextAppearance_AppCompat_Button = 2131689811; - - // aapt resource value: 0x7F0F0154 - public const int TextAppearance_AppCompat_Caption = 2131689812; - - // aapt resource value: 0x7F0F0155 - public const int TextAppearance_AppCompat_Display1 = 2131689813; - - // aapt resource value: 0x7F0F0156 - public const int TextAppearance_AppCompat_Display2 = 2131689814; - - // aapt resource value: 0x7F0F0157 - public const int TextAppearance_AppCompat_Display3 = 2131689815; - - // aapt resource value: 0x7F0F0158 - public const int TextAppearance_AppCompat_Display4 = 2131689816; - - // aapt resource value: 0x7F0F0159 - public const int TextAppearance_AppCompat_Headline = 2131689817; - - // aapt resource value: 0x7F0F015A - public const int TextAppearance_AppCompat_Inverse = 2131689818; - - // aapt resource value: 0x7F0F015B - public const int TextAppearance_AppCompat_Large = 2131689819; - - // aapt resource value: 0x7F0F015C - public const int TextAppearance_AppCompat_Large_Inverse = 2131689820; - - // aapt resource value: 0x7F0F015D - public const int TextAppearance_AppCompat_Light_SearchResult_Subtitle = 2131689821; - - // aapt resource value: 0x7F0F015E - public const int TextAppearance_AppCompat_Light_SearchResult_Title = 2131689822; - - // aapt resource value: 0x7F0F015F - public const int TextAppearance_AppCompat_Light_Widget_PopupMenu_Large = 2131689823; - - // aapt resource value: 0x7F0F0160 - public const int TextAppearance_AppCompat_Light_Widget_PopupMenu_Small = 2131689824; - - // aapt resource value: 0x7F0F0161 - public const int TextAppearance_AppCompat_Medium = 2131689825; - - // aapt resource value: 0x7F0F0162 - public const int TextAppearance_AppCompat_Medium_Inverse = 2131689826; - - // aapt resource value: 0x7F0F0163 - public const int TextAppearance_AppCompat_Menu = 2131689827; - - // aapt resource value: 0x7F0F0164 - public const int TextAppearance_AppCompat_SearchResult_Subtitle = 2131689828; - - // aapt resource value: 0x7F0F0165 - public const int TextAppearance_AppCompat_SearchResult_Title = 2131689829; - - // aapt resource value: 0x7F0F0166 - public const int TextAppearance_AppCompat_Small = 2131689830; - - // aapt resource value: 0x7F0F0167 - public const int TextAppearance_AppCompat_Small_Inverse = 2131689831; - - // aapt resource value: 0x7F0F0168 - public const int TextAppearance_AppCompat_Subhead = 2131689832; - - // aapt resource value: 0x7F0F0169 - public const int TextAppearance_AppCompat_Subhead_Inverse = 2131689833; - - // aapt resource value: 0x7F0F016A - public const int TextAppearance_AppCompat_Title = 2131689834; - - // aapt resource value: 0x7F0F016B - public const int TextAppearance_AppCompat_Title_Inverse = 2131689835; - - // aapt resource value: 0x7F0F016C - public const int TextAppearance_AppCompat_Tooltip = 2131689836; - - // aapt resource value: 0x7F0F016D - public const int TextAppearance_AppCompat_Widget_ActionBar_Menu = 2131689837; - - // aapt resource value: 0x7F0F016E - public const int TextAppearance_AppCompat_Widget_ActionBar_Subtitle = 2131689838; - - // aapt resource value: 0x7F0F016F - public const int TextAppearance_AppCompat_Widget_ActionBar_Subtitle_Inverse = 2131689839; - - // aapt resource value: 0x7F0F0170 - public const int TextAppearance_AppCompat_Widget_ActionBar_Title = 2131689840; - - // aapt resource value: 0x7F0F0171 - public const int TextAppearance_AppCompat_Widget_ActionBar_Title_Inverse = 2131689841; - - // aapt resource value: 0x7F0F0172 - public const int TextAppearance_AppCompat_Widget_ActionMode_Subtitle = 2131689842; - - // aapt resource value: 0x7F0F0173 - public const int TextAppearance_AppCompat_Widget_ActionMode_Subtitle_Inverse = 2131689843; - - // aapt resource value: 0x7F0F0174 - public const int TextAppearance_AppCompat_Widget_ActionMode_Title = 2131689844; - - // aapt resource value: 0x7F0F0175 - public const int TextAppearance_AppCompat_Widget_ActionMode_Title_Inverse = 2131689845; - - // aapt resource value: 0x7F0F0176 - public const int TextAppearance_AppCompat_Widget_Button = 2131689846; - - // aapt resource value: 0x7F0F0177 - public const int TextAppearance_AppCompat_Widget_Button_Borderless_Colored = 2131689847; - - // aapt resource value: 0x7F0F0178 - public const int TextAppearance_AppCompat_Widget_Button_Colored = 2131689848; - - // aapt resource value: 0x7F0F0179 - public const int TextAppearance_AppCompat_Widget_Button_Inverse = 2131689849; - - // aapt resource value: 0x7F0F017A - public const int TextAppearance_AppCompat_Widget_DropDownItem = 2131689850; - - // aapt resource value: 0x7F0F017B - public const int TextAppearance_AppCompat_Widget_PopupMenu_Header = 2131689851; - - // aapt resource value: 0x7F0F017C - public const int TextAppearance_AppCompat_Widget_PopupMenu_Large = 2131689852; - - // aapt resource value: 0x7F0F017D - public const int TextAppearance_AppCompat_Widget_PopupMenu_Small = 2131689853; - - // aapt resource value: 0x7F0F017E - public const int TextAppearance_AppCompat_Widget_Switch = 2131689854; - - // aapt resource value: 0x7F0F017F - public const int TextAppearance_AppCompat_Widget_TextView_SpinnerItem = 2131689855; - - // aapt resource value: 0x7F0F0180 - public const int TextAppearance_Compat_Notification = 2131689856; - - // aapt resource value: 0x7F0F0181 - public const int TextAppearance_Compat_Notification_Info = 2131689857; - - // aapt resource value: 0x7F0F0182 - public const int TextAppearance_Compat_Notification_Info_Media = 2131689858; - - // aapt resource value: 0x7F0F0183 - public const int TextAppearance_Compat_Notification_Line2 = 2131689859; - - // aapt resource value: 0x7F0F0184 - public const int TextAppearance_Compat_Notification_Line2_Media = 2131689860; - - // aapt resource value: 0x7F0F0185 - public const int TextAppearance_Compat_Notification_Media = 2131689861; - - // aapt resource value: 0x7F0F0186 - public const int TextAppearance_Compat_Notification_Time = 2131689862; - - // aapt resource value: 0x7F0F0187 - public const int TextAppearance_Compat_Notification_Time_Media = 2131689863; - - // aapt resource value: 0x7F0F0188 - public const int TextAppearance_Compat_Notification_Title = 2131689864; - - // aapt resource value: 0x7F0F0189 - public const int TextAppearance_Compat_Notification_Title_Media = 2131689865; - - // aapt resource value: 0x7F0F018A - public const int TextAppearance_Design_CollapsingToolbar_Expanded = 2131689866; - - // aapt resource value: 0x7F0F018B - public const int TextAppearance_Design_Counter = 2131689867; - - // aapt resource value: 0x7F0F018C - public const int TextAppearance_Design_Counter_Overflow = 2131689868; - - // aapt resource value: 0x7F0F018D - public const int TextAppearance_Design_Error = 2131689869; - - // aapt resource value: 0x7F0F018E - public const int TextAppearance_Design_HelperText = 2131689870; - - // aapt resource value: 0x7F0F018F - public const int TextAppearance_Design_Hint = 2131689871; - - // aapt resource value: 0x7F0F0190 - public const int TextAppearance_Design_Placeholder = 2131689872; - - // aapt resource value: 0x7F0F0191 - public const int TextAppearance_Design_Prefix = 2131689873; - - // aapt resource value: 0x7F0F0192 - public const int TextAppearance_Design_Snackbar_Message = 2131689874; - - // aapt resource value: 0x7F0F0193 - public const int TextAppearance_Design_Suffix = 2131689875; - - // aapt resource value: 0x7F0F0194 - public const int TextAppearance_Design_Tab = 2131689876; - - // aapt resource value: 0x7F0F0195 - public const int TextAppearance_MaterialComponents_Badge = 2131689877; - - // aapt resource value: 0x7F0F0196 - public const int TextAppearance_MaterialComponents_Body1 = 2131689878; - - // aapt resource value: 0x7F0F0197 - public const int TextAppearance_MaterialComponents_Body2 = 2131689879; - - // aapt resource value: 0x7F0F0198 - public const int TextAppearance_MaterialComponents_Button = 2131689880; - - // aapt resource value: 0x7F0F0199 - public const int TextAppearance_MaterialComponents_Caption = 2131689881; - - // aapt resource value: 0x7F0F019A - public const int TextAppearance_MaterialComponents_Chip = 2131689882; - - // aapt resource value: 0x7F0F019B - public const int TextAppearance_MaterialComponents_Headline1 = 2131689883; - - // aapt resource value: 0x7F0F019C - public const int TextAppearance_MaterialComponents_Headline2 = 2131689884; - - // aapt resource value: 0x7F0F019D - public const int TextAppearance_MaterialComponents_Headline3 = 2131689885; - - // aapt resource value: 0x7F0F019E - public const int TextAppearance_MaterialComponents_Headline4 = 2131689886; - - // aapt resource value: 0x7F0F019F - public const int TextAppearance_MaterialComponents_Headline5 = 2131689887; - - // aapt resource value: 0x7F0F01A0 - public const int TextAppearance_MaterialComponents_Headline6 = 2131689888; - - // aapt resource value: 0x7F0F01A1 - public const int TextAppearance_MaterialComponents_Overline = 2131689889; - - // aapt resource value: 0x7F0F01A2 - public const int TextAppearance_MaterialComponents_Subtitle1 = 2131689890; - - // aapt resource value: 0x7F0F01A3 - public const int TextAppearance_MaterialComponents_Subtitle2 = 2131689891; - - // aapt resource value: 0x7F0F01A4 - public const int TextAppearance_MaterialComponents_Tooltip = 2131689892; - - // aapt resource value: 0x7F0F01A5 - public const int TextAppearance_Widget_AppCompat_ExpandedMenu_Item = 2131689893; - - // aapt resource value: 0x7F0F01A6 - public const int TextAppearance_Widget_AppCompat_Toolbar_Subtitle = 2131689894; - - // aapt resource value: 0x7F0F01A7 - public const int TextAppearance_Widget_AppCompat_Toolbar_Title = 2131689895; - - // aapt resource value: 0x7F0F0224 - public const int ThemeOverlayColorAccentRed = 2131690020; - - // aapt resource value: 0x7F0F01F5 - public const int ThemeOverlay_AppCompat = 2131689973; - - // aapt resource value: 0x7F0F01F6 - public const int ThemeOverlay_AppCompat_ActionBar = 2131689974; - - // aapt resource value: 0x7F0F01F7 - public const int ThemeOverlay_AppCompat_Dark = 2131689975; - - // aapt resource value: 0x7F0F01F8 - public const int ThemeOverlay_AppCompat_Dark_ActionBar = 2131689976; - - // aapt resource value: 0x7F0F01F9 - public const int ThemeOverlay_AppCompat_DayNight = 2131689977; - - // aapt resource value: 0x7F0F01FA - public const int ThemeOverlay_AppCompat_DayNight_ActionBar = 2131689978; - - // aapt resource value: 0x7F0F01FB - public const int ThemeOverlay_AppCompat_Dialog = 2131689979; - - // aapt resource value: 0x7F0F01FC - public const int ThemeOverlay_AppCompat_Dialog_Alert = 2131689980; - - // aapt resource value: 0x7F0F01FD - public const int ThemeOverlay_AppCompat_Light = 2131689981; - - // aapt resource value: 0x7F0F01FE - public const int ThemeOverlay_Design_TextInputEditText = 2131689982; - - // aapt resource value: 0x7F0F01FF - public const int ThemeOverlay_MaterialComponents = 2131689983; - - // aapt resource value: 0x7F0F0200 - public const int ThemeOverlay_MaterialComponents_ActionBar = 2131689984; - - // aapt resource value: 0x7F0F0201 - public const int ThemeOverlay_MaterialComponents_ActionBar_Primary = 2131689985; - - // aapt resource value: 0x7F0F0202 - public const int ThemeOverlay_MaterialComponents_ActionBar_Surface = 2131689986; - - // aapt resource value: 0x7F0F0203 - public const int ThemeOverlay_MaterialComponents_AutoCompleteTextView = 2131689987; - - // aapt resource value: 0x7F0F0204 - public const int ThemeOverlay_MaterialComponents_AutoCompleteTextView_FilledBox = 2131689988; - - // aapt resource value: 0x7F0F0205 - public const int ThemeOverlay_MaterialComponents_AutoCompleteTextView_FilledBox_Dense = 2131689989; - - // aapt resource value: 0x7F0F0206 - public const int ThemeOverlay_MaterialComponents_AutoCompleteTextView_OutlinedBox = 2131689990; - - // aapt resource value: 0x7F0F0207 - public const int ThemeOverlay_MaterialComponents_AutoCompleteTextView_OutlinedBox_Dense = 2131689991; - - // aapt resource value: 0x7F0F0208 - public const int ThemeOverlay_MaterialComponents_BottomAppBar_Primary = 2131689992; - - // aapt resource value: 0x7F0F0209 - public const int ThemeOverlay_MaterialComponents_BottomAppBar_Surface = 2131689993; - - // aapt resource value: 0x7F0F020A - public const int ThemeOverlay_MaterialComponents_BottomSheetDialog = 2131689994; - - // aapt resource value: 0x7F0F020B - public const int ThemeOverlay_MaterialComponents_Dark = 2131689995; - - // aapt resource value: 0x7F0F020C - public const int ThemeOverlay_MaterialComponents_Dark_ActionBar = 2131689996; - - // aapt resource value: 0x7F0F020D - public const int ThemeOverlay_MaterialComponents_DayNight_BottomSheetDialog = 2131689997; - - // aapt resource value: 0x7F0F020E - public const int ThemeOverlay_MaterialComponents_Dialog = 2131689998; - - // aapt resource value: 0x7F0F020F - public const int ThemeOverlay_MaterialComponents_Dialog_Alert = 2131689999; - - // aapt resource value: 0x7F0F0210 - public const int ThemeOverlay_MaterialComponents_Dialog_Alert_Framework = 2131690000; - - // aapt resource value: 0x7F0F0211 - public const int ThemeOverlay_MaterialComponents_Light = 2131690001; - - // aapt resource value: 0x7F0F0212 - public const int ThemeOverlay_MaterialComponents_Light_BottomSheetDialog = 2131690002; - - // aapt resource value: 0x7F0F0213 - public const int ThemeOverlay_MaterialComponents_Light_Dialog_Alert_Framework = 2131690003; - - // aapt resource value: 0x7F0F0214 - public const int ThemeOverlay_MaterialComponents_MaterialAlertDialog = 2131690004; - - // aapt resource value: 0x7F0F0215 - public const int ThemeOverlay_MaterialComponents_MaterialAlertDialog_Centered = 2131690005; - - // aapt resource value: 0x7F0F0216 - public const int ThemeOverlay_MaterialComponents_MaterialAlertDialog_Picker_Date = 2131690006; - - // aapt resource value: 0x7F0F0217 - public const int ThemeOverlay_MaterialComponents_MaterialAlertDialog_Picker_Date_Calendar = 2131690007; - - // aapt resource value: 0x7F0F0218 - public const int ThemeOverlay_MaterialComponents_MaterialAlertDialog_Picker_Date_Header_Text = 2131690008; - - // aapt resource value: 0x7F0F0219 - public const int ThemeOverlay_MaterialComponents_MaterialAlertDialog_Picker_Date_Header_Text_Day = 2131690009; - - // aapt resource value: 0x7F0F021A - public const int ThemeOverlay_MaterialComponents_MaterialAlertDialog_Picker_Date_Spinner = 2131690010; - - // aapt resource value: 0x7F0F021B - public const int ThemeOverlay_MaterialComponents_MaterialCalendar = 2131690011; - - // aapt resource value: 0x7F0F021C - public const int ThemeOverlay_MaterialComponents_MaterialCalendar_Fullscreen = 2131690012; - - // aapt resource value: 0x7F0F021D - public const int ThemeOverlay_MaterialComponents_TextInputEditText = 2131690013; - - // aapt resource value: 0x7F0F021E - public const int ThemeOverlay_MaterialComponents_TextInputEditText_FilledBox = 2131690014; - - // aapt resource value: 0x7F0F021F - public const int ThemeOverlay_MaterialComponents_TextInputEditText_FilledBox_Dense = 2131690015; - - // aapt resource value: 0x7F0F0220 - public const int ThemeOverlay_MaterialComponents_TextInputEditText_OutlinedBox = 2131690016; - - // aapt resource value: 0x7F0F0221 - public const int ThemeOverlay_MaterialComponents_TextInputEditText_OutlinedBox_Dense = 2131690017; - - // aapt resource value: 0x7F0F0222 - public const int ThemeOverlay_MaterialComponents_Toolbar_Primary = 2131690018; - - // aapt resource value: 0x7F0F0223 - public const int ThemeOverlay_MaterialComponents_Toolbar_Surface = 2131690019; - - // aapt resource value: 0x7F0F01A8 - public const int Theme_AppCompat = 2131689896; - - // aapt resource value: 0x7F0F01A9 - public const int Theme_AppCompat_CompactMenu = 2131689897; - - // aapt resource value: 0x7F0F01AA - public const int Theme_AppCompat_DayNight = 2131689898; - - // aapt resource value: 0x7F0F01AB - public const int Theme_AppCompat_DayNight_DarkActionBar = 2131689899; - - // aapt resource value: 0x7F0F01AC - public const int Theme_AppCompat_DayNight_Dialog = 2131689900; - - // aapt resource value: 0x7F0F01AF - public const int Theme_AppCompat_DayNight_DialogWhenLarge = 2131689903; - - // aapt resource value: 0x7F0F01AD - public const int Theme_AppCompat_DayNight_Dialog_Alert = 2131689901; - - // aapt resource value: 0x7F0F01AE - public const int Theme_AppCompat_DayNight_Dialog_MinWidth = 2131689902; - - // aapt resource value: 0x7F0F01B0 - public const int Theme_AppCompat_DayNight_NoActionBar = 2131689904; - - // aapt resource value: 0x7F0F01B1 - public const int Theme_AppCompat_Dialog = 2131689905; - - // aapt resource value: 0x7F0F01B4 - public const int Theme_AppCompat_DialogWhenLarge = 2131689908; - - // aapt resource value: 0x7F0F01B2 - public const int Theme_AppCompat_Dialog_Alert = 2131689906; - - // aapt resource value: 0x7F0F01B3 - public const int Theme_AppCompat_Dialog_MinWidth = 2131689907; - - // aapt resource value: 0x7F0F01B5 - public const int Theme_AppCompat_Empty = 2131689909; - - // aapt resource value: 0x7F0F01B6 - public const int Theme_AppCompat_Light = 2131689910; - - // aapt resource value: 0x7F0F01B7 - public const int Theme_AppCompat_Light_DarkActionBar = 2131689911; - - // aapt resource value: 0x7F0F01B8 - public const int Theme_AppCompat_Light_Dialog = 2131689912; - - // aapt resource value: 0x7F0F01BB - public const int Theme_AppCompat_Light_DialogWhenLarge = 2131689915; - - // aapt resource value: 0x7F0F01B9 - public const int Theme_AppCompat_Light_Dialog_Alert = 2131689913; - - // aapt resource value: 0x7F0F01BA - public const int Theme_AppCompat_Light_Dialog_MinWidth = 2131689914; - - // aapt resource value: 0x7F0F01BC - public const int Theme_AppCompat_Light_NoActionBar = 2131689916; - - // aapt resource value: 0x7F0F01BD - public const int Theme_AppCompat_NoActionBar = 2131689917; - - // aapt resource value: 0x7F0F01BE - public const int Theme_Design = 2131689918; - - // aapt resource value: 0x7F0F01BF - public const int Theme_Design_BottomSheetDialog = 2131689919; - - // aapt resource value: 0x7F0F01C0 - public const int Theme_Design_Light = 2131689920; - - // aapt resource value: 0x7F0F01C1 - public const int Theme_Design_Light_BottomSheetDialog = 2131689921; - - // aapt resource value: 0x7F0F01C2 - public const int Theme_Design_Light_NoActionBar = 2131689922; - - // aapt resource value: 0x7F0F01C3 - public const int Theme_Design_NoActionBar = 2131689923; - - // aapt resource value: 0x7F0F01C4 - public const int Theme_MaterialComponents = 2131689924; - - // aapt resource value: 0x7F0F01C5 - public const int Theme_MaterialComponents_BottomSheetDialog = 2131689925; - - // aapt resource value: 0x7F0F01C6 - public const int Theme_MaterialComponents_Bridge = 2131689926; - - // aapt resource value: 0x7F0F01C7 - public const int Theme_MaterialComponents_CompactMenu = 2131689927; - - // aapt resource value: 0x7F0F01C8 - public const int Theme_MaterialComponents_DayNight = 2131689928; - - // aapt resource value: 0x7F0F01C9 - public const int Theme_MaterialComponents_DayNight_BottomSheetDialog = 2131689929; - - // aapt resource value: 0x7F0F01CA - public const int Theme_MaterialComponents_DayNight_Bridge = 2131689930; - - // aapt resource value: 0x7F0F01CB - public const int Theme_MaterialComponents_DayNight_DarkActionBar = 2131689931; - - // aapt resource value: 0x7F0F01CC - public const int Theme_MaterialComponents_DayNight_DarkActionBar_Bridge = 2131689932; - - // aapt resource value: 0x7F0F01CD - public const int Theme_MaterialComponents_DayNight_Dialog = 2131689933; - - // aapt resource value: 0x7F0F01D5 - public const int Theme_MaterialComponents_DayNight_DialogWhenLarge = 2131689941; - - // aapt resource value: 0x7F0F01CE - public const int Theme_MaterialComponents_DayNight_Dialog_Alert = 2131689934; - - // aapt resource value: 0x7F0F01CF - public const int Theme_MaterialComponents_DayNight_Dialog_Alert_Bridge = 2131689935; - - // aapt resource value: 0x7F0F01D0 - public const int Theme_MaterialComponents_DayNight_Dialog_Bridge = 2131689936; - - // aapt resource value: 0x7F0F01D1 - public const int Theme_MaterialComponents_DayNight_Dialog_FixedSize = 2131689937; - - // aapt resource value: 0x7F0F01D2 - public const int Theme_MaterialComponents_DayNight_Dialog_FixedSize_Bridge = 2131689938; - - // aapt resource value: 0x7F0F01D3 - public const int Theme_MaterialComponents_DayNight_Dialog_MinWidth = 2131689939; - - // aapt resource value: 0x7F0F01D4 - public const int Theme_MaterialComponents_DayNight_Dialog_MinWidth_Bridge = 2131689940; - - // aapt resource value: 0x7F0F01D6 - public const int Theme_MaterialComponents_DayNight_NoActionBar = 2131689942; - - // aapt resource value: 0x7F0F01D7 - public const int Theme_MaterialComponents_DayNight_NoActionBar_Bridge = 2131689943; - - // aapt resource value: 0x7F0F01D8 - public const int Theme_MaterialComponents_Dialog = 2131689944; - - // aapt resource value: 0x7F0F01E0 - public const int Theme_MaterialComponents_DialogWhenLarge = 2131689952; - - // aapt resource value: 0x7F0F01D9 - public const int Theme_MaterialComponents_Dialog_Alert = 2131689945; - - // aapt resource value: 0x7F0F01DA - public const int Theme_MaterialComponents_Dialog_Alert_Bridge = 2131689946; - - // aapt resource value: 0x7F0F01DB - public const int Theme_MaterialComponents_Dialog_Bridge = 2131689947; - - // aapt resource value: 0x7F0F01DC - public const int Theme_MaterialComponents_Dialog_FixedSize = 2131689948; - - // aapt resource value: 0x7F0F01DD - public const int Theme_MaterialComponents_Dialog_FixedSize_Bridge = 2131689949; - - // aapt resource value: 0x7F0F01DE - public const int Theme_MaterialComponents_Dialog_MinWidth = 2131689950; - - // aapt resource value: 0x7F0F01DF - public const int Theme_MaterialComponents_Dialog_MinWidth_Bridge = 2131689951; - - // aapt resource value: 0x7F0F01E1 - public const int Theme_MaterialComponents_Light = 2131689953; - - // aapt resource value: 0x7F0F01E2 - public const int Theme_MaterialComponents_Light_BarSize = 2131689954; - - // aapt resource value: 0x7F0F01E3 - public const int Theme_MaterialComponents_Light_BottomSheetDialog = 2131689955; - - // aapt resource value: 0x7F0F01E4 - public const int Theme_MaterialComponents_Light_Bridge = 2131689956; - - // aapt resource value: 0x7F0F01E5 - public const int Theme_MaterialComponents_Light_DarkActionBar = 2131689957; - - // aapt resource value: 0x7F0F01E6 - public const int Theme_MaterialComponents_Light_DarkActionBar_Bridge = 2131689958; - - // aapt resource value: 0x7F0F01E7 - public const int Theme_MaterialComponents_Light_Dialog = 2131689959; - - // aapt resource value: 0x7F0F01EF - public const int Theme_MaterialComponents_Light_DialogWhenLarge = 2131689967; - - // aapt resource value: 0x7F0F01E8 - public const int Theme_MaterialComponents_Light_Dialog_Alert = 2131689960; - - // aapt resource value: 0x7F0F01E9 - public const int Theme_MaterialComponents_Light_Dialog_Alert_Bridge = 2131689961; - - // aapt resource value: 0x7F0F01EA - public const int Theme_MaterialComponents_Light_Dialog_Bridge = 2131689962; - - // aapt resource value: 0x7F0F01EB - public const int Theme_MaterialComponents_Light_Dialog_FixedSize = 2131689963; - - // aapt resource value: 0x7F0F01EC - public const int Theme_MaterialComponents_Light_Dialog_FixedSize_Bridge = 2131689964; - - // aapt resource value: 0x7F0F01ED - public const int Theme_MaterialComponents_Light_Dialog_MinWidth = 2131689965; - - // aapt resource value: 0x7F0F01EE - public const int Theme_MaterialComponents_Light_Dialog_MinWidth_Bridge = 2131689966; - - // aapt resource value: 0x7F0F01F0 - public const int Theme_MaterialComponents_Light_LargeTouch = 2131689968; - - // aapt resource value: 0x7F0F01F1 - public const int Theme_MaterialComponents_Light_NoActionBar = 2131689969; - - // aapt resource value: 0x7F0F01F2 - public const int Theme_MaterialComponents_Light_NoActionBar_Bridge = 2131689970; - - // aapt resource value: 0x7F0F01F3 - public const int Theme_MaterialComponents_NoActionBar = 2131689971; - - // aapt resource value: 0x7F0F01F4 - public const int Theme_MaterialComponents_NoActionBar_Bridge = 2131689972; - - // aapt resource value: 0x7F0F0225 - public const int Widget_AppCompat_ActionBar = 2131690021; - - // aapt resource value: 0x7F0F0226 - public const int Widget_AppCompat_ActionBar_Solid = 2131690022; - - // aapt resource value: 0x7F0F0227 - public const int Widget_AppCompat_ActionBar_TabBar = 2131690023; - - // aapt resource value: 0x7F0F0228 - public const int Widget_AppCompat_ActionBar_TabText = 2131690024; - - // aapt resource value: 0x7F0F0229 - public const int Widget_AppCompat_ActionBar_TabView = 2131690025; - - // aapt resource value: 0x7F0F022A - public const int Widget_AppCompat_ActionButton = 2131690026; - - // aapt resource value: 0x7F0F022B - public const int Widget_AppCompat_ActionButton_CloseMode = 2131690027; - - // aapt resource value: 0x7F0F022C - public const int Widget_AppCompat_ActionButton_Overflow = 2131690028; - - // aapt resource value: 0x7F0F022D - public const int Widget_AppCompat_ActionMode = 2131690029; - - // aapt resource value: 0x7F0F022E - public const int Widget_AppCompat_ActivityChooserView = 2131690030; - - // aapt resource value: 0x7F0F022F - public const int Widget_AppCompat_AutoCompleteTextView = 2131690031; - - // aapt resource value: 0x7F0F0230 - public const int Widget_AppCompat_Button = 2131690032; - - // aapt resource value: 0x7F0F0236 - public const int Widget_AppCompat_ButtonBar = 2131690038; - - // aapt resource value: 0x7F0F0237 - public const int Widget_AppCompat_ButtonBar_AlertDialog = 2131690039; - - // aapt resource value: 0x7F0F0231 - public const int Widget_AppCompat_Button_Borderless = 2131690033; - - // aapt resource value: 0x7F0F0232 - public const int Widget_AppCompat_Button_Borderless_Colored = 2131690034; - - // aapt resource value: 0x7F0F0233 - public const int Widget_AppCompat_Button_ButtonBar_AlertDialog = 2131690035; - - // aapt resource value: 0x7F0F0234 - public const int Widget_AppCompat_Button_Colored = 2131690036; - - // aapt resource value: 0x7F0F0235 - public const int Widget_AppCompat_Button_Small = 2131690037; - - // aapt resource value: 0x7F0F0238 - public const int Widget_AppCompat_CompoundButton_CheckBox = 2131690040; - - // aapt resource value: 0x7F0F0239 - public const int Widget_AppCompat_CompoundButton_RadioButton = 2131690041; - - // aapt resource value: 0x7F0F023A - public const int Widget_AppCompat_CompoundButton_Switch = 2131690042; - - // aapt resource value: 0x7F0F023B - public const int Widget_AppCompat_DrawerArrowToggle = 2131690043; - - // aapt resource value: 0x7F0F023C - public const int Widget_AppCompat_DropDownItem_Spinner = 2131690044; - - // aapt resource value: 0x7F0F023D - public const int Widget_AppCompat_EditText = 2131690045; - - // aapt resource value: 0x7F0F023E - public const int Widget_AppCompat_ImageButton = 2131690046; - - // aapt resource value: 0x7F0F023F - public const int Widget_AppCompat_Light_ActionBar = 2131690047; - - // aapt resource value: 0x7F0F0240 - public const int Widget_AppCompat_Light_ActionBar_Solid = 2131690048; - - // aapt resource value: 0x7F0F0241 - public const int Widget_AppCompat_Light_ActionBar_Solid_Inverse = 2131690049; - - // aapt resource value: 0x7F0F0242 - public const int Widget_AppCompat_Light_ActionBar_TabBar = 2131690050; - - // aapt resource value: 0x7F0F0243 - public const int Widget_AppCompat_Light_ActionBar_TabBar_Inverse = 2131690051; - - // aapt resource value: 0x7F0F0244 - public const int Widget_AppCompat_Light_ActionBar_TabText = 2131690052; - - // aapt resource value: 0x7F0F0245 - public const int Widget_AppCompat_Light_ActionBar_TabText_Inverse = 2131690053; - - // aapt resource value: 0x7F0F0246 - public const int Widget_AppCompat_Light_ActionBar_TabView = 2131690054; - - // aapt resource value: 0x7F0F0247 - public const int Widget_AppCompat_Light_ActionBar_TabView_Inverse = 2131690055; - - // aapt resource value: 0x7F0F0248 - public const int Widget_AppCompat_Light_ActionButton = 2131690056; - - // aapt resource value: 0x7F0F0249 - public const int Widget_AppCompat_Light_ActionButton_CloseMode = 2131690057; - - // aapt resource value: 0x7F0F024A - public const int Widget_AppCompat_Light_ActionButton_Overflow = 2131690058; - - // aapt resource value: 0x7F0F024B - public const int Widget_AppCompat_Light_ActionMode_Inverse = 2131690059; - - // aapt resource value: 0x7F0F024C - public const int Widget_AppCompat_Light_ActivityChooserView = 2131690060; - - // aapt resource value: 0x7F0F024D - public const int Widget_AppCompat_Light_AutoCompleteTextView = 2131690061; - - // aapt resource value: 0x7F0F024E - public const int Widget_AppCompat_Light_DropDownItem_Spinner = 2131690062; - - // aapt resource value: 0x7F0F024F - public const int Widget_AppCompat_Light_ListPopupWindow = 2131690063; - - // aapt resource value: 0x7F0F0250 - public const int Widget_AppCompat_Light_ListView_DropDown = 2131690064; - - // aapt resource value: 0x7F0F0251 - public const int Widget_AppCompat_Light_PopupMenu = 2131690065; - - // aapt resource value: 0x7F0F0252 - public const int Widget_AppCompat_Light_PopupMenu_Overflow = 2131690066; - - // aapt resource value: 0x7F0F0253 - public const int Widget_AppCompat_Light_SearchView = 2131690067; - - // aapt resource value: 0x7F0F0254 - public const int Widget_AppCompat_Light_Spinner_DropDown_ActionBar = 2131690068; - - // aapt resource value: 0x7F0F0255 - public const int Widget_AppCompat_ListMenuView = 2131690069; - - // aapt resource value: 0x7F0F0256 - public const int Widget_AppCompat_ListPopupWindow = 2131690070; - - // aapt resource value: 0x7F0F0257 - public const int Widget_AppCompat_ListView = 2131690071; - - // aapt resource value: 0x7F0F0258 - public const int Widget_AppCompat_ListView_DropDown = 2131690072; - - // aapt resource value: 0x7F0F0259 - public const int Widget_AppCompat_ListView_Menu = 2131690073; - - // aapt resource value: 0x7F0F025A - public const int Widget_AppCompat_PopupMenu = 2131690074; - - // aapt resource value: 0x7F0F025B - public const int Widget_AppCompat_PopupMenu_Overflow = 2131690075; - - // aapt resource value: 0x7F0F025C - public const int Widget_AppCompat_PopupWindow = 2131690076; - - // aapt resource value: 0x7F0F025D - public const int Widget_AppCompat_ProgressBar = 2131690077; - - // aapt resource value: 0x7F0F025E - public const int Widget_AppCompat_ProgressBar_Horizontal = 2131690078; - - // aapt resource value: 0x7F0F025F - public const int Widget_AppCompat_RatingBar = 2131690079; - - // aapt resource value: 0x7F0F0260 - public const int Widget_AppCompat_RatingBar_Indicator = 2131690080; - - // aapt resource value: 0x7F0F0261 - public const int Widget_AppCompat_RatingBar_Small = 2131690081; - - // aapt resource value: 0x7F0F0262 - public const int Widget_AppCompat_SearchView = 2131690082; - - // aapt resource value: 0x7F0F0263 - public const int Widget_AppCompat_SearchView_ActionBar = 2131690083; - - // aapt resource value: 0x7F0F0264 - public const int Widget_AppCompat_SeekBar = 2131690084; - - // aapt resource value: 0x7F0F0265 - public const int Widget_AppCompat_SeekBar_Discrete = 2131690085; - - // aapt resource value: 0x7F0F0266 - public const int Widget_AppCompat_Spinner = 2131690086; - - // aapt resource value: 0x7F0F0267 - public const int Widget_AppCompat_Spinner_DropDown = 2131690087; - - // aapt resource value: 0x7F0F0268 - public const int Widget_AppCompat_Spinner_DropDown_ActionBar = 2131690088; - - // aapt resource value: 0x7F0F0269 - public const int Widget_AppCompat_Spinner_Underlined = 2131690089; - - // aapt resource value: 0x7F0F026A - public const int Widget_AppCompat_TextView = 2131690090; - - // aapt resource value: 0x7F0F026B - public const int Widget_AppCompat_TextView_SpinnerItem = 2131690091; - - // aapt resource value: 0x7F0F026C - public const int Widget_AppCompat_Toolbar = 2131690092; - - // aapt resource value: 0x7F0F026D - public const int Widget_AppCompat_Toolbar_Button_Navigation = 2131690093; - - // aapt resource value: 0x7F0F026E - public const int Widget_Compat_NotificationActionContainer = 2131690094; - - // aapt resource value: 0x7F0F026F - public const int Widget_Compat_NotificationActionText = 2131690095; - - // aapt resource value: 0x7F0F0270 - public const int Widget_Design_AppBarLayout = 2131690096; - - // aapt resource value: 0x7F0F0271 - public const int Widget_Design_BottomNavigationView = 2131690097; - - // aapt resource value: 0x7F0F0272 - public const int Widget_Design_BottomSheet_Modal = 2131690098; - - // aapt resource value: 0x7F0F0273 - public const int Widget_Design_CollapsingToolbar = 2131690099; - - // aapt resource value: 0x7F0F0274 - public const int Widget_Design_FloatingActionButton = 2131690100; - - // aapt resource value: 0x7F0F0275 - public const int Widget_Design_NavigationView = 2131690101; - - // aapt resource value: 0x7F0F0276 - public const int Widget_Design_ScrimInsetsFrameLayout = 2131690102; - - // aapt resource value: 0x7F0F0277 - public const int Widget_Design_Snackbar = 2131690103; - - // aapt resource value: 0x7F0F0278 - public const int Widget_Design_TabLayout = 2131690104; - - // aapt resource value: 0x7F0F0279 - public const int Widget_Design_TextInputEditText = 2131690105; - - // aapt resource value: 0x7F0F027A - public const int Widget_Design_TextInputLayout = 2131690106; - - // aapt resource value: 0x7F0F027B - public const int Widget_MaterialComponents_ActionBar_Primary = 2131690107; - - // aapt resource value: 0x7F0F027C - public const int Widget_MaterialComponents_ActionBar_PrimarySurface = 2131690108; - - // aapt resource value: 0x7F0F027D - public const int Widget_MaterialComponents_ActionBar_Solid = 2131690109; - - // aapt resource value: 0x7F0F027E - public const int Widget_MaterialComponents_ActionBar_Surface = 2131690110; - - // aapt resource value: 0x7F0F027F - public const int Widget_MaterialComponents_AppBarLayout_Primary = 2131690111; - - // aapt resource value: 0x7F0F0280 - public const int Widget_MaterialComponents_AppBarLayout_PrimarySurface = 2131690112; - - // aapt resource value: 0x7F0F0281 - public const int Widget_MaterialComponents_AppBarLayout_Surface = 2131690113; - - // aapt resource value: 0x7F0F0282 - public const int Widget_MaterialComponents_AutoCompleteTextView_FilledBox = 2131690114; - - // aapt resource value: 0x7F0F0283 - public const int Widget_MaterialComponents_AutoCompleteTextView_FilledBox_Dense = 2131690115; - - // aapt resource value: 0x7F0F0284 - public const int Widget_MaterialComponents_AutoCompleteTextView_OutlinedBox = 2131690116; - - // aapt resource value: 0x7F0F0285 - public const int Widget_MaterialComponents_AutoCompleteTextView_OutlinedBox_Dense = 2131690117; - - // aapt resource value: 0x7F0F0286 - public const int Widget_MaterialComponents_Badge = 2131690118; - - // aapt resource value: 0x7F0F0287 - public const int Widget_MaterialComponents_BottomAppBar = 2131690119; - - // aapt resource value: 0x7F0F0288 - public const int Widget_MaterialComponents_BottomAppBar_Colored = 2131690120; - - // aapt resource value: 0x7F0F0289 - public const int Widget_MaterialComponents_BottomAppBar_PrimarySurface = 2131690121; - - // aapt resource value: 0x7F0F028A - public const int Widget_MaterialComponents_BottomNavigationView = 2131690122; - - // aapt resource value: 0x7F0F028B - public const int Widget_MaterialComponents_BottomNavigationView_Colored = 2131690123; - - // aapt resource value: 0x7F0F028C - public const int Widget_MaterialComponents_BottomNavigationView_PrimarySurface = 2131690124; - - // aapt resource value: 0x7F0F028D - public const int Widget_MaterialComponents_BottomSheet = 2131690125; - - // aapt resource value: 0x7F0F028E - public const int Widget_MaterialComponents_BottomSheet_Modal = 2131690126; - - // aapt resource value: 0x7F0F028F - public const int Widget_MaterialComponents_Button = 2131690127; - - // aapt resource value: 0x7F0F0290 - public const int Widget_MaterialComponents_Button_Icon = 2131690128; - - // aapt resource value: 0x7F0F0291 - public const int Widget_MaterialComponents_Button_OutlinedButton = 2131690129; - - // aapt resource value: 0x7F0F0292 - public const int Widget_MaterialComponents_Button_OutlinedButton_Icon = 2131690130; - - // aapt resource value: 0x7F0F0293 - public const int Widget_MaterialComponents_Button_TextButton = 2131690131; - - // aapt resource value: 0x7F0F0294 - public const int Widget_MaterialComponents_Button_TextButton_Dialog = 2131690132; - - // aapt resource value: 0x7F0F0295 - public const int Widget_MaterialComponents_Button_TextButton_Dialog_Flush = 2131690133; - - // aapt resource value: 0x7F0F0296 - public const int Widget_MaterialComponents_Button_TextButton_Dialog_Icon = 2131690134; - - // aapt resource value: 0x7F0F0297 - public const int Widget_MaterialComponents_Button_TextButton_Icon = 2131690135; - - // aapt resource value: 0x7F0F0298 - public const int Widget_MaterialComponents_Button_TextButton_Snackbar = 2131690136; - - // aapt resource value: 0x7F0F0299 - public const int Widget_MaterialComponents_Button_UnelevatedButton = 2131690137; - - // aapt resource value: 0x7F0F029A - public const int Widget_MaterialComponents_Button_UnelevatedButton_Icon = 2131690138; - - // aapt resource value: 0x7F0F029B - public const int Widget_MaterialComponents_CardView = 2131690139; - - // aapt resource value: 0x7F0F029C - public const int Widget_MaterialComponents_CheckedTextView = 2131690140; - - // aapt resource value: 0x7F0F02A1 - public const int Widget_MaterialComponents_ChipGroup = 2131690145; - - // aapt resource value: 0x7F0F029D - public const int Widget_MaterialComponents_Chip_Action = 2131690141; - - // aapt resource value: 0x7F0F029E - public const int Widget_MaterialComponents_Chip_Choice = 2131690142; - - // aapt resource value: 0x7F0F029F - public const int Widget_MaterialComponents_Chip_Entry = 2131690143; - - // aapt resource value: 0x7F0F02A0 - public const int Widget_MaterialComponents_Chip_Filter = 2131690144; - - // aapt resource value: 0x7F0F02A2 - public const int Widget_MaterialComponents_CompoundButton_CheckBox = 2131690146; - - // aapt resource value: 0x7F0F02A3 - public const int Widget_MaterialComponents_CompoundButton_RadioButton = 2131690147; - - // aapt resource value: 0x7F0F02A4 - public const int Widget_MaterialComponents_CompoundButton_Switch = 2131690148; - - // aapt resource value: 0x7F0F02A5 - public const int Widget_MaterialComponents_ExtendedFloatingActionButton = 2131690149; - - // aapt resource value: 0x7F0F02A6 - public const int Widget_MaterialComponents_ExtendedFloatingActionButton_Icon = 2131690150; - - // aapt resource value: 0x7F0F02A7 - public const int Widget_MaterialComponents_FloatingActionButton = 2131690151; - - // aapt resource value: 0x7F0F02A8 - public const int Widget_MaterialComponents_Light_ActionBar_Solid = 2131690152; - - // aapt resource value: 0x7F0F02A9 - public const int Widget_MaterialComponents_MaterialButtonToggleGroup = 2131690153; - - // aapt resource value: 0x7F0F02AA - public const int Widget_MaterialComponents_MaterialCalendar = 2131690154; - - // aapt resource value: 0x7F0F02AB - public const int Widget_MaterialComponents_MaterialCalendar_Day = 2131690155; - - // aapt resource value: 0x7F0F02AF - public const int Widget_MaterialComponents_MaterialCalendar_DayTextView = 2131690159; - - // aapt resource value: 0x7F0F02AC - public const int Widget_MaterialComponents_MaterialCalendar_Day_Invalid = 2131690156; - - // aapt resource value: 0x7F0F02AD - public const int Widget_MaterialComponents_MaterialCalendar_Day_Selected = 2131690157; - - // aapt resource value: 0x7F0F02AE - public const int Widget_MaterialComponents_MaterialCalendar_Day_Today = 2131690158; - - // aapt resource value: 0x7F0F02B0 - public const int Widget_MaterialComponents_MaterialCalendar_Fullscreen = 2131690160; - - // aapt resource value: 0x7F0F02B1 - public const int Widget_MaterialComponents_MaterialCalendar_HeaderConfirmButton = 2131690161; - - // aapt resource value: 0x7F0F02B2 - public const int Widget_MaterialComponents_MaterialCalendar_HeaderDivider = 2131690162; - - // aapt resource value: 0x7F0F02B3 - public const int Widget_MaterialComponents_MaterialCalendar_HeaderLayout = 2131690163; - - // aapt resource value: 0x7F0F02B4 - public const int Widget_MaterialComponents_MaterialCalendar_HeaderSelection = 2131690164; - - // aapt resource value: 0x7F0F02B5 - public const int Widget_MaterialComponents_MaterialCalendar_HeaderSelection_Fullscreen = 2131690165; - - // aapt resource value: 0x7F0F02B6 - public const int Widget_MaterialComponents_MaterialCalendar_HeaderTitle = 2131690166; - - // aapt resource value: 0x7F0F02B7 - public const int Widget_MaterialComponents_MaterialCalendar_HeaderToggleButton = 2131690167; - - // aapt resource value: 0x7F0F02B8 - public const int Widget_MaterialComponents_MaterialCalendar_Item = 2131690168; - - // aapt resource value: 0x7F0F02B9 - public const int Widget_MaterialComponents_MaterialCalendar_Year = 2131690169; - - // aapt resource value: 0x7F0F02BA - public const int Widget_MaterialComponents_MaterialCalendar_Year_Selected = 2131690170; - - // aapt resource value: 0x7F0F02BB - public const int Widget_MaterialComponents_MaterialCalendar_Year_Today = 2131690171; - - // aapt resource value: 0x7F0F02BC - public const int Widget_MaterialComponents_NavigationView = 2131690172; - - // aapt resource value: 0x7F0F02BD - public const int Widget_MaterialComponents_PopupMenu = 2131690173; - - // aapt resource value: 0x7F0F02BE - public const int Widget_MaterialComponents_PopupMenu_ContextMenu = 2131690174; - - // aapt resource value: 0x7F0F02BF - public const int Widget_MaterialComponents_PopupMenu_ListPopupWindow = 2131690175; - - // aapt resource value: 0x7F0F02C0 - public const int Widget_MaterialComponents_PopupMenu_Overflow = 2131690176; - - // aapt resource value: 0x7F0F02C1 - public const int Widget_MaterialComponents_ShapeableImageView = 2131690177; - - // aapt resource value: 0x7F0F02C2 - public const int Widget_MaterialComponents_Slider = 2131690178; - - // aapt resource value: 0x7F0F02C3 - public const int Widget_MaterialComponents_Snackbar = 2131690179; - - // aapt resource value: 0x7F0F02C4 - public const int Widget_MaterialComponents_Snackbar_FullWidth = 2131690180; - - // aapt resource value: 0x7F0F02C5 - public const int Widget_MaterialComponents_Snackbar_TextView = 2131690181; - - // aapt resource value: 0x7F0F02C6 - public const int Widget_MaterialComponents_TabLayout = 2131690182; - - // aapt resource value: 0x7F0F02C7 - public const int Widget_MaterialComponents_TabLayout_Colored = 2131690183; - - // aapt resource value: 0x7F0F02C8 - public const int Widget_MaterialComponents_TabLayout_PrimarySurface = 2131690184; - - // aapt resource value: 0x7F0F02C9 - public const int Widget_MaterialComponents_TextInputEditText_FilledBox = 2131690185; - - // aapt resource value: 0x7F0F02CA - public const int Widget_MaterialComponents_TextInputEditText_FilledBox_Dense = 2131690186; - - // aapt resource value: 0x7F0F02CB - public const int Widget_MaterialComponents_TextInputEditText_OutlinedBox = 2131690187; - - // aapt resource value: 0x7F0F02CC - public const int Widget_MaterialComponents_TextInputEditText_OutlinedBox_Dense = 2131690188; - - // aapt resource value: 0x7F0F02CD - public const int Widget_MaterialComponents_TextInputLayout_FilledBox = 2131690189; - - // aapt resource value: 0x7F0F02CE - public const int Widget_MaterialComponents_TextInputLayout_FilledBox_Dense = 2131690190; - - // aapt resource value: 0x7F0F02CF - public const int Widget_MaterialComponents_TextInputLayout_FilledBox_Dense_ExposedDropdownMenu = 2131690191; - - // aapt resource value: 0x7F0F02D0 - public const int Widget_MaterialComponents_TextInputLayout_FilledBox_ExposedDropdownMenu = 2131690192; - - // aapt resource value: 0x7F0F02D1 - public const int Widget_MaterialComponents_TextInputLayout_OutlinedBox = 2131690193; - - // aapt resource value: 0x7F0F02D2 - public const int Widget_MaterialComponents_TextInputLayout_OutlinedBox_Dense = 2131690194; - - // aapt resource value: 0x7F0F02D3 - public const int Widget_MaterialComponents_TextInputLayout_OutlinedBox_Dense_ExposedDropdownMenu = 2131690195; - - // aapt resource value: 0x7F0F02D4 - public const int Widget_MaterialComponents_TextInputLayout_OutlinedBox_ExposedDropdownMenu = 2131690196; - - // aapt resource value: 0x7F0F02D5 - public const int Widget_MaterialComponents_TextView = 2131690197; - - // aapt resource value: 0x7F0F02D6 - public const int Widget_MaterialComponents_Toolbar = 2131690198; - - // aapt resource value: 0x7F0F02D7 - public const int Widget_MaterialComponents_Toolbar_Primary = 2131690199; - - // aapt resource value: 0x7F0F02D8 - public const int Widget_MaterialComponents_Toolbar_PrimarySurface = 2131690200; - - // aapt resource value: 0x7F0F02D9 - public const int Widget_MaterialComponents_Toolbar_Surface = 2131690201; - - // aapt resource value: 0x7F0F02DA - public const int Widget_MaterialComponents_Tooltip = 2131690202; - - // aapt resource value: 0x7F0F02DB - public const int Widget_Support_CoordinatorLayout = 2131690203; - - static Style() - { - global::Android.Runtime.ResourceIdManager.UpdateIdValues(); - } - - private Style() - { - } - } - - public partial class Styleable - { - - // aapt resource value: { 0x7F03003A,0x7F030041,0x7F030042,0x7F0300BC,0x7F0300BD,0x7F0300BE,0x7F0300BF,0x7F0300C0,0x7F0300C1,0x7F0300DB,0x7F0300EF,0x7F0300F0,0x7F030106,0x7F03014C,0x7F030152,0x7F030158,0x7F030159,0x7F03015C,0x7F030167,0x7F030176,0x7F0301AC,0x7F0301D2,0x7F0301F4,0x7F030205,0x7F030206,0x7F03024E,0x7F030251,0x7F0302AC,0x7F0302B6 } - public static int[] ActionBar = new int[] { - 2130903098, - 2130903105, - 2130903106, - 2130903228, - 2130903229, - 2130903230, - 2130903231, - 2130903232, - 2130903233, - 2130903259, - 2130903279, - 2130903280, - 2130903302, - 2130903372, - 2130903378, - 2130903384, - 2130903385, - 2130903388, - 2130903399, - 2130903414, - 2130903468, - 2130903506, - 2130903540, - 2130903557, - 2130903558, - 2130903630, - 2130903633, - 2130903724, - 2130903734}; - - // aapt resource value: { 0x10100B3 } - public static int[] ActionBarLayout = new int[] { - 16842931}; - - // aapt resource value: 0 - public const int ActionBarLayout_android_layout_gravity = 0; - - // aapt resource value: 0 - public const int ActionBar_background = 0; - - // aapt resource value: 1 - public const int ActionBar_backgroundSplit = 1; - - // aapt resource value: 2 - public const int ActionBar_backgroundStacked = 2; - - // aapt resource value: 3 - public const int ActionBar_contentInsetEnd = 3; - - // aapt resource value: 4 - public const int ActionBar_contentInsetEndWithActions = 4; - - // aapt resource value: 5 - public const int ActionBar_contentInsetLeft = 5; - - // aapt resource value: 6 - public const int ActionBar_contentInsetRight = 6; - - // aapt resource value: 7 - public const int ActionBar_contentInsetStart = 7; - - // aapt resource value: 8 - public const int ActionBar_contentInsetStartWithNavigation = 8; - - // aapt resource value: 9 - public const int ActionBar_customNavigationLayout = 9; - - // aapt resource value: 10 - public const int ActionBar_displayOptions = 10; - - // aapt resource value: 11 - public const int ActionBar_divider = 11; - - // aapt resource value: 12 - public const int ActionBar_elevation = 12; - - // aapt resource value: 13 - public const int ActionBar_height = 13; - - // aapt resource value: 14 - public const int ActionBar_hideOnContentScroll = 14; - - // aapt resource value: 15 - public const int ActionBar_homeAsUpIndicator = 15; - - // aapt resource value: 16 - public const int ActionBar_homeLayout = 16; - - // aapt resource value: 17 - public const int ActionBar_icon = 17; - - // aapt resource value: 18 - public const int ActionBar_indeterminateProgressStyle = 18; - - // aapt resource value: 19 - public const int ActionBar_itemPadding = 19; - - // aapt resource value: 20 - public const int ActionBar_logo = 20; - - // aapt resource value: 21 - public const int ActionBar_navigationMode = 21; - - // aapt resource value: 22 - public const int ActionBar_popupTheme = 22; - - // aapt resource value: 23 - public const int ActionBar_progressBarPadding = 23; - - // aapt resource value: 24 - public const int ActionBar_progressBarStyle = 24; - - // aapt resource value: 25 - public const int ActionBar_subtitle = 25; - - // aapt resource value: 26 - public const int ActionBar_subtitleTextStyle = 26; - - // aapt resource value: 27 - public const int ActionBar_title = 27; - - // aapt resource value: 28 - public const int ActionBar_titleTextStyle = 28; - - // aapt resource value: { 0x101013F } - public static int[] ActionMenuItemView = new int[] { - 16843071}; - - // aapt resource value: 0 - public const int ActionMenuItemView_android_minWidth = 0; - - // aapt resource value: { 0xFFFFFFFF } - public static int[] ActionMenuView = new int[] { - -1}; - - // aapt resource value: { 0x7F03003A,0x7F030041,0x7F03009E,0x7F03014C,0x7F030251,0x7F0302B6 } - public static int[] ActionMode = new int[] { - 2130903098, - 2130903105, - 2130903198, - 2130903372, - 2130903633, - 2130903734}; - - // aapt resource value: 0 - public const int ActionMode_background = 0; - - // aapt resource value: 1 - public const int ActionMode_backgroundSplit = 1; - - // aapt resource value: 2 - public const int ActionMode_closeItemLayout = 2; - - // aapt resource value: 3 - public const int ActionMode_height = 3; - - // aapt resource value: 4 - public const int ActionMode_subtitleTextStyle = 4; - - // aapt resource value: 5 - public const int ActionMode_titleTextStyle = 5; - - // aapt resource value: { 0x7F03011F,0x7F030168 } - public static int[] ActivityChooserView = new int[] { - 2130903327, - 2130903400}; - - // aapt resource value: 0 - public const int ActivityChooserView_expandActivityOverflowButtonDrawable = 0; - - // aapt resource value: 1 - public const int ActivityChooserView_initialActivityCount = 1; - - // aapt resource value: { 0x1010003,0x7F030000,0x7F0300DC,0x7F0300DD,0x7F03027C } - public static int[] ActivityNavigator = new int[] { - 16842755, - 2130903040, - 2130903260, - 2130903261, - 2130903676}; - - // aapt resource value: 1 - public const int ActivityNavigator_action = 1; - - // aapt resource value: 0 - public const int ActivityNavigator_android_name = 0; - - // aapt resource value: 2 - public const int ActivityNavigator_data = 2; - - // aapt resource value: 3 - public const int ActivityNavigator_dataPattern = 3; - - // aapt resource value: 4 - public const int ActivityNavigator_targetPackage = 4; - - // aapt resource value: { 0x10100F2,0x7F03006C,0x7F03006D,0x7F0301A1,0x7F0301A2,0x7F0301CE,0x7F03022A,0x7F03022C } - public static int[] AlertDialog = new int[] { - 16842994, - 2130903148, - 2130903149, - 2130903457, - 2130903458, - 2130903502, - 2130903594, - 2130903596}; - - // aapt resource value: 0 - public const int AlertDialog_android_layout = 0; - - // aapt resource value: 1 - public const int AlertDialog_buttonIconDimen = 1; - - // aapt resource value: 2 - public const int AlertDialog_buttonPanelSideLayout = 2; - - // aapt resource value: 3 - public const int AlertDialog_listItemLayout = 3; - - // aapt resource value: 4 - public const int AlertDialog_listLayout = 4; - - // aapt resource value: 5 - public const int AlertDialog_multiChoiceItemLayout = 5; - - // aapt resource value: 6 - public const int AlertDialog_showTitle = 6; - - // aapt resource value: 7 - public const int AlertDialog_singleChoiceItemLayout = 7; - - // aapt resource value: { 0x101011C,0x1010194,0x1010195,0x1010196,0x101030C,0x101030D } - public static int[] AnimatedStateListDrawableCompat = new int[] { - 16843036, - 16843156, - 16843157, - 16843158, - 16843532, - 16843533}; - - // aapt resource value: 3 - public const int AnimatedStateListDrawableCompat_android_constantSize = 3; - - // aapt resource value: 0 - public const int AnimatedStateListDrawableCompat_android_dither = 0; - - // aapt resource value: 4 - public const int AnimatedStateListDrawableCompat_android_enterFadeDuration = 4; - - // aapt resource value: 5 - public const int AnimatedStateListDrawableCompat_android_exitFadeDuration = 5; - - // aapt resource value: 2 - public const int AnimatedStateListDrawableCompat_android_variablePadding = 2; - - // aapt resource value: 1 - public const int AnimatedStateListDrawableCompat_android_visible = 1; - - // aapt resource value: { 0x10100D0,0x1010199 } - public static int[] AnimatedStateListDrawableItem = new int[] { - 16842960, - 16843161}; - - // aapt resource value: 1 - public const int AnimatedStateListDrawableItem_android_drawable = 1; - - // aapt resource value: 0 - public const int AnimatedStateListDrawableItem_android_id = 0; - - // aapt resource value: { 0x1010199,0x1010449,0x101044A,0x101044B } - public static int[] AnimatedStateListDrawableTransition = new int[] { - 16843161, - 16843849, - 16843850, - 16843851}; - - // aapt resource value: 0 - public const int AnimatedStateListDrawableTransition_android_drawable = 0; - - // aapt resource value: 2 - public const int AnimatedStateListDrawableTransition_android_fromId = 2; - - // aapt resource value: 3 - public const int AnimatedStateListDrawableTransition_android_reversible = 3; - - // aapt resource value: 1 - public const int AnimatedStateListDrawableTransition_android_toId = 1; - - // aapt resource value: { 0x10100D4,0x101048F,0x1010540,0x7F030106,0x7F030120,0x7F030199,0x7F03019A,0x7F030248 } - public static int[] AppBarLayout = new int[] { - 16842964, - 16843919, - 16844096, - 2130903302, - 2130903328, - 2130903449, - 2130903450, - 2130903624}; - - // aapt resource value: { 0x7F030242,0x7F030243,0x7F030245,0x7F030246 } - public static int[] AppBarLayoutStates = new int[] { - 2130903618, - 2130903619, - 2130903621, - 2130903622}; - - // aapt resource value: 0 - public const int AppBarLayoutStates_state_collapsed = 0; - - // aapt resource value: 1 - public const int AppBarLayoutStates_state_collapsible = 1; - - // aapt resource value: 2 - public const int AppBarLayoutStates_state_liftable = 2; - - // aapt resource value: 3 - public const int AppBarLayoutStates_state_lifted = 3; - - // aapt resource value: 0 - public const int AppBarLayout_android_background = 0; - - // aapt resource value: 2 - public const int AppBarLayout_android_keyboardNavigationCluster = 2; - - // aapt resource value: 1 - public const int AppBarLayout_android_touchscreenBlocksFocus = 1; - - // aapt resource value: 3 - public const int AppBarLayout_elevation = 3; - - // aapt resource value: 4 - public const int AppBarLayout_expanded = 4; - - // aapt resource value: { 0x7F030197,0x7F030198 } - public static int[] AppBarLayout_Layout = new int[] { - 2130903447, - 2130903448}; - - // aapt resource value: 0 - public const int AppBarLayout_Layout_layout_scrollFlags = 0; - - // aapt resource value: 1 - public const int AppBarLayout_Layout_layout_scrollInterpolator = 1; - - // aapt resource value: 5 - public const int AppBarLayout_liftOnScroll = 5; - - // aapt resource value: 6 - public const int AppBarLayout_liftOnScrollTargetViewId = 6; - - // aapt resource value: 7 - public const int AppBarLayout_statusBarForeground = 7; - - // aapt resource value: { 0x1010119,0x7F030239,0x7F0302AA,0x7F0302AB } - public static int[] AppCompatImageView = new int[] { - 16843033, - 2130903609, - 2130903722, - 2130903723}; - - // aapt resource value: 0 - public const int AppCompatImageView_android_src = 0; - - // aapt resource value: 1 - public const int AppCompatImageView_srcCompat = 1; - - // aapt resource value: 2 - public const int AppCompatImageView_tint = 2; - - // aapt resource value: 3 - public const int AppCompatImageView_tintMode = 3; - - // aapt resource value: { 0x1010142,0x7F0302A7,0x7F0302A8,0x7F0302A9 } - public static int[] AppCompatSeekBar = new int[] { - 16843074, - 2130903719, - 2130903720, - 2130903721}; - - // aapt resource value: 0 - public const int AppCompatSeekBar_android_thumb = 0; - - // aapt resource value: 1 - public const int AppCompatSeekBar_tickMark = 1; - - // aapt resource value: 2 - public const int AppCompatSeekBar_tickMarkTint = 2; - - // aapt resource value: 3 - public const int AppCompatSeekBar_tickMarkTintMode = 3; - - // aapt resource value: { 0x1010034,0x101016D,0x101016E,0x101016F,0x1010170,0x1010392,0x1010393 } - public static int[] AppCompatTextHelper = new int[] { - 16842804, - 16843117, - 16843118, - 16843119, - 16843120, - 16843666, - 16843667}; - - // aapt resource value: 2 - public const int AppCompatTextHelper_android_drawableBottom = 2; - - // aapt resource value: 6 - public const int AppCompatTextHelper_android_drawableEnd = 6; - - // aapt resource value: 3 - public const int AppCompatTextHelper_android_drawableLeft = 3; - - // aapt resource value: 4 - public const int AppCompatTextHelper_android_drawableRight = 4; - - // aapt resource value: 5 - public const int AppCompatTextHelper_android_drawableStart = 5; - - // aapt resource value: 1 - public const int AppCompatTextHelper_android_drawableTop = 1; - - // aapt resource value: 0 - public const int AppCompatTextHelper_android_textAppearance = 0; - - // aapt resource value: { 0x1010034,0x7F030035,0x7F030036,0x7F030037,0x7F030038,0x7F030039,0x7F0300F4,0x7F0300F5,0x7F0300F6,0x7F0300F7,0x7F0300F9,0x7F0300FA,0x7F0300FB,0x7F0300FC,0x7F030136,0x7F030139,0x7F030141,0x7F03018B,0x7F03019B,0x7F03027D,0x7F030299 } - public static int[] AppCompatTextView = new int[] { - 16842804, - 2130903093, - 2130903094, - 2130903095, - 2130903096, - 2130903097, - 2130903284, - 2130903285, - 2130903286, - 2130903287, - 2130903289, - 2130903290, - 2130903291, - 2130903292, - 2130903350, - 2130903353, - 2130903361, - 2130903435, - 2130903451, - 2130903677, - 2130903705}; - - // aapt resource value: 0 - public const int AppCompatTextView_android_textAppearance = 0; - - // aapt resource value: 1 - public const int AppCompatTextView_autoSizeMaxTextSize = 1; - - // aapt resource value: 2 - public const int AppCompatTextView_autoSizeMinTextSize = 2; - - // aapt resource value: 3 - public const int AppCompatTextView_autoSizePresetSizes = 3; - - // aapt resource value: 4 - public const int AppCompatTextView_autoSizeStepGranularity = 4; - - // aapt resource value: 5 - public const int AppCompatTextView_autoSizeTextType = 5; - - // aapt resource value: 6 - public const int AppCompatTextView_drawableBottomCompat = 6; - - // aapt resource value: 7 - public const int AppCompatTextView_drawableEndCompat = 7; - - // aapt resource value: 8 - public const int AppCompatTextView_drawableLeftCompat = 8; - - // aapt resource value: 9 - public const int AppCompatTextView_drawableRightCompat = 9; - - // aapt resource value: 10 - public const int AppCompatTextView_drawableStartCompat = 10; - - // aapt resource value: 11 - public const int AppCompatTextView_drawableTint = 11; - - // aapt resource value: 12 - public const int AppCompatTextView_drawableTintMode = 12; - - // aapt resource value: 13 - public const int AppCompatTextView_drawableTopCompat = 13; - - // aapt resource value: 14 - public const int AppCompatTextView_firstBaselineToTopHeight = 14; - - // aapt resource value: 15 - public const int AppCompatTextView_fontFamily = 15; - - // aapt resource value: 16 - public const int AppCompatTextView_fontVariationSettings = 16; - - // aapt resource value: 17 - public const int AppCompatTextView_lastBaselineToBottomHeight = 17; - - // aapt resource value: 18 - public const int AppCompatTextView_lineHeight = 18; - - // aapt resource value: 19 - public const int AppCompatTextView_textAllCaps = 19; - - // aapt resource value: 20 - public const int AppCompatTextView_textLocale = 20; - - // aapt resource value: { 0x1010057,0x10100AE,0x7F030001,0x7F030002,0x7F030003,0x7F030004,0x7F030005,0x7F030006,0x7F030007,0x7F030008,0x7F030009,0x7F03000A,0x7F03000B,0x7F03000C,0x7F03000D,0x7F03000F,0x7F030010,0x7F030011,0x7F030012,0x7F030013,0x7F030014,0x7F030015,0x7F030016,0x7F030017,0x7F030018,0x7F030019,0x7F03001A,0x7F03001B,0x7F03001C,0x7F03001D,0x7F03001E,0x7F03001F,0x7F030023,0x7F030025,0x7F030026,0x7F030027,0x7F030028,0x7F030034,0x7F030055,0x7F030065,0x7F030066,0x7F030067,0x7F030068,0x7F030069,0x7F03006E,0x7F03006F,0x7F03007B,0x7F030082,0x7F0300A5,0x7F0300A6,0x7F0300A7,0x7F0300A8,0x7F0300A9,0x7F0300AA,0x7F0300AB,0x7F0300B2,0x7F0300B3,0x7F0300B9,0x7F0300C8,0x7F0300E6,0x7F0300EB,0x7F0300EC,0x7F0300F1,0x7F0300F3,0x7F0300FF,0x7F030100,0x7F030102,0x7F030103,0x7F030105,0x7F030158,0x7F030166,0x7F03019D,0x7F03019E,0x7F03019F,0x7F0301A0,0x7F0301A3,0x7F0301A4,0x7F0301A5,0x7F0301A6,0x7F0301A7,0x7F0301A8,0x7F0301A9,0x7F0301AA,0x7F0301AB,0x7F0301E2,0x7F0301E3,0x7F0301E4,0x7F0301F3,0x7F0301F5,0x7F030209,0x7F03020B,0x7F03020C,0x7F03020D,0x7F030217,0x7F03021A,0x7F03021C,0x7F03021D,0x7F030236,0x7F030237,0x7F03025E,0x7F030288,0x7F03028A,0x7F03028B,0x7F03028C,0x7F03028E,0x7F03028F,0x7F030290,0x7F030291,0x7F030294,0x7F030295,0x7F0302B8,0x7F0302B9,0x7F0302BA,0x7F0302BB,0x7F0302CE,0x7F0302D1,0x7F0302D2,0x7F0302D3,0x7F0302D4,0x7F0302D5,0x7F0302D6,0x7F0302D7,0x7F0302D8,0x7F0302D9,0x7F0302DA } - public static int[] AppCompatTheme = new int[] { - 16842839, - 16842926, - 2130903041, - 2130903042, - 2130903043, - 2130903044, - 2130903045, - 2130903046, - 2130903047, - 2130903048, - 2130903049, - 2130903050, - 2130903051, - 2130903052, - 2130903053, - 2130903055, - 2130903056, - 2130903057, - 2130903058, - 2130903059, - 2130903060, - 2130903061, - 2130903062, - 2130903063, - 2130903064, - 2130903065, - 2130903066, - 2130903067, - 2130903068, - 2130903069, - 2130903070, - 2130903071, - 2130903075, - 2130903077, - 2130903078, - 2130903079, - 2130903080, - 2130903092, - 2130903125, - 2130903141, - 2130903142, - 2130903143, - 2130903144, - 2130903145, - 2130903150, - 2130903151, - 2130903163, - 2130903170, - 2130903205, - 2130903206, - 2130903207, - 2130903208, - 2130903209, - 2130903210, - 2130903211, - 2130903218, - 2130903219, - 2130903225, - 2130903240, - 2130903270, - 2130903275, - 2130903276, - 2130903281, - 2130903283, - 2130903295, - 2130903296, - 2130903298, - 2130903299, - 2130903301, - 2130903384, - 2130903398, - 2130903453, - 2130903454, - 2130903455, - 2130903456, - 2130903459, - 2130903460, - 2130903461, - 2130903462, - 2130903463, - 2130903464, - 2130903465, - 2130903466, - 2130903467, - 2130903522, - 2130903523, - 2130903524, - 2130903539, - 2130903541, - 2130903561, - 2130903563, - 2130903564, - 2130903565, - 2130903575, - 2130903578, - 2130903580, - 2130903581, - 2130903606, - 2130903607, - 2130903646, - 2130903688, - 2130903690, - 2130903691, - 2130903692, - 2130903694, - 2130903695, - 2130903696, - 2130903697, - 2130903700, - 2130903701, - 2130903736, - 2130903737, - 2130903738, - 2130903739, - 2130903758, - 2130903761, - 2130903762, - 2130903763, - 2130903764, - 2130903765, - 2130903766, - 2130903767, - 2130903768, - 2130903769, - 2130903770}; - - // aapt resource value: 2 - public const int AppCompatTheme_actionBarDivider = 2; - - // aapt resource value: 3 - public const int AppCompatTheme_actionBarItemBackground = 3; - - // aapt resource value: 4 - public const int AppCompatTheme_actionBarPopupTheme = 4; - - // aapt resource value: 5 - public const int AppCompatTheme_actionBarSize = 5; - - // aapt resource value: 6 - public const int AppCompatTheme_actionBarSplitStyle = 6; - - // aapt resource value: 7 - public const int AppCompatTheme_actionBarStyle = 7; - - // aapt resource value: 8 - public const int AppCompatTheme_actionBarTabBarStyle = 8; - - // aapt resource value: 9 - public const int AppCompatTheme_actionBarTabStyle = 9; - - // aapt resource value: 10 - public const int AppCompatTheme_actionBarTabTextStyle = 10; - - // aapt resource value: 11 - public const int AppCompatTheme_actionBarTheme = 11; - - // aapt resource value: 12 - public const int AppCompatTheme_actionBarWidgetTheme = 12; - - // aapt resource value: 13 - public const int AppCompatTheme_actionButtonStyle = 13; - - // aapt resource value: 14 - public const int AppCompatTheme_actionDropDownStyle = 14; - - // aapt resource value: 15 - public const int AppCompatTheme_actionMenuTextAppearance = 15; - - // aapt resource value: 16 - public const int AppCompatTheme_actionMenuTextColor = 16; - - // aapt resource value: 17 - public const int AppCompatTheme_actionModeBackground = 17; - - // aapt resource value: 18 - public const int AppCompatTheme_actionModeCloseButtonStyle = 18; - - // aapt resource value: 19 - public const int AppCompatTheme_actionModeCloseDrawable = 19; - - // aapt resource value: 20 - public const int AppCompatTheme_actionModeCopyDrawable = 20; - - // aapt resource value: 21 - public const int AppCompatTheme_actionModeCutDrawable = 21; - - // aapt resource value: 22 - public const int AppCompatTheme_actionModeFindDrawable = 22; - - // aapt resource value: 23 - public const int AppCompatTheme_actionModePasteDrawable = 23; - - // aapt resource value: 24 - public const int AppCompatTheme_actionModePopupWindowStyle = 24; - - // aapt resource value: 25 - public const int AppCompatTheme_actionModeSelectAllDrawable = 25; - - // aapt resource value: 26 - public const int AppCompatTheme_actionModeShareDrawable = 26; - - // aapt resource value: 27 - public const int AppCompatTheme_actionModeSplitBackground = 27; - - // aapt resource value: 28 - public const int AppCompatTheme_actionModeStyle = 28; - - // aapt resource value: 29 - public const int AppCompatTheme_actionModeWebSearchDrawable = 29; - - // aapt resource value: 30 - public const int AppCompatTheme_actionOverflowButtonStyle = 30; - - // aapt resource value: 31 - public const int AppCompatTheme_actionOverflowMenuStyle = 31; - - // aapt resource value: 32 - public const int AppCompatTheme_activityChooserViewStyle = 32; - - // aapt resource value: 33 - public const int AppCompatTheme_alertDialogButtonGroupStyle = 33; - - // aapt resource value: 34 - public const int AppCompatTheme_alertDialogCenterButtons = 34; - - // aapt resource value: 35 - public const int AppCompatTheme_alertDialogStyle = 35; - - // aapt resource value: 36 - public const int AppCompatTheme_alertDialogTheme = 36; - - // aapt resource value: 1 - public const int AppCompatTheme_android_windowAnimationStyle = 1; - - // aapt resource value: 0 - public const int AppCompatTheme_android_windowIsFloating = 0; - - // aapt resource value: 37 - public const int AppCompatTheme_autoCompleteTextViewStyle = 37; - - // aapt resource value: 38 - public const int AppCompatTheme_borderlessButtonStyle = 38; - - // aapt resource value: 39 - public const int AppCompatTheme_buttonBarButtonStyle = 39; - - // aapt resource value: 40 - public const int AppCompatTheme_buttonBarNegativeButtonStyle = 40; - - // aapt resource value: 41 - public const int AppCompatTheme_buttonBarNeutralButtonStyle = 41; - - // aapt resource value: 42 - public const int AppCompatTheme_buttonBarPositiveButtonStyle = 42; - - // aapt resource value: 43 - public const int AppCompatTheme_buttonBarStyle = 43; - - // aapt resource value: 44 - public const int AppCompatTheme_buttonStyle = 44; - - // aapt resource value: 45 - public const int AppCompatTheme_buttonStyleSmall = 45; - - // aapt resource value: 46 - public const int AppCompatTheme_checkboxStyle = 46; - - // aapt resource value: 47 - public const int AppCompatTheme_checkedTextViewStyle = 47; - - // aapt resource value: 48 - public const int AppCompatTheme_colorAccent = 48; - - // aapt resource value: 49 - public const int AppCompatTheme_colorBackgroundFloating = 49; - - // aapt resource value: 50 - public const int AppCompatTheme_colorButtonNormal = 50; - - // aapt resource value: 51 - public const int AppCompatTheme_colorControlActivated = 51; - - // aapt resource value: 52 - public const int AppCompatTheme_colorControlHighlight = 52; - - // aapt resource value: 53 - public const int AppCompatTheme_colorControlNormal = 53; - - // aapt resource value: 54 - public const int AppCompatTheme_colorError = 54; - - // aapt resource value: 55 - public const int AppCompatTheme_colorPrimary = 55; - - // aapt resource value: 56 - public const int AppCompatTheme_colorPrimaryDark = 56; - - // aapt resource value: 57 - public const int AppCompatTheme_colorSwitchThumbNormal = 57; - - // aapt resource value: 58 - public const int AppCompatTheme_controlBackground = 58; - - // aapt resource value: 59 - public const int AppCompatTheme_dialogCornerRadius = 59; - - // aapt resource value: 60 - public const int AppCompatTheme_dialogPreferredPadding = 60; - - // aapt resource value: 61 - public const int AppCompatTheme_dialogTheme = 61; - - // aapt resource value: 62 - public const int AppCompatTheme_dividerHorizontal = 62; - - // aapt resource value: 63 - public const int AppCompatTheme_dividerVertical = 63; - - // aapt resource value: 65 - public const int AppCompatTheme_dropdownListPreferredItemHeight = 65; - - // aapt resource value: 64 - public const int AppCompatTheme_dropDownListViewStyle = 64; - - // aapt resource value: 66 - public const int AppCompatTheme_editTextBackground = 66; - - // aapt resource value: 67 - public const int AppCompatTheme_editTextColor = 67; - - // aapt resource value: 68 - public const int AppCompatTheme_editTextStyle = 68; - - // aapt resource value: 69 - public const int AppCompatTheme_homeAsUpIndicator = 69; - - // aapt resource value: 70 - public const int AppCompatTheme_imageButtonStyle = 70; - - // aapt resource value: 71 - public const int AppCompatTheme_listChoiceBackgroundIndicator = 71; - - // aapt resource value: 72 - public const int AppCompatTheme_listChoiceIndicatorMultipleAnimated = 72; - - // aapt resource value: 73 - public const int AppCompatTheme_listChoiceIndicatorSingleAnimated = 73; - - // aapt resource value: 74 - public const int AppCompatTheme_listDividerAlertDialog = 74; - - // aapt resource value: 75 - public const int AppCompatTheme_listMenuViewStyle = 75; - - // aapt resource value: 76 - public const int AppCompatTheme_listPopupWindowStyle = 76; - - // aapt resource value: 77 - public const int AppCompatTheme_listPreferredItemHeight = 77; - - // aapt resource value: 78 - public const int AppCompatTheme_listPreferredItemHeightLarge = 78; - - // aapt resource value: 79 - public const int AppCompatTheme_listPreferredItemHeightSmall = 79; - - // aapt resource value: 80 - public const int AppCompatTheme_listPreferredItemPaddingEnd = 80; - - // aapt resource value: 81 - public const int AppCompatTheme_listPreferredItemPaddingLeft = 81; - - // aapt resource value: 82 - public const int AppCompatTheme_listPreferredItemPaddingRight = 82; - - // aapt resource value: 83 - public const int AppCompatTheme_listPreferredItemPaddingStart = 83; - - // aapt resource value: 84 - public const int AppCompatTheme_panelBackground = 84; - - // aapt resource value: 85 - public const int AppCompatTheme_panelMenuListTheme = 85; - - // aapt resource value: 86 - public const int AppCompatTheme_panelMenuListWidth = 86; - - // aapt resource value: 87 - public const int AppCompatTheme_popupMenuStyle = 87; - - // aapt resource value: 88 - public const int AppCompatTheme_popupWindowStyle = 88; - - // aapt resource value: 89 - public const int AppCompatTheme_radioButtonStyle = 89; - - // aapt resource value: 90 - public const int AppCompatTheme_ratingBarStyle = 90; - - // aapt resource value: 91 - public const int AppCompatTheme_ratingBarStyleIndicator = 91; - - // aapt resource value: 92 - public const int AppCompatTheme_ratingBarStyleSmall = 92; - - // aapt resource value: 93 - public const int AppCompatTheme_searchViewStyle = 93; - - // aapt resource value: 94 - public const int AppCompatTheme_seekBarStyle = 94; - - // aapt resource value: 95 - public const int AppCompatTheme_selectableItemBackground = 95; - - // aapt resource value: 96 - public const int AppCompatTheme_selectableItemBackgroundBorderless = 96; - - // aapt resource value: 97 - public const int AppCompatTheme_spinnerDropDownItemStyle = 97; - - // aapt resource value: 98 - public const int AppCompatTheme_spinnerStyle = 98; - - // aapt resource value: 99 - public const int AppCompatTheme_switchStyle = 99; - - // aapt resource value: 100 - public const int AppCompatTheme_textAppearanceLargePopupMenu = 100; - - // aapt resource value: 101 - public const int AppCompatTheme_textAppearanceListItem = 101; - - // aapt resource value: 102 - public const int AppCompatTheme_textAppearanceListItemSecondary = 102; - - // aapt resource value: 103 - public const int AppCompatTheme_textAppearanceListItemSmall = 103; - - // aapt resource value: 104 - public const int AppCompatTheme_textAppearancePopupMenuHeader = 104; - - // aapt resource value: 105 - public const int AppCompatTheme_textAppearanceSearchResultSubtitle = 105; - - // aapt resource value: 106 - public const int AppCompatTheme_textAppearanceSearchResultTitle = 106; - - // aapt resource value: 107 - public const int AppCompatTheme_textAppearanceSmallPopupMenu = 107; - - // aapt resource value: 108 - public const int AppCompatTheme_textColorAlertDialogListItem = 108; - - // aapt resource value: 109 - public const int AppCompatTheme_textColorSearchUrl = 109; - - // aapt resource value: 110 - public const int AppCompatTheme_toolbarNavigationButtonStyle = 110; - - // aapt resource value: 111 - public const int AppCompatTheme_toolbarStyle = 111; - - // aapt resource value: 112 - public const int AppCompatTheme_tooltipForegroundColor = 112; - - // aapt resource value: 113 - public const int AppCompatTheme_tooltipFrameBackground = 113; - - // aapt resource value: 114 - public const int AppCompatTheme_viewInflaterClass = 114; - - // aapt resource value: 115 - public const int AppCompatTheme_windowActionBar = 115; - - // aapt resource value: 116 - public const int AppCompatTheme_windowActionBarOverlay = 116; - - // aapt resource value: 117 - public const int AppCompatTheme_windowActionModeOverlay = 117; - - // aapt resource value: 118 - public const int AppCompatTheme_windowFixedHeightMajor = 118; - - // aapt resource value: 119 - public const int AppCompatTheme_windowFixedHeightMinor = 119; - - // aapt resource value: 120 - public const int AppCompatTheme_windowFixedWidthMajor = 120; - - // aapt resource value: 121 - public const int AppCompatTheme_windowFixedWidthMinor = 121; - - // aapt resource value: 122 - public const int AppCompatTheme_windowMinWidthMajor = 122; - - // aapt resource value: 123 - public const int AppCompatTheme_windowMinWidthMinor = 123; - - // aapt resource value: 124 - public const int AppCompatTheme_windowNoTitle = 124; - - // aapt resource value: { 0x101030E,0x7F03021C } - public static int[] BackgroundStyle = new int[] { - 16843534, - 2130903580}; - - // aapt resource value: 0 - public const int BackgroundStyle_android_selectableItemBackground = 0; - - // aapt resource value: 1 - public const int BackgroundStyle_selectableItemBackground = 1; - - // aapt resource value: { 0x7F03003B,0x7F030045,0x7F030047,0x7F03015A,0x7F0301C4,0x7F0301D6,0x7F0302CD } - public static int[] Badge = new int[] { - 2130903099, - 2130903109, - 2130903111, - 2130903386, - 2130903492, - 2130903510, - 2130903757}; - - // aapt resource value: 0 - public const int Badge_backgroundColor = 0; - - // aapt resource value: 1 - public const int Badge_badgeGravity = 1; - - // aapt resource value: 2 - public const int Badge_badgeTextColor = 2; - - // aapt resource value: 3 - public const int Badge_horizontalOffset = 3; - - // aapt resource value: 4 - public const int Badge_maxCharacterCount = 4; - - // aapt resource value: 5 - public const int Badge_number = 5; - - // aapt resource value: 6 - public const int Badge_verticalOffset = 6; - - // aapt resource value: { 0x7F030043,0x7F030106,0x7F03012A,0x7F03012B,0x7F03012C,0x7F03012D,0x7F03012E,0x7F030153,0x7F0301DC,0x7F0301DE,0x7F0301DF } - public static int[] BottomAppBar = new int[] { - 2130903107, - 2130903302, - 2130903338, - 2130903339, - 2130903340, - 2130903341, - 2130903342, - 2130903379, - 2130903516, - 2130903518, - 2130903519}; - - // aapt resource value: 0 - public const int BottomAppBar_backgroundTint = 0; - - // aapt resource value: 1 - public const int BottomAppBar_elevation = 1; - - // aapt resource value: 2 - public const int BottomAppBar_fabAlignmentMode = 2; - - // aapt resource value: 3 - public const int BottomAppBar_fabAnimationMode = 3; - - // aapt resource value: 4 - public const int BottomAppBar_fabCradleMargin = 4; - - // aapt resource value: 5 - public const int BottomAppBar_fabCradleRoundedCornerRadius = 5; - - // aapt resource value: 6 - public const int BottomAppBar_fabCradleVerticalOffset = 6; - - // aapt resource value: 7 - public const int BottomAppBar_hideOnScroll = 7; - - // aapt resource value: 8 - public const int BottomAppBar_paddingBottomSystemWindowInsets = 8; - - // aapt resource value: 9 - public const int BottomAppBar_paddingLeftSystemWindowInsets = 9; - - // aapt resource value: 10 - public const int BottomAppBar_paddingRightSystemWindowInsets = 10; - - // aapt resource value: { 0x7F030043,0x7F030106,0x7F03016E,0x7F030171,0x7F030173,0x7F030174,0x7F030177,0x7F030183,0x7F030184,0x7F030185,0x7F03018A,0x7F0301CA } - public static int[] BottomNavigationView = new int[] { - 2130903107, - 2130903302, - 2130903406, - 2130903409, - 2130903411, - 2130903412, - 2130903415, - 2130903427, - 2130903428, - 2130903429, - 2130903434, - 2130903498}; - - // aapt resource value: 0 - public const int BottomNavigationView_backgroundTint = 0; - - // aapt resource value: 1 - public const int BottomNavigationView_elevation = 1; - - // aapt resource value: 2 - public const int BottomNavigationView_itemBackground = 2; - - // aapt resource value: 3 - public const int BottomNavigationView_itemHorizontalTranslationEnabled = 3; - - // aapt resource value: 4 - public const int BottomNavigationView_itemIconSize = 4; - - // aapt resource value: 5 - public const int BottomNavigationView_itemIconTint = 5; - - // aapt resource value: 6 - public const int BottomNavigationView_itemRippleColor = 6; - - // aapt resource value: 7 - public const int BottomNavigationView_itemTextAppearanceActive = 7; - - // aapt resource value: 8 - public const int BottomNavigationView_itemTextAppearanceInactive = 8; - - // aapt resource value: 9 - public const int BottomNavigationView_itemTextColor = 9; - - // aapt resource value: 10 - public const int BottomNavigationView_labelVisibilityMode = 10; - - // aapt resource value: 11 - public const int BottomNavigationView_menu = 11; - - // aapt resource value: { 0x1010440,0x7F030043,0x7F03004B,0x7F03004C,0x7F03004D,0x7F03004E,0x7F03004F,0x7F030051,0x7F030052,0x7F030053,0x7F030146,0x7F03021F,0x7F030222 } - public static int[] BottomSheetBehavior_Layout = new int[] { - 16843840, - 2130903107, - 2130903115, - 2130903116, - 2130903117, - 2130903118, - 2130903119, - 2130903121, - 2130903122, - 2130903123, - 2130903366, - 2130903583, - 2130903586}; - - // aapt resource value: 0 - public const int BottomSheetBehavior_Layout_android_elevation = 0; - - // aapt resource value: 1 - public const int BottomSheetBehavior_Layout_backgroundTint = 1; - - // aapt resource value: 2 - public const int BottomSheetBehavior_Layout_behavior_draggable = 2; - - // aapt resource value: 3 - public const int BottomSheetBehavior_Layout_behavior_expandedOffset = 3; - - // aapt resource value: 4 - public const int BottomSheetBehavior_Layout_behavior_fitToContents = 4; - - // aapt resource value: 5 - public const int BottomSheetBehavior_Layout_behavior_halfExpandedRatio = 5; - - // aapt resource value: 6 - public const int BottomSheetBehavior_Layout_behavior_hideable = 6; - - // aapt resource value: 7 - public const int BottomSheetBehavior_Layout_behavior_peekHeight = 7; - - // aapt resource value: 8 - public const int BottomSheetBehavior_Layout_behavior_saveFlags = 8; - - // aapt resource value: 9 - public const int BottomSheetBehavior_Layout_behavior_skipCollapsed = 9; - - // aapt resource value: 10 - public const int BottomSheetBehavior_Layout_gestureInsetBottomIgnored = 10; - - // aapt resource value: 11 - public const int BottomSheetBehavior_Layout_shapeAppearance = 11; - - // aapt resource value: 12 - public const int BottomSheetBehavior_Layout_shapeAppearanceOverlay = 12; - - // aapt resource value: { 0x7F03002C } - public static int[] ButtonBarLayout = new int[] { - 2130903084}; - - // aapt resource value: 0 - public const int ButtonBarLayout_allowStacking = 0; - - // aapt resource value: { 0x101013F,0x1010140,0x7F030072,0x7F030073,0x7F030074,0x7F030076,0x7F030077,0x7F030078,0x7F0300C2,0x7F0300C3,0x7F0300C4,0x7F0300C5,0x7F0300C6 } - public static int[] CardView = new int[] { - 16843071, - 16843072, - 2130903154, - 2130903155, - 2130903156, - 2130903158, - 2130903159, - 2130903160, - 2130903234, - 2130903235, - 2130903236, - 2130903237, - 2130903238}; - - // aapt resource value: 1 - public const int CardView_android_minHeight = 1; - - // aapt resource value: 0 - public const int CardView_android_minWidth = 0; - - // aapt resource value: 2 - public const int CardView_cardBackgroundColor = 2; - - // aapt resource value: 3 - public const int CardView_cardCornerRadius = 3; - - // aapt resource value: 4 - public const int CardView_cardElevation = 4; - - // aapt resource value: 5 - public const int CardView_cardMaxElevation = 5; - - // aapt resource value: 6 - public const int CardView_cardPreventCornerOverlap = 6; - - // aapt resource value: 7 - public const int CardView_cardUseCompatPadding = 7; - - // aapt resource value: 8 - public const int CardView_contentPadding = 8; - - // aapt resource value: 9 - public const int CardView_contentPaddingBottom = 9; - - // aapt resource value: 10 - public const int CardView_contentPaddingLeft = 10; - - // aapt resource value: 11 - public const int CardView_contentPaddingRight = 11; - - // aapt resource value: 12 - public const int CardView_contentPaddingTop = 12; - - // aapt resource value: { 0x10101EF,0x10101F0,0x10101F1,0x7F0300EE,0x7F030257,0x7F030258 } - public static int[] CheckBoxPreference = new int[] { - 16843247, - 16843248, - 16843249, - 2130903278, - 2130903639, - 2130903640}; - - // aapt resource value: 2 - public const int CheckBoxPreference_android_disableDependentsState = 2; - - // aapt resource value: 1 - public const int CheckBoxPreference_android_summaryOff = 1; - - // aapt resource value: 0 - public const int CheckBoxPreference_android_summaryOn = 0; - - // aapt resource value: 3 - public const int CheckBoxPreference_disableDependentsState = 3; - - // aapt resource value: 4 - public const int CheckBoxPreference_summaryOff = 4; - - // aapt resource value: 5 - public const int CheckBoxPreference_summaryOn = 5; - - // aapt resource value: { 0x1010034,0x1010098,0x10100AB,0x101011F,0x101014F,0x10101E5,0x7F03007E,0x7F03007F,0x7F030080,0x7F030081,0x7F030083,0x7F030084,0x7F030085,0x7F030087,0x7F030088,0x7F030089,0x7F03008A,0x7F03008B,0x7F03008C,0x7F03008D,0x7F030092,0x7F030093,0x7F030094,0x7F030096,0x7F030097,0x7F030098,0x7F030099,0x7F03009A,0x7F03009B,0x7F03009C,0x7F03009D,0x7F030113,0x7F030151,0x7F03015D,0x7F030162,0x7F030210,0x7F03021F,0x7F030222,0x7F030227,0x7F030296,0x7F03029A } - public static int[] Chip = new int[] { - 16842804, - 16842904, - 16842923, - 16843039, - 16843087, - 16843237, - 2130903166, - 2130903167, - 2130903168, - 2130903169, - 2130903171, - 2130903172, - 2130903173, - 2130903175, - 2130903176, - 2130903177, - 2130903178, - 2130903179, - 2130903180, - 2130903181, - 2130903186, - 2130903187, - 2130903188, - 2130903190, - 2130903191, - 2130903192, - 2130903193, - 2130903194, - 2130903195, - 2130903196, - 2130903197, - 2130903315, - 2130903377, - 2130903389, - 2130903394, - 2130903568, - 2130903583, - 2130903586, - 2130903591, - 2130903702, - 2130903706}; - - // aapt resource value: { 0x7F03007D,0x7F03008E,0x7F03008F,0x7F030090,0x7F03021E,0x7F03022D,0x7F03022F } - public static int[] ChipGroup = new int[] { - 2130903165, - 2130903182, - 2130903183, - 2130903184, - 2130903582, - 2130903597, - 2130903599}; - - // aapt resource value: 0 - public const int ChipGroup_checkedChip = 0; - - // aapt resource value: 1 - public const int ChipGroup_chipSpacing = 1; - - // aapt resource value: 2 - public const int ChipGroup_chipSpacingHorizontal = 2; - - // aapt resource value: 3 - public const int ChipGroup_chipSpacingVertical = 3; - - // aapt resource value: 4 - public const int ChipGroup_selectionRequired = 4; - - // aapt resource value: 5 - public const int ChipGroup_singleLine = 5; - - // aapt resource value: 6 - public const int ChipGroup_singleSelection = 6; - - // aapt resource value: 5 - public const int Chip_android_checkable = 5; - - // aapt resource value: 2 - public const int Chip_android_ellipsize = 2; - - // aapt resource value: 3 - public const int Chip_android_maxWidth = 3; - - // aapt resource value: 4 - public const int Chip_android_text = 4; - - // aapt resource value: 0 - public const int Chip_android_textAppearance = 0; - - // aapt resource value: 1 - public const int Chip_android_textColor = 1; - - // aapt resource value: 6 - public const int Chip_checkedIcon = 6; - - // aapt resource value: 7 - public const int Chip_checkedIconEnabled = 7; - - // aapt resource value: 8 - public const int Chip_checkedIconTint = 8; - - // aapt resource value: 9 - public const int Chip_checkedIconVisible = 9; - - // aapt resource value: 10 - public const int Chip_chipBackgroundColor = 10; - - // aapt resource value: 11 - public const int Chip_chipCornerRadius = 11; - - // aapt resource value: 12 - public const int Chip_chipEndPadding = 12; - - // aapt resource value: 13 - public const int Chip_chipIcon = 13; - - // aapt resource value: 14 - public const int Chip_chipIconEnabled = 14; - - // aapt resource value: 15 - public const int Chip_chipIconSize = 15; - - // aapt resource value: 16 - public const int Chip_chipIconTint = 16; - - // aapt resource value: 17 - public const int Chip_chipIconVisible = 17; - - // aapt resource value: 18 - public const int Chip_chipMinHeight = 18; - - // aapt resource value: 19 - public const int Chip_chipMinTouchTargetSize = 19; - - // aapt resource value: 20 - public const int Chip_chipStartPadding = 20; - - // aapt resource value: 21 - public const int Chip_chipStrokeColor = 21; - - // aapt resource value: 22 - public const int Chip_chipStrokeWidth = 22; - - // aapt resource value: 23 - public const int Chip_chipSurfaceColor = 23; - - // aapt resource value: 24 - public const int Chip_closeIcon = 24; - - // aapt resource value: 25 - public const int Chip_closeIconEnabled = 25; - - // aapt resource value: 26 - public const int Chip_closeIconEndPadding = 26; - - // aapt resource value: 27 - public const int Chip_closeIconSize = 27; - - // aapt resource value: 28 - public const int Chip_closeIconStartPadding = 28; - - // aapt resource value: 29 - public const int Chip_closeIconTint = 29; - - // aapt resource value: 30 - public const int Chip_closeIconVisible = 30; - - // aapt resource value: 31 - public const int Chip_ensureMinTouchTargetSize = 31; - - // aapt resource value: 32 - public const int Chip_hideMotionSpec = 32; - - // aapt resource value: 33 - public const int Chip_iconEndPadding = 33; - - // aapt resource value: 34 - public const int Chip_iconStartPadding = 34; - - // aapt resource value: 35 - public const int Chip_rippleColor = 35; - - // aapt resource value: 36 - public const int Chip_shapeAppearance = 36; - - // aapt resource value: 37 - public const int Chip_shapeAppearanceOverlay = 37; - - // aapt resource value: 38 - public const int Chip_showMotionSpec = 38; - - // aapt resource value: 39 - public const int Chip_textEndPadding = 39; - - // aapt resource value: 40 - public const int Chip_textStartPadding = 40; - - // aapt resource value: { 0x7F0300A1,0x7F0300A2,0x7F0300C7,0x7F030121,0x7F030122,0x7F030123,0x7F030124,0x7F030125,0x7F030126,0x7F030127,0x7F0301C7,0x7F030211,0x7F030213,0x7F030249,0x7F0302AC,0x7F0302AD,0x7F0302B7 } - public static int[] CollapsingToolbarLayout = new int[] { - 2130903201, - 2130903202, - 2130903239, - 2130903329, - 2130903330, - 2130903331, - 2130903332, - 2130903333, - 2130903334, - 2130903335, - 2130903495, - 2130903569, - 2130903571, - 2130903625, - 2130903724, - 2130903725, - 2130903735}; - - // aapt resource value: 0 - public const int CollapsingToolbarLayout_collapsedTitleGravity = 0; - - // aapt resource value: 1 - public const int CollapsingToolbarLayout_collapsedTitleTextAppearance = 1; - - // aapt resource value: 2 - public const int CollapsingToolbarLayout_contentScrim = 2; - - // aapt resource value: 3 - public const int CollapsingToolbarLayout_expandedTitleGravity = 3; - - // aapt resource value: 4 - public const int CollapsingToolbarLayout_expandedTitleMargin = 4; - - // aapt resource value: 5 - public const int CollapsingToolbarLayout_expandedTitleMarginBottom = 5; - - // aapt resource value: 6 - public const int CollapsingToolbarLayout_expandedTitleMarginEnd = 6; - - // aapt resource value: 7 - public const int CollapsingToolbarLayout_expandedTitleMarginStart = 7; - - // aapt resource value: 8 - public const int CollapsingToolbarLayout_expandedTitleMarginTop = 8; - - // aapt resource value: 9 - public const int CollapsingToolbarLayout_expandedTitleTextAppearance = 9; - - // aapt resource value: { 0x7F030192,0x7F030193 } - public static int[] CollapsingToolbarLayout_Layout = new int[] { - 2130903442, - 2130903443}; - - // aapt resource value: 0 - public const int CollapsingToolbarLayout_Layout_layout_collapseMode = 0; - - // aapt resource value: 1 - public const int CollapsingToolbarLayout_Layout_layout_collapseParallaxMultiplier = 1; - - // aapt resource value: 10 - public const int CollapsingToolbarLayout_maxLines = 10; - - // aapt resource value: 11 - public const int CollapsingToolbarLayout_scrimAnimationDuration = 11; - - // aapt resource value: 12 - public const int CollapsingToolbarLayout_scrimVisibleHeightTrigger = 12; - - // aapt resource value: 13 - public const int CollapsingToolbarLayout_statusBarScrim = 13; - - // aapt resource value: 14 - public const int CollapsingToolbarLayout_title = 14; - - // aapt resource value: 15 - public const int CollapsingToolbarLayout_titleEnabled = 15; - - // aapt resource value: 16 - public const int CollapsingToolbarLayout_toolbarId = 16; - - // aapt resource value: { 0x10101A5,0x101031F,0x7F03002D } - public static int[] ColorStateListItem = new int[] { - 16843173, - 16843551, - 2130903085}; - - // aapt resource value: 2 - public const int ColorStateListItem_alpha = 2; - - // aapt resource value: 1 - public const int ColorStateListItem_android_alpha = 1; - - // aapt resource value: 0 - public const int ColorStateListItem_android_color = 0; - - // aapt resource value: { 0x1010107,0x7F03006A,0x7F030070,0x7F030071 } - public static int[] CompoundButton = new int[] { - 16843015, - 2130903146, - 2130903152, - 2130903153}; - - // aapt resource value: 0 - public const int CompoundButton_android_button = 0; - - // aapt resource value: 1 - public const int CompoundButton_buttonCompat = 1; - - // aapt resource value: 2 - public const int CompoundButton_buttonTint = 2; - - // aapt resource value: 3 - public const int CompoundButton_buttonTintMode = 3; - - // aapt resource value: { 0x7F030187,0x7F030247 } - public static int[] CoordinatorLayout = new int[] { - 2130903431, - 2130903623}; - - // aapt resource value: 0 - public const int CoordinatorLayout_keylines = 0; - - // aapt resource value: { 0x10100B3,0x7F03018F,0x7F030190,0x7F030191,0x7F030194,0x7F030195,0x7F030196 } - public static int[] CoordinatorLayout_Layout = new int[] { - 16842931, - 2130903439, - 2130903440, - 2130903441, - 2130903444, - 2130903445, - 2130903446}; - - // aapt resource value: 0 - public const int CoordinatorLayout_Layout_android_layout_gravity = 0; - - // aapt resource value: 1 - public const int CoordinatorLayout_Layout_layout_anchor = 1; - - // aapt resource value: 2 - public const int CoordinatorLayout_Layout_layout_anchorGravity = 2; - - // aapt resource value: 3 - public const int CoordinatorLayout_Layout_layout_behavior = 3; - - // aapt resource value: 4 - public const int CoordinatorLayout_Layout_layout_dodgeInsetEdges = 4; - - // aapt resource value: 5 - public const int CoordinatorLayout_Layout_layout_insetEdge = 5; - - // aapt resource value: 6 - public const int CoordinatorLayout_Layout_layout_keyline = 6; - - // aapt resource value: 1 - public const int CoordinatorLayout_statusBarBackground = 1; - - // aapt resource value: { 0x10101F2,0x10101F3,0x10101F4,0x10101F5,0x10101F6,0x10101F7,0x7F0300E7,0x7F0300E8,0x7F0300E9,0x7F0300ED,0x7F0301D4,0x7F0301F6 } - public static int[] DialogPreference = new int[] { - 16843250, - 16843251, - 16843252, - 16843253, - 16843254, - 16843255, - 2130903271, - 2130903272, - 2130903273, - 2130903277, - 2130903508, - 2130903542}; - - // aapt resource value: 2 - public const int DialogPreference_android_dialogIcon = 2; - - // aapt resource value: 5 - public const int DialogPreference_android_dialogLayout = 5; - - // aapt resource value: 1 - public const int DialogPreference_android_dialogMessage = 1; - - // aapt resource value: 0 - public const int DialogPreference_android_dialogTitle = 0; - - // aapt resource value: 4 - public const int DialogPreference_android_negativeButtonText = 4; - - // aapt resource value: 3 - public const int DialogPreference_android_positiveButtonText = 3; - - // aapt resource value: 6 - public const int DialogPreference_dialogIcon = 6; - - // aapt resource value: 7 - public const int DialogPreference_dialogLayout = 7; - - // aapt resource value: 8 - public const int DialogPreference_dialogMessage = 8; - - // aapt resource value: 9 - public const int DialogPreference_dialogTitle = 9; - - // aapt resource value: 10 - public const int DialogPreference_negativeButtonText = 10; - - // aapt resource value: 11 - public const int DialogPreference_positiveButtonText = 11; - - // aapt resource value: { 0x7F030032,0x7F030033,0x7F030048,0x7F0300A4,0x7F0300F8,0x7F030145,0x7F030235,0x7F03029D } - public static int[] DrawerArrowToggle = new int[] { - 2130903090, - 2130903091, - 2130903112, - 2130903204, - 2130903288, - 2130903365, - 2130903605, - 2130903709}; - - // aapt resource value: 0 - public const int DrawerArrowToggle_arrowHeadLength = 0; - - // aapt resource value: 1 - public const int DrawerArrowToggle_arrowShaftLength = 1; - - // aapt resource value: 2 - public const int DrawerArrowToggle_barLength = 2; - - // aapt resource value: 3 - public const int DrawerArrowToggle_color = 3; - - // aapt resource value: 4 - public const int DrawerArrowToggle_drawableSize = 4; - - // aapt resource value: 5 - public const int DrawerArrowToggle_gapBetweenBars = 5; - - // aapt resource value: 6 - public const int DrawerArrowToggle_spinBars = 6; - - // aapt resource value: 7 - public const int DrawerArrowToggle_thickness = 7; - - // aapt resource value: { 0x7F030106 } - public static int[] DrawerLayout = new int[] { - 2130903302}; - - // aapt resource value: 0 - public const int DrawerLayout_elevation = 0; - - // aapt resource value: { 0x7F0302CB } - public static int[] EditTextPreference = new int[] { - 2130903755}; - - // aapt resource value: 0 - public const int EditTextPreference_useSimpleSummaryProvider = 0; - - // aapt resource value: { 0x7F030106,0x7F030128,0x7F030151,0x7F030227,0x7F03022B } - public static int[] ExtendedFloatingActionButton = new int[] { - 2130903302, - 2130903336, - 2130903377, - 2130903591, - 2130903595}; - - // aapt resource value: { 0x7F030049,0x7F03004A } - public static int[] ExtendedFloatingActionButton_Behavior_Layout = new int[] { - 2130903113, - 2130903114}; - - // aapt resource value: 0 - public const int ExtendedFloatingActionButton_Behavior_Layout_behavior_autoHide = 0; - - // aapt resource value: 1 - public const int ExtendedFloatingActionButton_Behavior_Layout_behavior_autoShrink = 1; - - // aapt resource value: 0 - public const int ExtendedFloatingActionButton_elevation = 0; - - // aapt resource value: 1 - public const int ExtendedFloatingActionButton_extendMotionSpec = 1; - - // aapt resource value: 2 - public const int ExtendedFloatingActionButton_hideMotionSpec = 2; - - // aapt resource value: 3 - public const int ExtendedFloatingActionButton_showMotionSpec = 3; - - // aapt resource value: 4 - public const int ExtendedFloatingActionButton_shrinkMotionSpec = 4; - - // aapt resource value: { 0x101000E,0x7F030043,0x7F030044,0x7F030054,0x7F030106,0x7F030113,0x7F03012F,0x7F030130,0x7F030151,0x7F03015B,0x7F0301C6,0x7F030204,0x7F030210,0x7F03021F,0x7F030222,0x7F030227,0x7F0302C9 } - public static int[] FloatingActionButton = new int[] { - 16842766, - 2130903107, - 2130903108, - 2130903124, - 2130903302, - 2130903315, - 2130903343, - 2130903344, - 2130903377, - 2130903387, - 2130903494, - 2130903556, - 2130903568, - 2130903583, - 2130903586, - 2130903591, - 2130903753}; - - // aapt resource value: 0 - public const int FloatingActionButton_android_enabled = 0; - - // aapt resource value: 1 - public const int FloatingActionButton_backgroundTint = 1; - - // aapt resource value: 2 - public const int FloatingActionButton_backgroundTintMode = 2; - - // aapt resource value: { 0x7F030049 } - public static int[] FloatingActionButton_Behavior_Layout = new int[] { - 2130903113}; - - // aapt resource value: 0 - public const int FloatingActionButton_Behavior_Layout_behavior_autoHide = 0; - - // aapt resource value: 3 - public const int FloatingActionButton_borderWidth = 3; - - // aapt resource value: 4 - public const int FloatingActionButton_elevation = 4; - - // aapt resource value: 5 - public const int FloatingActionButton_ensureMinTouchTargetSize = 5; - - // aapt resource value: 6 - public const int FloatingActionButton_fabCustomSize = 6; - - // aapt resource value: 7 - public const int FloatingActionButton_fabSize = 7; - - // aapt resource value: 8 - public const int FloatingActionButton_hideMotionSpec = 8; - - // aapt resource value: 9 - public const int FloatingActionButton_hoveredFocusedTranslationZ = 9; - - // aapt resource value: 10 - public const int FloatingActionButton_maxImageSize = 10; - - // aapt resource value: 11 - public const int FloatingActionButton_pressedTranslationZ = 11; - - // aapt resource value: 12 - public const int FloatingActionButton_rippleColor = 12; - - // aapt resource value: 13 - public const int FloatingActionButton_shapeAppearance = 13; - - // aapt resource value: 14 - public const int FloatingActionButton_shapeAppearanceOverlay = 14; - - // aapt resource value: 15 - public const int FloatingActionButton_showMotionSpec = 15; - - // aapt resource value: 16 - public const int FloatingActionButton_useCompatPadding = 16; - - // aapt resource value: { 0x7F03017F,0x7F03019C } - public static int[] FlowLayout = new int[] { - 2130903423, - 2130903452}; - - // aapt resource value: 0 - public const int FlowLayout_itemSpacing = 0; - - // aapt resource value: 1 - public const int FlowLayout_lineSpacing = 1; - - // aapt resource value: { 0x7F03013A,0x7F03013B,0x7F03013C,0x7F03013D,0x7F03013E,0x7F03013F } - public static int[] FontFamily = new int[] { - 2130903354, - 2130903355, - 2130903356, - 2130903357, - 2130903358, - 2130903359}; - - // aapt resource value: { 0x1010532,0x1010533,0x101053F,0x101056F,0x1010570,0x7F030138,0x7F030140,0x7F030141,0x7F030142,0x7F0302C6 } - public static int[] FontFamilyFont = new int[] { - 16844082, - 16844083, - 16844095, - 16844143, - 16844144, - 2130903352, - 2130903360, - 2130903361, - 2130903362, - 2130903750}; - - // aapt resource value: 0 - public const int FontFamilyFont_android_font = 0; - - // aapt resource value: 2 - public const int FontFamilyFont_android_fontStyle = 2; - - // aapt resource value: 4 - public const int FontFamilyFont_android_fontVariationSettings = 4; - - // aapt resource value: 1 - public const int FontFamilyFont_android_fontWeight = 1; - - // aapt resource value: 3 - public const int FontFamilyFont_android_ttcIndex = 3; - - // aapt resource value: 5 - public const int FontFamilyFont_font = 5; - - // aapt resource value: 6 - public const int FontFamilyFont_fontStyle = 6; - - // aapt resource value: 7 - public const int FontFamilyFont_fontVariationSettings = 7; - - // aapt resource value: 8 - public const int FontFamilyFont_fontWeight = 8; - - // aapt resource value: 9 - public const int FontFamilyFont_ttcIndex = 9; - - // aapt resource value: 0 - public const int FontFamily_fontProviderAuthority = 0; - - // aapt resource value: 1 - public const int FontFamily_fontProviderCerts = 1; - - // aapt resource value: 2 - public const int FontFamily_fontProviderFetchStrategy = 2; - - // aapt resource value: 3 - public const int FontFamily_fontProviderFetchTimeout = 3; - - // aapt resource value: 4 - public const int FontFamily_fontProviderPackage = 4; - - // aapt resource value: 5 - public const int FontFamily_fontProviderQuery = 5; - - // aapt resource value: { 0x1010109,0x1010200,0x7F030143 } - public static int[] ForegroundLinearLayout = new int[] { - 16843017, - 16843264, - 2130903363}; - - // aapt resource value: 0 - public const int ForegroundLinearLayout_android_foreground = 0; - - // aapt resource value: 1 - public const int ForegroundLinearLayout_android_foregroundGravity = 1; - - // aapt resource value: 2 - public const int ForegroundLinearLayout_foregroundInsidePadding = 2; - - // aapt resource value: { 0x1010003,0x10100D0,0x10100D1 } - public static int[] Fragment = new int[] { - 16842755, - 16842960, - 16842961}; - - // aapt resource value: { 0x1010003,0x10100D1 } - public static int[] FragmentContainerView = new int[] { - 16842755, - 16842961}; - - // aapt resource value: 0 - public const int FragmentContainerView_android_name = 0; - - // aapt resource value: 1 - public const int FragmentContainerView_android_tag = 1; - - // aapt resource value: 1 - public const int Fragment_android_id = 1; - - // aapt resource value: 0 - public const int Fragment_android_name = 0; - - // aapt resource value: 2 - public const int Fragment_android_tag = 2; - - // aapt resource value: { 0x101019D,0x101019E,0x10101A1,0x10101A2,0x10101A3,0x10101A4,0x1010201,0x101020B,0x1010510,0x1010511,0x1010512,0x1010513 } - public static int[] GradientColor = new int[] { - 16843165, - 16843166, - 16843169, - 16843170, - 16843171, - 16843172, - 16843265, - 16843275, - 16844048, - 16844049, - 16844050, - 16844051}; - - // aapt resource value: { 0x10101A5,0x1010514 } - public static int[] GradientColorItem = new int[] { - 16843173, - 16844052}; - - // aapt resource value: 0 - public const int GradientColorItem_android_color = 0; - - // aapt resource value: 1 - public const int GradientColorItem_android_offset = 1; - - // aapt resource value: 7 - public const int GradientColor_android_centerColor = 7; - - // aapt resource value: 3 - public const int GradientColor_android_centerX = 3; - - // aapt resource value: 4 - public const int GradientColor_android_centerY = 4; - - // aapt resource value: 1 - public const int GradientColor_android_endColor = 1; - - // aapt resource value: 10 - public const int GradientColor_android_endX = 10; - - // aapt resource value: 11 - public const int GradientColor_android_endY = 11; - - // aapt resource value: 5 - public const int GradientColor_android_gradientRadius = 5; - - // aapt resource value: 0 - public const int GradientColor_android_startColor = 0; - - // aapt resource value: 8 - public const int GradientColor_android_startX = 8; - - // aapt resource value: 9 - public const int GradientColor_android_startY = 9; - - // aapt resource value: 6 - public const int GradientColor_android_tileMode = 6; - - // aapt resource value: 2 - public const int GradientColor_android_type = 2; - - // aapt resource value: { 0x7F0301DC,0x7F0301DE,0x7F0301DF } - public static int[] Insets = new int[] { - 2130903516, - 2130903518, - 2130903519}; - - // aapt resource value: 0 - public const int Insets_paddingBottomSystemWindowInsets = 0; - - // aapt resource value: 1 - public const int Insets_paddingLeftSystemWindowInsets = 1; - - // aapt resource value: 2 - public const int Insets_paddingRightSystemWindowInsets = 2; - - // aapt resource value: { 0x7F0300A3 } - public static int[] ItemsViewRendererTheme = new int[] { - 2130903203}; - - // aapt resource value: 0 - public const int ItemsViewRendererTheme_collectionViewStyle = 0; - - // aapt resource value: { 0x10100AF,0x10100C4,0x1010126,0x1010127,0x1010128,0x7F0300F0,0x7F0300F2,0x7F0301C9,0x7F030226 } - public static int[] LinearLayoutCompat = new int[] { - 16842927, - 16842948, - 16843046, - 16843047, - 16843048, - 2130903280, - 2130903282, - 2130903497, - 2130903590}; - - // aapt resource value: 2 - public const int LinearLayoutCompat_android_baselineAligned = 2; - - // aapt resource value: 3 - public const int LinearLayoutCompat_android_baselineAlignedChildIndex = 3; - - // aapt resource value: 0 - public const int LinearLayoutCompat_android_gravity = 0; - - // aapt resource value: 1 - public const int LinearLayoutCompat_android_orientation = 1; - - // aapt resource value: 4 - public const int LinearLayoutCompat_android_weightSum = 4; - - // aapt resource value: 5 - public const int LinearLayoutCompat_divider = 5; - - // aapt resource value: 6 - public const int LinearLayoutCompat_dividerPadding = 6; - - // aapt resource value: { 0x10100B3,0x10100F4,0x10100F5,0x1010181 } - public static int[] LinearLayoutCompat_Layout = new int[] { - 16842931, - 16842996, - 16842997, - 16843137}; - - // aapt resource value: 0 - public const int LinearLayoutCompat_Layout_android_layout_gravity = 0; - - // aapt resource value: 2 - public const int LinearLayoutCompat_Layout_android_layout_height = 2; - - // aapt resource value: 3 - public const int LinearLayoutCompat_Layout_android_layout_weight = 3; - - // aapt resource value: 1 - public const int LinearLayoutCompat_Layout_android_layout_width = 1; - - // aapt resource value: 7 - public const int LinearLayoutCompat_measureWithLargestChild = 7; - - // aapt resource value: 8 - public const int LinearLayoutCompat_showDividers = 8; - - // aapt resource value: { 0x10102AC,0x10102AD } - public static int[] ListPopupWindow = new int[] { - 16843436, - 16843437}; - - // aapt resource value: 0 - public const int ListPopupWindow_android_dropDownHorizontalOffset = 0; - - // aapt resource value: 1 - public const int ListPopupWindow_android_dropDownVerticalOffset = 1; - - // aapt resource value: { 0x10100B2,0x10101F8,0x7F030115,0x7F030116,0x7F0302CB } - public static int[] ListPreference = new int[] { - 16842930, - 16843256, - 2130903317, - 2130903318, - 2130903755}; - - // aapt resource value: 0 - public const int ListPreference_android_entries = 0; - - // aapt resource value: 1 - public const int ListPreference_android_entryValues = 1; - - // aapt resource value: 2 - public const int ListPreference_entries = 2; - - // aapt resource value: 3 - public const int ListPreference_entryValues = 3; - - // aapt resource value: 4 - public const int ListPreference_useSimpleSummaryProvider = 4; - - // aapt resource value: { 0x7F03003C,0x7F03003D,0x7F03003E,0x7F03003F } - public static int[] MaterialAlertDialog = new int[] { - 2130903100, - 2130903101, - 2130903102, - 2130903103}; - - // aapt resource value: { 0x7F0301AE,0x7F0301AF,0x7F0301B0,0x7F0301B1,0x7F0301B2 } - public static int[] MaterialAlertDialogTheme = new int[] { - 2130903470, - 2130903471, - 2130903472, - 2130903473, - 2130903474}; - - // aapt resource value: 0 - public const int MaterialAlertDialogTheme_materialAlertDialogBodyTextStyle = 0; - - // aapt resource value: 1 - public const int MaterialAlertDialogTheme_materialAlertDialogTheme = 1; - - // aapt resource value: 2 - public const int MaterialAlertDialogTheme_materialAlertDialogTitleIconStyle = 2; - - // aapt resource value: 3 - public const int MaterialAlertDialogTheme_materialAlertDialogTitlePanelStyle = 3; - - // aapt resource value: 4 - public const int MaterialAlertDialogTheme_materialAlertDialogTitleTextStyle = 4; - - // aapt resource value: 0 - public const int MaterialAlertDialog_backgroundInsetBottom = 0; - - // aapt resource value: 1 - public const int MaterialAlertDialog_backgroundInsetEnd = 1; - - // aapt resource value: 2 - public const int MaterialAlertDialog_backgroundInsetStart = 2; - - // aapt resource value: 3 - public const int MaterialAlertDialog_backgroundInsetTop = 3; - - // aapt resource value: { 0x1010220 } - public static int[] MaterialAutoCompleteTextView = new int[] { - 16843296}; - - // aapt resource value: 0 - public const int MaterialAutoCompleteTextView_android_inputType = 0; - - // aapt resource value: { 0x10100D4,0x10101B7,0x10101B8,0x10101B9,0x10101BA,0x10101E5,0x7F030043,0x7F030044,0x7F0300CF,0x7F030106,0x7F03015C,0x7F03015E,0x7F03015F,0x7F030160,0x7F030163,0x7F030164,0x7F030210,0x7F03021F,0x7F030222,0x7F03024A,0x7F03024B } - public static int[] MaterialButton = new int[] { - 16842964, - 16843191, - 16843192, - 16843193, - 16843194, - 16843237, - 2130903107, - 2130903108, - 2130903247, - 2130903302, - 2130903388, - 2130903390, - 2130903391, - 2130903392, - 2130903395, - 2130903396, - 2130903568, - 2130903583, - 2130903586, - 2130903626, - 2130903627}; - - // aapt resource value: { 0x7F03007C,0x7F03021E,0x7F03022F } - public static int[] MaterialButtonToggleGroup = new int[] { - 2130903164, - 2130903582, - 2130903599}; - - // aapt resource value: 0 - public const int MaterialButtonToggleGroup_checkedButton = 0; - - // aapt resource value: 1 - public const int MaterialButtonToggleGroup_selectionRequired = 1; - - // aapt resource value: 2 - public const int MaterialButtonToggleGroup_singleSelection = 2; - - // aapt resource value: 0 - public const int MaterialButton_android_background = 0; - - // aapt resource value: 5 - public const int MaterialButton_android_checkable = 5; - - // aapt resource value: 4 - public const int MaterialButton_android_insetBottom = 4; - - // aapt resource value: 1 - public const int MaterialButton_android_insetLeft = 1; - - // aapt resource value: 2 - public const int MaterialButton_android_insetRight = 2; - - // aapt resource value: 3 - public const int MaterialButton_android_insetTop = 3; - - // aapt resource value: 6 - public const int MaterialButton_backgroundTint = 6; - - // aapt resource value: 7 - public const int MaterialButton_backgroundTintMode = 7; - - // aapt resource value: 8 - public const int MaterialButton_cornerRadius = 8; - - // aapt resource value: 9 - public const int MaterialButton_elevation = 9; - - // aapt resource value: 10 - public const int MaterialButton_icon = 10; - - // aapt resource value: 11 - public const int MaterialButton_iconGravity = 11; - - // aapt resource value: 12 - public const int MaterialButton_iconPadding = 12; - - // aapt resource value: 13 - public const int MaterialButton_iconSize = 13; - - // aapt resource value: 14 - public const int MaterialButton_iconTint = 14; - - // aapt resource value: 15 - public const int MaterialButton_iconTintMode = 15; - - // aapt resource value: 16 - public const int MaterialButton_rippleColor = 16; - - // aapt resource value: 17 - public const int MaterialButton_shapeAppearance = 17; - - // aapt resource value: 18 - public const int MaterialButton_shapeAppearanceOverlay = 18; - - // aapt resource value: 19 - public const int MaterialButton_strokeColor = 19; - - // aapt resource value: 20 - public const int MaterialButton_strokeWidth = 20; - - // aapt resource value: { 0x101020D,0x7F0300DE,0x7F0300DF,0x7F0300E0,0x7F0300E1,0x7F03020A,0x7F0302DB,0x7F0302DC,0x7F0302DD } - public static int[] MaterialCalendar = new int[] { - 16843277, - 2130903262, - 2130903263, - 2130903264, - 2130903265, - 2130903562, - 2130903771, - 2130903772, - 2130903773}; - - // aapt resource value: { 0x10101B7,0x10101B8,0x10101B9,0x10101BA,0x7F03016F,0x7F030178,0x7F030179,0x7F030180,0x7F030181,0x7F030185 } - public static int[] MaterialCalendarItem = new int[] { - 16843191, - 16843192, - 16843193, - 16843194, - 2130903407, - 2130903416, - 2130903417, - 2130903424, - 2130903425, - 2130903429}; - - // aapt resource value: 3 - public const int MaterialCalendarItem_android_insetBottom = 3; - - // aapt resource value: 0 - public const int MaterialCalendarItem_android_insetLeft = 0; - - // aapt resource value: 1 - public const int MaterialCalendarItem_android_insetRight = 1; - - // aapt resource value: 2 - public const int MaterialCalendarItem_android_insetTop = 2; - - // aapt resource value: 4 - public const int MaterialCalendarItem_itemFillColor = 4; - - // aapt resource value: 5 - public const int MaterialCalendarItem_itemShapeAppearance = 5; - - // aapt resource value: 6 - public const int MaterialCalendarItem_itemShapeAppearanceOverlay = 6; - - // aapt resource value: 7 - public const int MaterialCalendarItem_itemStrokeColor = 7; - - // aapt resource value: 8 - public const int MaterialCalendarItem_itemStrokeWidth = 8; - - // aapt resource value: 9 - public const int MaterialCalendarItem_itemTextColor = 9; - - // aapt resource value: 0 - public const int MaterialCalendar_android_windowFullscreen = 0; - - // aapt resource value: 1 - public const int MaterialCalendar_dayInvalidStyle = 1; - - // aapt resource value: 2 - public const int MaterialCalendar_daySelectedStyle = 2; - - // aapt resource value: 3 - public const int MaterialCalendar_dayStyle = 3; - - // aapt resource value: 4 - public const int MaterialCalendar_dayTodayStyle = 4; - - // aapt resource value: 5 - public const int MaterialCalendar_rangeFillColor = 5; - - // aapt resource value: 6 - public const int MaterialCalendar_yearSelectedStyle = 6; - - // aapt resource value: 7 - public const int MaterialCalendar_yearStyle = 7; - - // aapt resource value: 8 - public const int MaterialCalendar_yearTodayStyle = 8; - - // aapt resource value: { 0x10101E5,0x7F030075,0x7F03007E,0x7F030080,0x7F030210,0x7F03021F,0x7F030222,0x7F030244,0x7F03024A,0x7F03024B } - public static int[] MaterialCardView = new int[] { - 16843237, - 2130903157, - 2130903166, - 2130903168, - 2130903568, - 2130903583, - 2130903586, - 2130903620, - 2130903626, - 2130903627}; - - // aapt resource value: 0 - public const int MaterialCardView_android_checkable = 0; - - // aapt resource value: 1 - public const int MaterialCardView_cardForegroundColor = 1; - - // aapt resource value: 2 - public const int MaterialCardView_checkedIcon = 2; - - // aapt resource value: 3 - public const int MaterialCardView_checkedIconTint = 3; - - // aapt resource value: 4 - public const int MaterialCardView_rippleColor = 4; - - // aapt resource value: 5 - public const int MaterialCardView_shapeAppearance = 5; - - // aapt resource value: 6 - public const int MaterialCardView_shapeAppearanceOverlay = 6; - - // aapt resource value: 7 - public const int MaterialCardView_state_dragged = 7; - - // aapt resource value: 8 - public const int MaterialCardView_strokeColor = 8; - - // aapt resource value: 9 - public const int MaterialCardView_strokeWidth = 9; - - // aapt resource value: { 0x7F030070,0x7F0302CA } - public static int[] MaterialCheckBox = new int[] { - 2130903152, - 2130903754}; - - // aapt resource value: 0 - public const int MaterialCheckBox_buttonTint = 0; - - // aapt resource value: 1 - public const int MaterialCheckBox_useMaterialThemeColors = 1; - - // aapt resource value: { 0x7F030070,0x7F0302CA } - public static int[] MaterialRadioButton = new int[] { - 2130903152, - 2130903754}; - - // aapt resource value: 0 - public const int MaterialRadioButton_buttonTint = 0; - - // aapt resource value: 1 - public const int MaterialRadioButton_useMaterialThemeColors = 1; - - // aapt resource value: { 0x7F03021F,0x7F030222 } - public static int[] MaterialShape = new int[] { - 2130903583, - 2130903586}; - - // aapt resource value: 0 - public const int MaterialShape_shapeAppearance = 0; - - // aapt resource value: 1 - public const int MaterialShape_shapeAppearanceOverlay = 1; - - // aapt resource value: { 0x101057F,0x7F03019B } - public static int[] MaterialTextAppearance = new int[] { - 16844159, - 2130903451}; - - // aapt resource value: 0 - public const int MaterialTextAppearance_android_lineHeight = 0; - - // aapt resource value: 1 - public const int MaterialTextAppearance_lineHeight = 1; - - // aapt resource value: { 0x1010034,0x101057F,0x7F03019B } - public static int[] MaterialTextView = new int[] { - 16842804, - 16844159, - 2130903451}; - - // aapt resource value: 1 - public const int MaterialTextView_android_lineHeight = 1; - - // aapt resource value: 0 - public const int MaterialTextView_android_textAppearance = 0; - - // aapt resource value: 2 - public const int MaterialTextView_lineHeight = 2; - - // aapt resource value: { 0x101000E,0x10100D0,0x1010194,0x10101DE,0x10101DF,0x10101E0 } - public static int[] MenuGroup = new int[] { - 16842766, - 16842960, - 16843156, - 16843230, - 16843231, - 16843232}; - - // aapt resource value: 5 - public const int MenuGroup_android_checkableBehavior = 5; - - // aapt resource value: 0 - public const int MenuGroup_android_enabled = 0; - - // aapt resource value: 1 - public const int MenuGroup_android_id = 1; - - // aapt resource value: 3 - public const int MenuGroup_android_menuCategory = 3; - - // aapt resource value: 4 - public const int MenuGroup_android_orderInCategory = 4; - - // aapt resource value: 2 - public const int MenuGroup_android_visible = 2; - - // aapt resource value: { 0x1010002,0x101000E,0x10100D0,0x1010106,0x1010194,0x10101DE,0x10101DF,0x10101E1,0x10101E2,0x10101E3,0x10101E4,0x10101E5,0x101026F,0x7F03000E,0x7F030020,0x7F030022,0x7F03002E,0x7F0300BB,0x7F030163,0x7F030164,0x7F0301D7,0x7F030225,0x7F0302BD } - public static int[] MenuItem = new int[] { - 16842754, - 16842766, - 16842960, - 16843014, - 16843156, - 16843230, - 16843231, - 16843233, - 16843234, - 16843235, - 16843236, - 16843237, - 16843375, - 2130903054, - 2130903072, - 2130903074, - 2130903086, - 2130903227, - 2130903395, - 2130903396, - 2130903511, - 2130903589, - 2130903741}; - - // aapt resource value: 13 - public const int MenuItem_actionLayout = 13; - - // aapt resource value: 14 - public const int MenuItem_actionProviderClass = 14; - - // aapt resource value: 15 - public const int MenuItem_actionViewClass = 15; - - // aapt resource value: 16 - public const int MenuItem_alphabeticModifiers = 16; - - // aapt resource value: 9 - public const int MenuItem_android_alphabeticShortcut = 9; - - // aapt resource value: 11 - public const int MenuItem_android_checkable = 11; - - // aapt resource value: 3 - public const int MenuItem_android_checked = 3; - - // aapt resource value: 1 - public const int MenuItem_android_enabled = 1; - - // aapt resource value: 0 - public const int MenuItem_android_icon = 0; - - // aapt resource value: 2 - public const int MenuItem_android_id = 2; - - // aapt resource value: 5 - public const int MenuItem_android_menuCategory = 5; - - // aapt resource value: 10 - public const int MenuItem_android_numericShortcut = 10; - - // aapt resource value: 12 - public const int MenuItem_android_onClick = 12; - - // aapt resource value: 6 - public const int MenuItem_android_orderInCategory = 6; - - // aapt resource value: 7 - public const int MenuItem_android_title = 7; - - // aapt resource value: 8 - public const int MenuItem_android_titleCondensed = 8; - - // aapt resource value: 4 - public const int MenuItem_android_visible = 4; - - // aapt resource value: 17 - public const int MenuItem_contentDescription = 17; - - // aapt resource value: 18 - public const int MenuItem_iconTint = 18; - - // aapt resource value: 19 - public const int MenuItem_iconTintMode = 19; - - // aapt resource value: 20 - public const int MenuItem_numericModifiers = 20; - - // aapt resource value: 21 - public const int MenuItem_showAsAction = 21; - - // aapt resource value: 22 - public const int MenuItem_tooltipText = 22; - - // aapt resource value: { 0x10100AE,0x101012C,0x101012D,0x101012E,0x101012F,0x1010130,0x1010131,0x7F030203,0x7F03024C } - public static int[] MenuView = new int[] { - 16842926, - 16843052, - 16843053, - 16843054, - 16843055, - 16843056, - 16843057, - 2130903555, - 2130903628}; - - // aapt resource value: 4 - public const int MenuView_android_headerBackground = 4; - - // aapt resource value: 2 - public const int MenuView_android_horizontalDivider = 2; - - // aapt resource value: 5 - public const int MenuView_android_itemBackground = 5; - - // aapt resource value: 6 - public const int MenuView_android_itemIconDisabledAlpha = 6; - - // aapt resource value: 1 - public const int MenuView_android_itemTextAppearance = 1; - - // aapt resource value: 3 - public const int MenuView_android_verticalDivider = 3; - - // aapt resource value: 0 - public const int MenuView_android_windowAnimationStyle = 0; - - // aapt resource value: 7 - public const int MenuView_preserveIconSpacing = 7; - - // aapt resource value: 8 - public const int MenuView_subMenuArrow = 8; - - // aapt resource value: { 0x10100B2,0x10101F8,0x7F030115,0x7F030116 } - public static int[] MultiSelectListPreference = new int[] { - 16842930, - 16843256, - 2130903317, - 2130903318}; - - // aapt resource value: 0 - public const int MultiSelectListPreference_android_entries = 0; - - // aapt resource value: 1 - public const int MultiSelectListPreference_android_entryValues = 1; - - // aapt resource value: 2 - public const int MultiSelectListPreference_entries = 2; - - // aapt resource value: 3 - public const int MultiSelectListPreference_entryValues = 3; - - // aapt resource value: { 0x10100D0,0x7F0300E5,0x7F030114,0x7F03011E,0x7F03018C,0x7F0301EE,0x7F0301EF,0x7F0301F0,0x7F0301F1 } - public static int[] NavAction = new int[] { - 16842960, - 2130903269, - 2130903316, - 2130903326, - 2130903436, - 2130903534, - 2130903535, - 2130903536, - 2130903537}; - - // aapt resource value: 0 - public const int NavAction_android_id = 0; - - // aapt resource value: 1 - public const int NavAction_destination = 1; - - // aapt resource value: 2 - public const int NavAction_enterAnim = 2; - - // aapt resource value: 3 - public const int NavAction_exitAnim = 3; - - // aapt resource value: 4 - public const int NavAction_launchSingleTop = 4; - - // aapt resource value: 5 - public const int NavAction_popEnterAnim = 5; - - // aapt resource value: 6 - public const int NavAction_popExitAnim = 6; - - // aapt resource value: 7 - public const int NavAction_popUpTo = 7; - - // aapt resource value: 8 - public const int NavAction_popUpToInclusive = 8; - - // aapt resource value: { 0x1010003,0x10101ED,0x7F030031,0x7F0301D5 } - public static int[] NavArgument = new int[] { - 16842755, - 16843245, - 2130903089, - 2130903509}; - - // aapt resource value: 1 - public const int NavArgument_android_defaultValue = 1; - - // aapt resource value: 0 - public const int NavArgument_android_name = 0; - - // aapt resource value: 2 - public const int NavArgument_argType = 2; - - // aapt resource value: 3 - public const int NavArgument_nullable = 3; - - // aapt resource value: { 0x10104EE,0x7F030000,0x7F0301CB,0x7F0302C8 } - public static int[] NavDeepLink = new int[] { - 16844014, - 2130903040, - 2130903499, - 2130903752}; - - // aapt resource value: 1 - public const int NavDeepLink_action = 1; - - // aapt resource value: 0 - public const int NavDeepLink_android_autoVerify = 0; - - // aapt resource value: 2 - public const int NavDeepLink_mimeType = 2; - - // aapt resource value: 3 - public const int NavDeepLink_uri = 3; - - // aapt resource value: { 0x7F03023B } - public static int[] NavGraphNavigator = new int[] { - 2130903611}; - - // aapt resource value: 0 - public const int NavGraphNavigator_startDestination = 0; - - // aapt resource value: { 0x7F0301CF } - public static int[] NavHost = new int[] { - 2130903503}; - - // aapt resource value: 0 - public const int NavHost_navGraph = 0; - - // aapt resource value: { 0x10100D4,0x10100DD,0x101011F,0x7F030106,0x7F03014B,0x7F03016E,0x7F030170,0x7F030172,0x7F030173,0x7F030174,0x7F030175,0x7F030178,0x7F030179,0x7F03017A,0x7F03017B,0x7F03017C,0x7F03017D,0x7F03017E,0x7F030182,0x7F030185,0x7F0301CA } - public static int[] NavigationView = new int[] { - 16842964, - 16842973, - 16843039, - 2130903302, - 2130903371, - 2130903406, - 2130903408, - 2130903410, - 2130903411, - 2130903412, - 2130903413, - 2130903416, - 2130903417, - 2130903418, - 2130903419, - 2130903420, - 2130903421, - 2130903422, - 2130903426, - 2130903429, - 2130903498}; - - // aapt resource value: 0 - public const int NavigationView_android_background = 0; - - // aapt resource value: 1 - public const int NavigationView_android_fitsSystemWindows = 1; - - // aapt resource value: 2 - public const int NavigationView_android_maxWidth = 2; - - // aapt resource value: 3 - public const int NavigationView_elevation = 3; - - // aapt resource value: 4 - public const int NavigationView_headerLayout = 4; - - // aapt resource value: 5 - public const int NavigationView_itemBackground = 5; - - // aapt resource value: 6 - public const int NavigationView_itemHorizontalPadding = 6; - - // aapt resource value: 7 - public const int NavigationView_itemIconPadding = 7; - - // aapt resource value: 8 - public const int NavigationView_itemIconSize = 8; - - // aapt resource value: 9 - public const int NavigationView_itemIconTint = 9; - - // aapt resource value: 10 - public const int NavigationView_itemMaxLines = 10; - - // aapt resource value: 11 - public const int NavigationView_itemShapeAppearance = 11; - - // aapt resource value: 12 - public const int NavigationView_itemShapeAppearanceOverlay = 12; - - // aapt resource value: 13 - public const int NavigationView_itemShapeFillColor = 13; - - // aapt resource value: 14 - public const int NavigationView_itemShapeInsetBottom = 14; - - // aapt resource value: 15 - public const int NavigationView_itemShapeInsetEnd = 15; - - // aapt resource value: 16 - public const int NavigationView_itemShapeInsetStart = 16; - - // aapt resource value: 17 - public const int NavigationView_itemShapeInsetTop = 17; - - // aapt resource value: 18 - public const int NavigationView_itemTextAppearance = 18; - - // aapt resource value: 19 - public const int NavigationView_itemTextColor = 19; - - // aapt resource value: 20 - public const int NavigationView_menu = 20; - - // aapt resource value: { 0x1010001,0x10100D0 } - public static int[] Navigator = new int[] { - 16842753, - 16842960}; - - // aapt resource value: 1 - public const int Navigator_android_id = 1; - - // aapt resource value: 0 - public const int Navigator_android_label = 0; - - // aapt resource value: { 0x7F030148 } - public static int[] NavInclude = new int[] { - 2130903368}; - - // aapt resource value: 0 - public const int NavInclude_graph = 0; - - // aapt resource value: { 0x1010176,0x10102C9,0x7F0301DA } - public static int[] PopupWindow = new int[] { - 16843126, - 16843465, - 2130903514}; - - // aapt resource value: { 0x7F030241 } - public static int[] PopupWindowBackgroundState = new int[] { - 2130903617}; - - // aapt resource value: 0 - public const int PopupWindowBackgroundState_state_above_anchor = 0; - - // aapt resource value: 1 - public const int PopupWindow_android_popupAnimationStyle = 1; - - // aapt resource value: 0 - public const int PopupWindow_android_popupBackground = 0; - - // aapt resource value: 2 - public const int PopupWindow_overlapAnchor = 2; - - // aapt resource value: { 0x1010002,0x101000D,0x101000E,0x10100F2,0x10101E1,0x10101E6,0x10101E8,0x10101E9,0x10101EA,0x10101EB,0x10101EC,0x10101ED,0x10101EE,0x10102E3,0x101055C,0x1010561,0x7F030029,0x7F03002B,0x7F0300E3,0x7F0300E4,0x7F030109,0x7F03010A,0x7F030144,0x7F03015C,0x7F030161,0x7F03016D,0x7F030186,0x7F03018D,0x7F0301D8,0x7F0301EA,0x7F03021B,0x7F030224,0x7F03022E,0x7F030256,0x7F0302AC,0x7F0302D0 } - public static int[] Preference = new int[] { - 16842754, - 16842765, - 16842766, - 16842994, - 16843233, - 16843238, - 16843240, - 16843241, - 16843242, - 16843243, - 16843244, - 16843245, - 16843246, - 16843491, - 16844124, - 16844129, - 2130903081, - 2130903083, - 2130903267, - 2130903268, - 2130903305, - 2130903306, - 2130903364, - 2130903388, - 2130903393, - 2130903405, - 2130903430, - 2130903437, - 2130903512, - 2130903530, - 2130903579, - 2130903588, - 2130903598, - 2130903638, - 2130903724, - 2130903760}; - - // aapt resource value: { 0x10100F2,0x1010129,0x101012A,0x7F03002A } - public static int[] PreferenceFragment = new int[] { - 16842994, - 16843049, - 16843050, - 2130903082}; - - // aapt resource value: { 0x10100F2,0x1010129,0x101012A,0x7F03002A } - public static int[] PreferenceFragmentCompat = new int[] { - 16842994, - 16843049, - 16843050, - 2130903082}; - - // aapt resource value: 3 - public const int PreferenceFragmentCompat_allowDividerAfterLastItem = 3; - - // aapt resource value: 1 - public const int PreferenceFragmentCompat_android_divider = 1; - - // aapt resource value: 2 - public const int PreferenceFragmentCompat_android_dividerHeight = 2; - - // aapt resource value: 0 - public const int PreferenceFragmentCompat_android_layout = 0; - - // aapt resource value: 3 - public const int PreferenceFragment_allowDividerAfterLastItem = 3; - - // aapt resource value: 1 - public const int PreferenceFragment_android_divider = 1; - - // aapt resource value: 2 - public const int PreferenceFragment_android_dividerHeight = 2; - - // aapt resource value: 0 - public const int PreferenceFragment_android_layout = 0; - - // aapt resource value: { 0x10101E7,0x7F030169,0x7F0301D9 } - public static int[] PreferenceGroup = new int[] { - 16843239, - 2130903401, - 2130903513}; - - // aapt resource value: 0 - public const int PreferenceGroup_android_orderingFromXml = 0; - - // aapt resource value: 1 - public const int PreferenceGroup_initialExpandedChildrenCount = 1; - - // aapt resource value: 2 - public const int PreferenceGroup_orderingFromXml = 2; - - // aapt resource value: { 0x101011F,0x1010120,0x7F0301C5,0x7F0301C8 } - public static int[] PreferenceImageView = new int[] { - 16843039, - 16843040, - 2130903493, - 2130903496}; - - // aapt resource value: 1 - public const int PreferenceImageView_android_maxHeight = 1; - - // aapt resource value: 0 - public const int PreferenceImageView_android_maxWidth = 0; - - // aapt resource value: 2 - public const int PreferenceImageView_maxHeight = 2; - - // aapt resource value: 3 - public const int PreferenceImageView_maxWidth = 3; - - // aapt resource value: { 0x7F03007A,0x7F0300EA,0x7F030101,0x7F030104,0x7F0301F7,0x7F0301F8,0x7F0301F9,0x7F0301FA,0x7F0301FB,0x7F0301FC,0x7F0301FD,0x7F0301FE,0x7F0301FF,0x7F030219,0x7F03025C,0x7F03025D } - public static int[] PreferenceTheme = new int[] { - 2130903162, - 2130903274, - 2130903297, - 2130903300, - 2130903543, - 2130903544, - 2130903545, - 2130903546, - 2130903547, - 2130903548, - 2130903549, - 2130903550, - 2130903551, - 2130903577, - 2130903644, - 2130903645}; - - // aapt resource value: 0 - public const int PreferenceTheme_checkBoxPreferenceStyle = 0; - - // aapt resource value: 1 - public const int PreferenceTheme_dialogPreferenceStyle = 1; - - // aapt resource value: 2 - public const int PreferenceTheme_dropdownPreferenceStyle = 2; - - // aapt resource value: 3 - public const int PreferenceTheme_editTextPreferenceStyle = 3; - - // aapt resource value: 4 - public const int PreferenceTheme_preferenceCategoryStyle = 4; - - // aapt resource value: 5 - public const int PreferenceTheme_preferenceCategoryTitleTextAppearance = 5; - - // aapt resource value: 6 - public const int PreferenceTheme_preferenceFragmentCompatStyle = 6; - - // aapt resource value: 7 - public const int PreferenceTheme_preferenceFragmentListStyle = 7; - - // aapt resource value: 8 - public const int PreferenceTheme_preferenceFragmentStyle = 8; - - // aapt resource value: 9 - public const int PreferenceTheme_preferenceInformationStyle = 9; - - // aapt resource value: 10 - public const int PreferenceTheme_preferenceScreenStyle = 10; - - // aapt resource value: 11 - public const int PreferenceTheme_preferenceStyle = 11; - - // aapt resource value: 12 - public const int PreferenceTheme_preferenceTheme = 12; - - // aapt resource value: 13 - public const int PreferenceTheme_seekBarPreferenceStyle = 13; - - // aapt resource value: 14 - public const int PreferenceTheme_switchPreferenceCompatStyle = 14; - - // aapt resource value: 15 - public const int PreferenceTheme_switchPreferenceStyle = 15; - - // aapt resource value: 16 - public const int Preference_allowDividerAbove = 16; - - // aapt resource value: 17 - public const int Preference_allowDividerBelow = 17; - - // aapt resource value: 11 - public const int Preference_android_defaultValue = 11; - - // aapt resource value: 10 - public const int Preference_android_dependency = 10; - - // aapt resource value: 2 - public const int Preference_android_enabled = 2; - - // aapt resource value: 13 - public const int Preference_android_fragment = 13; - - // aapt resource value: 0 - public const int Preference_android_icon = 0; - - // aapt resource value: 15 - public const int Preference_android_iconSpaceReserved = 15; - - // aapt resource value: 6 - public const int Preference_android_key = 6; - - // aapt resource value: 3 - public const int Preference_android_layout = 3; - - // aapt resource value: 8 - public const int Preference_android_order = 8; - - // aapt resource value: 1 - public const int Preference_android_persistent = 1; - - // aapt resource value: 5 - public const int Preference_android_selectable = 5; - - // aapt resource value: 12 - public const int Preference_android_shouldDisableView = 12; - - // aapt resource value: 14 - public const int Preference_android_singleLineTitle = 14; - - // aapt resource value: 7 - public const int Preference_android_summary = 7; - - // aapt resource value: 4 - public const int Preference_android_title = 4; - - // aapt resource value: 9 - public const int Preference_android_widgetLayout = 9; - - // aapt resource value: 18 - public const int Preference_defaultValue = 18; - - // aapt resource value: 19 - public const int Preference_dependency = 19; - - // aapt resource value: 20 - public const int Preference_enableCopying = 20; - - // aapt resource value: 21 - public const int Preference_enabled = 21; - - // aapt resource value: 22 - public const int Preference_fragment = 22; - - // aapt resource value: 23 - public const int Preference_icon = 23; - - // aapt resource value: 24 - public const int Preference_iconSpaceReserved = 24; - - // aapt resource value: 25 - public const int Preference_isPreferenceVisible = 25; - - // aapt resource value: 26 - public const int Preference_key = 26; - - // aapt resource value: 27 - public const int Preference_layout = 27; - - // aapt resource value: 28 - public const int Preference_order = 28; - - // aapt resource value: 29 - public const int Preference_persistent = 29; - - // aapt resource value: 30 - public const int Preference_selectable = 30; - - // aapt resource value: 31 - public const int Preference_shouldDisableView = 31; - - // aapt resource value: 32 - public const int Preference_singleLineTitle = 32; - - // aapt resource value: 33 - public const int Preference_summary = 33; - - // aapt resource value: 34 - public const int Preference_title = 34; - - // aapt resource value: 35 - public const int Preference_widgetLayout = 35; - - // aapt resource value: { 0x7F0302CC } - public static int[] RangeSlider = new int[] { - 2130903756}; - - // aapt resource value: 0 - public const int RangeSlider_values = 0; - - // aapt resource value: { 0x7F0301DB,0x7F0301E1 } - public static int[] RecycleListView = new int[] { - 2130903515, - 2130903521}; - - // aapt resource value: 0 - public const int RecycleListView_paddingBottomNoButtons = 0; - - // aapt resource value: 1 - public const int RecycleListView_paddingTopNoTitle = 1; - - // aapt resource value: { 0x10100C4,0x10100EB,0x10100F1,0x7F030131,0x7F030132,0x7F030133,0x7F030134,0x7F030135,0x7F03018E,0x7F03020F,0x7F030234,0x7F03023A } - public static int[] RecyclerView = new int[] { - 16842948, - 16842987, - 16842993, - 2130903345, - 2130903346, - 2130903347, - 2130903348, - 2130903349, - 2130903438, - 2130903567, - 2130903604, - 2130903610}; - - // aapt resource value: 1 - public const int RecyclerView_android_clipToPadding = 1; - - // aapt resource value: 2 - public const int RecyclerView_android_descendantFocusability = 2; - - // aapt resource value: 0 - public const int RecyclerView_android_orientation = 0; - - // aapt resource value: 3 - public const int RecyclerView_fastScrollEnabled = 3; - - // aapt resource value: 4 - public const int RecyclerView_fastScrollHorizontalThumbDrawable = 4; - - // aapt resource value: 5 - public const int RecyclerView_fastScrollHorizontalTrackDrawable = 5; - - // aapt resource value: 6 - public const int RecyclerView_fastScrollVerticalThumbDrawable = 6; - - // aapt resource value: 7 - public const int RecyclerView_fastScrollVerticalTrackDrawable = 7; - - // aapt resource value: 8 - public const int RecyclerView_layoutManager = 8; - - // aapt resource value: 9 - public const int RecyclerView_reverseLayout = 9; - - // aapt resource value: 10 - public const int RecyclerView_spanCount = 10; - - // aapt resource value: 11 - public const int RecyclerView_stackFromEnd = 11; - - // aapt resource value: { 0x7F03016A } - public static int[] ScrimInsetsFrameLayout = new int[] { - 2130903402}; - - // aapt resource value: 0 - public const int ScrimInsetsFrameLayout_insetForeground = 0; - - // aapt resource value: { 0x7F030050 } - public static int[] ScrollingViewBehavior_Layout = new int[] { - 2130903120}; - - // aapt resource value: 0 - public const int ScrollingViewBehavior_Layout_behavior_overlapTop = 0; - - // aapt resource value: { 0x7F030214 } - public static int[] ScrollViewRendererTheme = new int[] { - 2130903572}; - - // aapt resource value: 0 - public const int ScrollViewRendererTheme_scrollViewStyle = 0; - - // aapt resource value: { 0x10100DA,0x101011F,0x1010220,0x1010264,0x7F030097,0x7F0300BA,0x7F0300E2,0x7F030147,0x7F030165,0x7F03018D,0x7F030207,0x7F030208,0x7F030215,0x7F030216,0x7F03024D,0x7F030255,0x7F0302CF } - public static int[] SearchView = new int[] { - 16842970, - 16843039, - 16843296, - 16843364, - 2130903191, - 2130903226, - 2130903266, - 2130903367, - 2130903397, - 2130903437, - 2130903559, - 2130903560, - 2130903573, - 2130903574, - 2130903629, - 2130903637, - 2130903759}; - - // aapt resource value: 0 - public const int SearchView_android_focusable = 0; - - // aapt resource value: 3 - public const int SearchView_android_imeOptions = 3; - - // aapt resource value: 2 - public const int SearchView_android_inputType = 2; - - // aapt resource value: 1 - public const int SearchView_android_maxWidth = 1; - - // aapt resource value: 4 - public const int SearchView_closeIcon = 4; - - // aapt resource value: 5 - public const int SearchView_commitIcon = 5; - - // aapt resource value: 6 - public const int SearchView_defaultQueryHint = 6; - - // aapt resource value: 7 - public const int SearchView_goIcon = 7; - - // aapt resource value: 8 - public const int SearchView_iconifiedByDefault = 8; - - // aapt resource value: 9 - public const int SearchView_layout = 9; - - // aapt resource value: 10 - public const int SearchView_queryBackground = 10; - - // aapt resource value: 11 - public const int SearchView_queryHint = 11; - - // aapt resource value: 12 - public const int SearchView_searchHintIcon = 12; - - // aapt resource value: 13 - public const int SearchView_searchIcon = 13; - - // aapt resource value: 14 - public const int SearchView_submitBackground = 14; - - // aapt resource value: 15 - public const int SearchView_suggestionRowLayout = 15; - - // aapt resource value: 16 - public const int SearchView_voiceIcon = 16; - - // aapt resource value: { 0x10100F2,0x1010136,0x7F030024,0x7F0301CC,0x7F030218,0x7F030228,0x7F0302C7 } - public static int[] SeekBarPreference = new int[] { - 16842994, - 16843062, - 2130903076, - 2130903500, - 2130903576, - 2130903592, - 2130903751}; - - // aapt resource value: 2 - public const int SeekBarPreference_adjustable = 2; - - // aapt resource value: 0 - public const int SeekBarPreference_android_layout = 0; - - // aapt resource value: 1 - public const int SeekBarPreference_android_max = 1; - - // aapt resource value: 3 - public const int SeekBarPreference_min = 3; - - // aapt resource value: 4 - public const int SeekBarPreference_seekBarIncrement = 4; - - // aapt resource value: 5 - public const int SeekBarPreference_showSeekBarValue = 5; - - // aapt resource value: 6 - public const int SeekBarPreference_updatesContinuously = 6; - - // aapt resource value: { 0x7F03021F,0x7F030222,0x7F03024A,0x7F03024B } - public static int[] ShapeableImageView = new int[] { - 2130903583, - 2130903586, - 2130903626, - 2130903627}; - - // aapt resource value: 0 - public const int ShapeableImageView_shapeAppearance = 0; - - // aapt resource value: 1 - public const int ShapeableImageView_shapeAppearanceOverlay = 1; - - // aapt resource value: 2 - public const int ShapeableImageView_strokeColor = 2; - - // aapt resource value: 3 - public const int ShapeableImageView_strokeWidth = 3; - - // aapt resource value: { 0x7F0300CA,0x7F0300CB,0x7F0300CC,0x7F0300CD,0x7F0300CE,0x7F0300D0,0x7F0300D1,0x7F0300D2,0x7F0300D3,0x7F0300D4 } - public static int[] ShapeAppearance = new int[] { - 2130903242, - 2130903243, - 2130903244, - 2130903245, - 2130903246, - 2130903248, - 2130903249, - 2130903250, - 2130903251, - 2130903252}; - - // aapt resource value: 0 - public const int ShapeAppearance_cornerFamily = 0; - - // aapt resource value: 1 - public const int ShapeAppearance_cornerFamilyBottomLeft = 1; - - // aapt resource value: 2 - public const int ShapeAppearance_cornerFamilyBottomRight = 2; - - // aapt resource value: 3 - public const int ShapeAppearance_cornerFamilyTopLeft = 3; - - // aapt resource value: 4 - public const int ShapeAppearance_cornerFamilyTopRight = 4; - - // aapt resource value: 5 - public const int ShapeAppearance_cornerSize = 5; - - // aapt resource value: 6 - public const int ShapeAppearance_cornerSizeBottomLeft = 6; - - // aapt resource value: 7 - public const int ShapeAppearance_cornerSizeBottomRight = 7; - - // aapt resource value: 8 - public const int ShapeAppearance_cornerSizeTopLeft = 8; - - // aapt resource value: 9 - public const int ShapeAppearance_cornerSizeTopRight = 9; - - // aapt resource value: { 0x101000E,0x1010024,0x1010146,0x10102DE,0x10102DF,0x7F030149,0x7F03014A,0x7F030188,0x7F030189,0x7F03029E,0x7F03029F,0x7F0302A0,0x7F0302A4,0x7F0302A5,0x7F0302A6,0x7F0302BF,0x7F0302C0,0x7F0302C1,0x7F0302C2 } - public static int[] Slider = new int[] { - 16842766, - 16842788, - 16843078, - 16843486, - 16843487, - 2130903369, - 2130903370, - 2130903432, - 2130903433, - 2130903710, - 2130903711, - 2130903712, - 2130903716, - 2130903717, - 2130903718, - 2130903743, - 2130903744, - 2130903745, - 2130903746}; - - // aapt resource value: 0 - public const int Slider_android_enabled = 0; - - // aapt resource value: 2 - public const int Slider_android_stepSize = 2; - - // aapt resource value: 1 - public const int Slider_android_value = 1; - - // aapt resource value: 3 - public const int Slider_android_valueFrom = 3; - - // aapt resource value: 4 - public const int Slider_android_valueTo = 4; - - // aapt resource value: 5 - public const int Slider_haloColor = 5; - - // aapt resource value: 6 - public const int Slider_haloRadius = 6; - - // aapt resource value: 7 - public const int Slider_labelBehavior = 7; - - // aapt resource value: 8 - public const int Slider_labelStyle = 8; - - // aapt resource value: 9 - public const int Slider_thumbColor = 9; - - // aapt resource value: 10 - public const int Slider_thumbElevation = 10; - - // aapt resource value: 11 - public const int Slider_thumbRadius = 11; - - // aapt resource value: 12 - public const int Slider_tickColor = 12; - - // aapt resource value: 13 - public const int Slider_tickColorActive = 13; - - // aapt resource value: 14 - public const int Slider_tickColorInactive = 14; - - // aapt resource value: 15 - public const int Slider_trackColor = 15; - - // aapt resource value: 16 - public const int Slider_trackColorActive = 16; - - // aapt resource value: 17 - public const int Slider_trackColorInactive = 17; - - // aapt resource value: 18 - public const int Slider_trackHeight = 18; - - // aapt resource value: { 0x7F030231,0x7F030232,0x7F030233 } - public static int[] Snackbar = new int[] { - 2130903601, - 2130903602, - 2130903603}; - - // aapt resource value: { 0x101011F,0x7F030021,0x7F03002F,0x7F030040,0x7F030043,0x7F030044,0x7F030106,0x7F0301C2 } - public static int[] SnackbarLayout = new int[] { - 16843039, - 2130903073, - 2130903087, - 2130903104, - 2130903107, - 2130903108, - 2130903302, - 2130903490}; - - // aapt resource value: 1 - public const int SnackbarLayout_actionTextColorAlpha = 1; - - // aapt resource value: 0 - public const int SnackbarLayout_android_maxWidth = 0; - - // aapt resource value: 2 - public const int SnackbarLayout_animationMode = 2; - - // aapt resource value: 3 - public const int SnackbarLayout_backgroundOverlayColorAlpha = 3; - - // aapt resource value: 4 - public const int SnackbarLayout_backgroundTint = 4; - - // aapt resource value: 5 - public const int SnackbarLayout_backgroundTintMode = 5; - - // aapt resource value: 6 - public const int SnackbarLayout_elevation = 6; - - // aapt resource value: 7 - public const int SnackbarLayout_maxActionInlineWidth = 7; - - // aapt resource value: 0 - public const int Snackbar_snackbarButtonStyle = 0; - - // aapt resource value: 1 - public const int Snackbar_snackbarStyle = 1; - - // aapt resource value: 2 - public const int Snackbar_snackbarTextViewStyle = 2; - - // aapt resource value: { 0x10100B2,0x1010176,0x101017B,0x1010262,0x7F0301F4 } - public static int[] Spinner = new int[] { - 16842930, - 16843126, - 16843131, - 16843362, - 2130903540}; - - // aapt resource value: 3 - public const int Spinner_android_dropDownWidth = 3; - - // aapt resource value: 0 - public const int Spinner_android_entries = 0; - - // aapt resource value: 1 - public const int Spinner_android_popupBackground = 1; - - // aapt resource value: 2 - public const int Spinner_android_prompt = 2; - - // aapt resource value: 4 - public const int Spinner_popupTheme = 4; - - // aapt resource value: { 0x101011C,0x1010194,0x1010195,0x1010196,0x101030C,0x101030D } - public static int[] StateListDrawable = new int[] { - 16843036, - 16843156, - 16843157, - 16843158, - 16843532, - 16843533}; - - // aapt resource value: { 0x1010199 } - public static int[] StateListDrawableItem = new int[] { - 16843161}; - - // aapt resource value: 0 - public const int StateListDrawableItem_android_drawable = 0; - - // aapt resource value: 3 - public const int StateListDrawable_android_constantSize = 3; - - // aapt resource value: 0 - public const int StateListDrawable_android_dither = 0; - - // aapt resource value: 4 - public const int StateListDrawable_android_enterFadeDuration = 4; - - // aapt resource value: 5 - public const int StateListDrawable_android_exitFadeDuration = 5; - - // aapt resource value: 2 - public const int StateListDrawable_android_variablePadding = 2; - - // aapt resource value: 1 - public const int StateListDrawable_android_visible = 1; - - // aapt resource value: { 0x7F030259 } - public static int[] SwipeRefreshLayout = new int[] { - 2130903641}; - - // aapt resource value: 0 - public const int SwipeRefreshLayout_swipeRefreshLayoutProgressSpinnerBackgroundColor = 0; - - // aapt resource value: { 0x1010124,0x1010125,0x1010142,0x7F030229,0x7F030238,0x7F03025A,0x7F03025B,0x7F03025F,0x7F0302A1,0x7F0302A2,0x7F0302A3,0x7F0302BE,0x7F0302C3,0x7F0302C4 } - public static int[] SwitchCompat = new int[] { - 16843044, - 16843045, - 16843074, - 2130903593, - 2130903608, - 2130903642, - 2130903643, - 2130903647, - 2130903713, - 2130903714, - 2130903715, - 2130903742, - 2130903747, - 2130903748}; - - // aapt resource value: 1 - public const int SwitchCompat_android_textOff = 1; - - // aapt resource value: 0 - public const int SwitchCompat_android_textOn = 0; - - // aapt resource value: 2 - public const int SwitchCompat_android_thumb = 2; - - // aapt resource value: 3 - public const int SwitchCompat_showText = 3; - - // aapt resource value: 4 - public const int SwitchCompat_splitTrack = 4; - - // aapt resource value: 5 - public const int SwitchCompat_switchMinWidth = 5; - - // aapt resource value: 6 - public const int SwitchCompat_switchPadding = 6; - - // aapt resource value: 7 - public const int SwitchCompat_switchTextAppearance = 7; - - // aapt resource value: 8 - public const int SwitchCompat_thumbTextPadding = 8; - - // aapt resource value: 9 - public const int SwitchCompat_thumbTint = 9; - - // aapt resource value: 10 - public const int SwitchCompat_thumbTintMode = 10; - - // aapt resource value: 11 - public const int SwitchCompat_track = 11; - - // aapt resource value: 12 - public const int SwitchCompat_trackTint = 12; - - // aapt resource value: 13 - public const int SwitchCompat_trackTintMode = 13; - - // aapt resource value: { 0x7F0302CA } - public static int[] SwitchMaterial = new int[] { - 2130903754}; - - // aapt resource value: 0 - public const int SwitchMaterial_useMaterialThemeColors = 0; - - // aapt resource value: { 0x10101EF,0x10101F0,0x10101F1,0x101036B,0x101036C,0x7F0300EE,0x7F030257,0x7F030258,0x7F030260,0x7F030261 } - public static int[] SwitchPreference = new int[] { - 16843247, - 16843248, - 16843249, - 16843627, - 16843628, - 2130903278, - 2130903639, - 2130903640, - 2130903648, - 2130903649}; - - // aapt resource value: { 0x10101EF,0x10101F0,0x10101F1,0x101036B,0x101036C,0x7F0300EE,0x7F030257,0x7F030258,0x7F030260,0x7F030261 } - public static int[] SwitchPreferenceCompat = new int[] { - 16843247, - 16843248, - 16843249, - 16843627, - 16843628, - 2130903278, - 2130903639, - 2130903640, - 2130903648, - 2130903649}; - - // aapt resource value: 2 - public const int SwitchPreferenceCompat_android_disableDependentsState = 2; - - // aapt resource value: 1 - public const int SwitchPreferenceCompat_android_summaryOff = 1; - - // aapt resource value: 0 - public const int SwitchPreferenceCompat_android_summaryOn = 0; - - // aapt resource value: 4 - public const int SwitchPreferenceCompat_android_switchTextOff = 4; - - // aapt resource value: 3 - public const int SwitchPreferenceCompat_android_switchTextOn = 3; - - // aapt resource value: 5 - public const int SwitchPreferenceCompat_disableDependentsState = 5; - - // aapt resource value: 6 - public const int SwitchPreferenceCompat_summaryOff = 6; - - // aapt resource value: 7 - public const int SwitchPreferenceCompat_summaryOn = 7; - - // aapt resource value: 8 - public const int SwitchPreferenceCompat_switchTextOff = 8; - - // aapt resource value: 9 - public const int SwitchPreferenceCompat_switchTextOn = 9; - - // aapt resource value: 2 - public const int SwitchPreference_android_disableDependentsState = 2; - - // aapt resource value: 1 - public const int SwitchPreference_android_summaryOff = 1; - - // aapt resource value: 0 - public const int SwitchPreference_android_summaryOn = 0; - - // aapt resource value: 4 - public const int SwitchPreference_android_switchTextOff = 4; - - // aapt resource value: 3 - public const int SwitchPreference_android_switchTextOn = 3; - - // aapt resource value: 5 - public const int SwitchPreference_disableDependentsState = 5; - - // aapt resource value: 6 - public const int SwitchPreference_summaryOff = 6; - - // aapt resource value: 7 - public const int SwitchPreference_summaryOn = 7; - - // aapt resource value: 8 - public const int SwitchPreference_switchTextOff = 8; - - // aapt resource value: 9 - public const int SwitchPreference_switchTextOn = 9; - - // aapt resource value: { 0x1010002,0x10100F2,0x101014F } - public static int[] TabItem = new int[] { - 16842754, - 16842994, - 16843087}; - - // aapt resource value: 0 - public const int TabItem_android_icon = 0; - - // aapt resource value: 1 - public const int TabItem_android_layout = 1; - - // aapt resource value: 2 - public const int TabItem_android_text = 2; - - // aapt resource value: { 0x7F030262,0x7F030263,0x7F030264,0x7F030265,0x7F030266,0x7F030267,0x7F030268,0x7F030269,0x7F03026A,0x7F03026B,0x7F03026C,0x7F03026D,0x7F03026E,0x7F03026F,0x7F030270,0x7F030271,0x7F030272,0x7F030273,0x7F030274,0x7F030275,0x7F030276,0x7F030277,0x7F030279,0x7F03027A,0x7F03027B } - public static int[] TabLayout = new int[] { - 2130903650, - 2130903651, - 2130903652, - 2130903653, - 2130903654, - 2130903655, - 2130903656, - 2130903657, - 2130903658, - 2130903659, - 2130903660, - 2130903661, - 2130903662, - 2130903663, - 2130903664, - 2130903665, - 2130903666, - 2130903667, - 2130903668, - 2130903669, - 2130903670, - 2130903671, - 2130903673, - 2130903674, - 2130903675}; - - // aapt resource value: 0 - public const int TabLayout_tabBackground = 0; - - // aapt resource value: 1 - public const int TabLayout_tabContentStart = 1; - - // aapt resource value: 2 - public const int TabLayout_tabGravity = 2; - - // aapt resource value: 3 - public const int TabLayout_tabIconTint = 3; - - // aapt resource value: 4 - public const int TabLayout_tabIconTintMode = 4; - - // aapt resource value: 5 - public const int TabLayout_tabIndicator = 5; - - // aapt resource value: 6 - public const int TabLayout_tabIndicatorAnimationDuration = 6; - - // aapt resource value: 7 - public const int TabLayout_tabIndicatorColor = 7; - - // aapt resource value: 8 - public const int TabLayout_tabIndicatorFullWidth = 8; - - // aapt resource value: 9 - public const int TabLayout_tabIndicatorGravity = 9; - - // aapt resource value: 10 - public const int TabLayout_tabIndicatorHeight = 10; - - // aapt resource value: 11 - public const int TabLayout_tabInlineLabel = 11; - - // aapt resource value: 12 - public const int TabLayout_tabMaxWidth = 12; - - // aapt resource value: 13 - public const int TabLayout_tabMinWidth = 13; - - // aapt resource value: 14 - public const int TabLayout_tabMode = 14; - - // aapt resource value: 15 - public const int TabLayout_tabPadding = 15; - - // aapt resource value: 16 - public const int TabLayout_tabPaddingBottom = 16; - - // aapt resource value: 17 - public const int TabLayout_tabPaddingEnd = 17; - - // aapt resource value: 18 - public const int TabLayout_tabPaddingStart = 18; - - // aapt resource value: 19 - public const int TabLayout_tabPaddingTop = 19; - - // aapt resource value: 20 - public const int TabLayout_tabRippleColor = 20; - - // aapt resource value: 21 - public const int TabLayout_tabSelectedTextColor = 21; - - // aapt resource value: 22 - public const int TabLayout_tabTextAppearance = 22; - - // aapt resource value: 23 - public const int TabLayout_tabTextColor = 23; - - // aapt resource value: 24 - public const int TabLayout_tabUnboundedRipple = 24; - - // aapt resource value: { 0x1010095,0x1010096,0x1010097,0x1010098,0x101009A,0x101009B,0x1010161,0x1010162,0x1010163,0x1010164,0x10103AC,0x1010585,0x7F030139,0x7F030141,0x7F03027D,0x7F030299 } - public static int[] TextAppearance = new int[] { - 16842901, - 16842902, - 16842903, - 16842904, - 16842906, - 16842907, - 16843105, - 16843106, - 16843107, - 16843108, - 16843692, - 16844165, - 2130903353, - 2130903361, - 2130903677, - 2130903705}; - - // aapt resource value: 10 - public const int TextAppearance_android_fontFamily = 10; - - // aapt resource value: 6 - public const int TextAppearance_android_shadowColor = 6; - - // aapt resource value: 7 - public const int TextAppearance_android_shadowDx = 7; - - // aapt resource value: 8 - public const int TextAppearance_android_shadowDy = 8; - - // aapt resource value: 9 - public const int TextAppearance_android_shadowRadius = 9; - - // aapt resource value: 3 - public const int TextAppearance_android_textColor = 3; - - // aapt resource value: 4 - public const int TextAppearance_android_textColorHint = 4; - - // aapt resource value: 5 - public const int TextAppearance_android_textColorLink = 5; - - // aapt resource value: 11 - public const int TextAppearance_android_textFontWeight = 11; - - // aapt resource value: 0 - public const int TextAppearance_android_textSize = 0; - - // aapt resource value: 2 - public const int TextAppearance_android_textStyle = 2; - - // aapt resource value: 1 - public const int TextAppearance_android_typeface = 1; - - // aapt resource value: 12 - public const int TextAppearance_fontFamily = 12; - - // aapt resource value: 13 - public const int TextAppearance_fontVariationSettings = 13; - - // aapt resource value: 14 - public const int TextAppearance_textAllCaps = 14; - - // aapt resource value: 15 - public const int TextAppearance_textLocale = 15; - - // aapt resource value: { 0x7F030297 } - public static int[] TextInputEditText = new int[] { - 2130903703}; - - // aapt resource value: 0 - public const int TextInputEditText_textInputLayoutFocusedRectEnabled = 0; - - // aapt resource value: { 0x101000E,0x101009A,0x1010150,0x7F03005A,0x7F03005B,0x7F03005C,0x7F03005D,0x7F03005E,0x7F03005F,0x7F030060,0x7F030061,0x7F030062,0x7F030063,0x7F030064,0x7F0300D5,0x7F0300D6,0x7F0300D7,0x7F0300D8,0x7F0300D9,0x7F0300DA,0x7F03010B,0x7F03010C,0x7F03010D,0x7F03010E,0x7F03010F,0x7F030110,0x7F030117,0x7F030118,0x7F030119,0x7F03011A,0x7F03011B,0x7F03011C,0x7F03011D,0x7F03014D,0x7F03014E,0x7F03014F,0x7F030150,0x7F030154,0x7F030155,0x7F030156,0x7F030157,0x7F0301E5,0x7F0301E6,0x7F0301E7,0x7F0301E8,0x7F0301E9,0x7F0301EB,0x7F0301EC,0x7F0301ED,0x7F030200,0x7F030201,0x7F030202,0x7F03021F,0x7F030222,0x7F03023C,0x7F03023D,0x7F03023E,0x7F03023F,0x7F030240,0x7F030252,0x7F030253,0x7F030254 } - public static int[] TextInputLayout = new int[] { - 16842766, - 16842906, - 16843088, - 2130903130, - 2130903131, - 2130903132, - 2130903133, - 2130903134, - 2130903135, - 2130903136, - 2130903137, - 2130903138, - 2130903139, - 2130903140, - 2130903253, - 2130903254, - 2130903255, - 2130903256, - 2130903257, - 2130903258, - 2130903307, - 2130903308, - 2130903309, - 2130903310, - 2130903311, - 2130903312, - 2130903319, - 2130903320, - 2130903321, - 2130903322, - 2130903323, - 2130903324, - 2130903325, - 2130903373, - 2130903374, - 2130903375, - 2130903376, - 2130903380, - 2130903381, - 2130903382, - 2130903383, - 2130903525, - 2130903526, - 2130903527, - 2130903528, - 2130903529, - 2130903531, - 2130903532, - 2130903533, - 2130903552, - 2130903553, - 2130903554, - 2130903583, - 2130903586, - 2130903612, - 2130903613, - 2130903614, - 2130903615, - 2130903616, - 2130903634, - 2130903635, - 2130903636}; - - // aapt resource value: 0 - public const int TextInputLayout_android_enabled = 0; - - // aapt resource value: 2 - public const int TextInputLayout_android_hint = 2; - - // aapt resource value: 1 - public const int TextInputLayout_android_textColorHint = 1; - - // aapt resource value: 3 - public const int TextInputLayout_boxBackgroundColor = 3; - - // aapt resource value: 4 - public const int TextInputLayout_boxBackgroundMode = 4; - - // aapt resource value: 5 - public const int TextInputLayout_boxCollapsedPaddingTop = 5; - - // aapt resource value: 6 - public const int TextInputLayout_boxCornerRadiusBottomEnd = 6; - - // aapt resource value: 7 - public const int TextInputLayout_boxCornerRadiusBottomStart = 7; - - // aapt resource value: 8 - public const int TextInputLayout_boxCornerRadiusTopEnd = 8; - - // aapt resource value: 9 - public const int TextInputLayout_boxCornerRadiusTopStart = 9; - - // aapt resource value: 10 - public const int TextInputLayout_boxStrokeColor = 10; - - // aapt resource value: 11 - public const int TextInputLayout_boxStrokeErrorColor = 11; - - // aapt resource value: 12 - public const int TextInputLayout_boxStrokeWidth = 12; - - // aapt resource value: 13 - public const int TextInputLayout_boxStrokeWidthFocused = 13; - - // aapt resource value: 14 - public const int TextInputLayout_counterEnabled = 14; - - // aapt resource value: 15 - public const int TextInputLayout_counterMaxLength = 15; - - // aapt resource value: 16 - public const int TextInputLayout_counterOverflowTextAppearance = 16; - - // aapt resource value: 17 - public const int TextInputLayout_counterOverflowTextColor = 17; - - // aapt resource value: 18 - public const int TextInputLayout_counterTextAppearance = 18; - - // aapt resource value: 19 - public const int TextInputLayout_counterTextColor = 19; - - // aapt resource value: 20 - public const int TextInputLayout_endIconCheckable = 20; - - // aapt resource value: 21 - public const int TextInputLayout_endIconContentDescription = 21; - - // aapt resource value: 22 - public const int TextInputLayout_endIconDrawable = 22; - - // aapt resource value: 23 - public const int TextInputLayout_endIconMode = 23; - - // aapt resource value: 24 - public const int TextInputLayout_endIconTint = 24; - - // aapt resource value: 25 - public const int TextInputLayout_endIconTintMode = 25; - - // aapt resource value: 26 - public const int TextInputLayout_errorContentDescription = 26; - - // aapt resource value: 27 - public const int TextInputLayout_errorEnabled = 27; - - // aapt resource value: 28 - public const int TextInputLayout_errorIconDrawable = 28; - - // aapt resource value: 29 - public const int TextInputLayout_errorIconTint = 29; - - // aapt resource value: 30 - public const int TextInputLayout_errorIconTintMode = 30; - - // aapt resource value: 31 - public const int TextInputLayout_errorTextAppearance = 31; - - // aapt resource value: 32 - public const int TextInputLayout_errorTextColor = 32; - - // aapt resource value: 33 - public const int TextInputLayout_helperText = 33; - - // aapt resource value: 34 - public const int TextInputLayout_helperTextEnabled = 34; - - // aapt resource value: 35 - public const int TextInputLayout_helperTextTextAppearance = 35; - - // aapt resource value: 36 - public const int TextInputLayout_helperTextTextColor = 36; - - // aapt resource value: 37 - public const int TextInputLayout_hintAnimationEnabled = 37; - - // aapt resource value: 38 - public const int TextInputLayout_hintEnabled = 38; - - // aapt resource value: 39 - public const int TextInputLayout_hintTextAppearance = 39; - - // aapt resource value: 40 - public const int TextInputLayout_hintTextColor = 40; - - // aapt resource value: 41 - public const int TextInputLayout_passwordToggleContentDescription = 41; - - // aapt resource value: 42 - public const int TextInputLayout_passwordToggleDrawable = 42; - - // aapt resource value: 43 - public const int TextInputLayout_passwordToggleEnabled = 43; - - // aapt resource value: 44 - public const int TextInputLayout_passwordToggleTint = 44; - - // aapt resource value: 45 - public const int TextInputLayout_passwordToggleTintMode = 45; - - // aapt resource value: 46 - public const int TextInputLayout_placeholderText = 46; - - // aapt resource value: 47 - public const int TextInputLayout_placeholderTextAppearance = 47; - - // aapt resource value: 48 - public const int TextInputLayout_placeholderTextColor = 48; - - // aapt resource value: 49 - public const int TextInputLayout_prefixText = 49; - - // aapt resource value: 50 - public const int TextInputLayout_prefixTextAppearance = 50; - - // aapt resource value: 51 - public const int TextInputLayout_prefixTextColor = 51; - - // aapt resource value: 52 - public const int TextInputLayout_shapeAppearance = 52; - - // aapt resource value: 53 - public const int TextInputLayout_shapeAppearanceOverlay = 53; - - // aapt resource value: 54 - public const int TextInputLayout_startIconCheckable = 54; - - // aapt resource value: 55 - public const int TextInputLayout_startIconContentDescription = 55; - - // aapt resource value: 56 - public const int TextInputLayout_startIconDrawable = 56; - - // aapt resource value: 57 - public const int TextInputLayout_startIconTint = 57; - - // aapt resource value: 58 - public const int TextInputLayout_startIconTintMode = 58; - - // aapt resource value: 59 - public const int TextInputLayout_suffixText = 59; - - // aapt resource value: 60 - public const int TextInputLayout_suffixTextAppearance = 60; - - // aapt resource value: 61 - public const int TextInputLayout_suffixTextColor = 61; - - // aapt resource value: { 0x1010034,0x7F030111,0x7F030112 } - public static int[] ThemeEnforcement = new int[] { - 16842804, - 2130903313, - 2130903314}; - - // aapt resource value: 0 - public const int ThemeEnforcement_android_textAppearance = 0; - - // aapt resource value: 1 - public const int ThemeEnforcement_enforceMaterialTheme = 1; - - // aapt resource value: 2 - public const int ThemeEnforcement_enforceTextAppearance = 2; - - // aapt resource value: { 0x10100AF,0x1010140,0x7F03006B,0x7F03009F,0x7F0300A0,0x7F0300BC,0x7F0300BD,0x7F0300BE,0x7F0300BF,0x7F0300C0,0x7F0300C1,0x7F0301AC,0x7F0301AD,0x7F0301C3,0x7F0301CA,0x7F0301D0,0x7F0301D1,0x7F0301F4,0x7F03024E,0x7F03024F,0x7F030250,0x7F0302AC,0x7F0302AE,0x7F0302AF,0x7F0302B0,0x7F0302B1,0x7F0302B2,0x7F0302B3,0x7F0302B4,0x7F0302B5 } - public static int[] Toolbar = new int[] { - 16842927, - 16843072, - 2130903147, - 2130903199, - 2130903200, - 2130903228, - 2130903229, - 2130903230, - 2130903231, - 2130903232, - 2130903233, - 2130903468, - 2130903469, - 2130903491, - 2130903498, - 2130903504, - 2130903505, - 2130903540, - 2130903630, - 2130903631, - 2130903632, - 2130903724, - 2130903726, - 2130903727, - 2130903728, - 2130903729, - 2130903730, - 2130903731, - 2130903732, - 2130903733}; - - // aapt resource value: 0 - public const int Toolbar_android_gravity = 0; - - // aapt resource value: 1 - public const int Toolbar_android_minHeight = 1; - - // aapt resource value: 2 - public const int Toolbar_buttonGravity = 2; - - // aapt resource value: 3 - public const int Toolbar_collapseContentDescription = 3; - - // aapt resource value: 4 - public const int Toolbar_collapseIcon = 4; - - // aapt resource value: 5 - public const int Toolbar_contentInsetEnd = 5; - - // aapt resource value: 6 - public const int Toolbar_contentInsetEndWithActions = 6; - - // aapt resource value: 7 - public const int Toolbar_contentInsetLeft = 7; - - // aapt resource value: 8 - public const int Toolbar_contentInsetRight = 8; - - // aapt resource value: 9 - public const int Toolbar_contentInsetStart = 9; - - // aapt resource value: 10 - public const int Toolbar_contentInsetStartWithNavigation = 10; - - // aapt resource value: 11 - public const int Toolbar_logo = 11; - - // aapt resource value: 12 - public const int Toolbar_logoDescription = 12; - - // aapt resource value: 13 - public const int Toolbar_maxButtonHeight = 13; - - // aapt resource value: 14 - public const int Toolbar_menu = 14; - - // aapt resource value: 15 - public const int Toolbar_navigationContentDescription = 15; - - // aapt resource value: 16 - public const int Toolbar_navigationIcon = 16; - - // aapt resource value: 17 - public const int Toolbar_popupTheme = 17; - - // aapt resource value: 18 - public const int Toolbar_subtitle = 18; - - // aapt resource value: 19 - public const int Toolbar_subtitleTextAppearance = 19; - - // aapt resource value: 20 - public const int Toolbar_subtitleTextColor = 20; - - // aapt resource value: 21 - public const int Toolbar_title = 21; - - // aapt resource value: 22 - public const int Toolbar_titleMargin = 22; - - // aapt resource value: 23 - public const int Toolbar_titleMarginBottom = 23; - - // aapt resource value: 24 - public const int Toolbar_titleMarginEnd = 24; - - // aapt resource value: 27 - public const int Toolbar_titleMargins = 27; - - // aapt resource value: 25 - public const int Toolbar_titleMarginStart = 25; - - // aapt resource value: 26 - public const int Toolbar_titleMarginTop = 26; - - // aapt resource value: 28 - public const int Toolbar_titleTextAppearance = 28; - - // aapt resource value: 29 - public const int Toolbar_titleTextColor = 29; - - // aapt resource value: { 0x1010034,0x10100D5,0x10100F6,0x101013F,0x1010140,0x101014F,0x7F030043 } - public static int[] Tooltip = new int[] { - 16842804, - 16842965, - 16842998, - 16843071, - 16843072, - 16843087, - 2130903107}; - - // aapt resource value: 2 - public const int Tooltip_android_layout_margin = 2; - - // aapt resource value: 4 - public const int Tooltip_android_minHeight = 4; - - // aapt resource value: 3 - public const int Tooltip_android_minWidth = 3; - - // aapt resource value: 1 - public const int Tooltip_android_padding = 1; - - // aapt resource value: 5 - public const int Tooltip_android_text = 5; - - // aapt resource value: 0 - public const int Tooltip_android_textAppearance = 0; - - // aapt resource value: 6 - public const int Tooltip_backgroundTint = 6; - - // aapt resource value: { 0x1010000,0x10100DA,0x7F0301DD,0x7F0301E0,0x7F03029B } - public static int[] View = new int[] { - 16842752, - 16842970, - 2130903517, - 2130903520, - 2130903707}; - - // aapt resource value: { 0x10100D4,0x7F030043,0x7F030044 } - public static int[] ViewBackgroundHelper = new int[] { - 16842964, - 2130903107, - 2130903108}; - - // aapt resource value: 0 - public const int ViewBackgroundHelper_android_background = 0; - - // aapt resource value: 1 - public const int ViewBackgroundHelper_backgroundTint = 1; - - // aapt resource value: 2 - public const int ViewBackgroundHelper_backgroundTintMode = 2; - - // aapt resource value: { 0x10100C4 } - public static int[] ViewPager2 = new int[] { - 16842948}; - - // aapt resource value: 0 - public const int ViewPager2_android_orientation = 0; - - // aapt resource value: { 0x10100D0,0x10100F2,0x10100F3 } - public static int[] ViewStubCompat = new int[] { - 16842960, - 16842994, - 16842995}; - - // aapt resource value: 0 - public const int ViewStubCompat_android_id = 0; - - // aapt resource value: 2 - public const int ViewStubCompat_android_inflatedId = 2; - - // aapt resource value: 1 - public const int ViewStubCompat_android_layout = 1; - - // aapt resource value: 1 - public const int View_android_focusable = 1; - - // aapt resource value: 0 - public const int View_android_theme = 0; - - // aapt resource value: 2 - public const int View_paddingEnd = 2; - - // aapt resource value: 3 - public const int View_paddingStart = 3; - - // aapt resource value: 4 - public const int View_theme = 4; - - static Styleable() - { - global::Android.Runtime.ResourceIdManager.UpdateIdValues(); - } - - private Styleable() - { - } - } - - public partial class Xml - { - - // aapt resource value: 0x7F110000 - public const int image_share_filepaths = 2131820544; - - // aapt resource value: 0x7F110001 - public const int standalone_badge = 2131820545; - - // aapt resource value: 0x7F110002 - public const int standalone_badge_gravity_bottom_end = 2131820546; - - // aapt resource value: 0x7F110003 - public const int standalone_badge_gravity_bottom_start = 2131820547; - - // aapt resource value: 0x7F110004 - public const int standalone_badge_gravity_top_start = 2131820548; - - // aapt resource value: 0x7F110005 - public const int standalone_badge_offset = 2131820549; - - static Xml() - { - global::Android.Runtime.ResourceIdManager.UpdateIdValues(); - } - - private Xml() - { - } - } - } -} -#pragma warning restore 1591 diff --git a/csharp/test/Microsoft.ML.OnnxRuntime.Tests.Droid/Resources/layout/activity_main.xml b/csharp/test/Microsoft.ML.OnnxRuntime.Tests.Droid/Resources/layout/activity_main.xml deleted file mode 100644 index 411a4becb0fb7..0000000000000 --- a/csharp/test/Microsoft.ML.OnnxRuntime.Tests.Droid/Resources/layout/activity_main.xml +++ /dev/null @@ -1,7 +0,0 @@ - - - diff --git a/csharp/test/Microsoft.ML.OnnxRuntime.Tests.Droid/Resources/mipmap-anydpi-v26/ic_launcher.xml b/csharp/test/Microsoft.ML.OnnxRuntime.Tests.Droid/Resources/mipmap-anydpi-v26/ic_launcher.xml deleted file mode 100644 index c210ad1f211aa..0000000000000 --- a/csharp/test/Microsoft.ML.OnnxRuntime.Tests.Droid/Resources/mipmap-anydpi-v26/ic_launcher.xml +++ /dev/null @@ -1,5 +0,0 @@ - - - - - diff --git a/csharp/test/Microsoft.ML.OnnxRuntime.Tests.Droid/Resources/mipmap-anydpi-v26/ic_launcher_round.xml b/csharp/test/Microsoft.ML.OnnxRuntime.Tests.Droid/Resources/mipmap-anydpi-v26/ic_launcher_round.xml deleted file mode 100644 index c210ad1f211aa..0000000000000 --- a/csharp/test/Microsoft.ML.OnnxRuntime.Tests.Droid/Resources/mipmap-anydpi-v26/ic_launcher_round.xml +++ /dev/null @@ -1,5 +0,0 @@ - - - - - diff --git a/csharp/test/Microsoft.ML.OnnxRuntime.Tests.Droid/Resources/mipmap-hdpi/ic_launcher.png b/csharp/test/Microsoft.ML.OnnxRuntime.Tests.Droid/Resources/mipmap-hdpi/ic_launcher.png deleted file mode 100644 index 2531cb31efc3a0a3de6113ab9c7845dc1d9654e4..0000000000000000000000000000000000000000 GIT binary patch literal 0 HcmV?d00001 literal 1634 zcmV-o2A%ndP)B+Z3$1(8#|f~9B42Y^N-3=o2YCq0YUY$Zu=pM;#hG{lHi%n~Vh z1d1vN#EDO19X?u$`cV z!a}AKG@Bb*#1cdYg8af_;jP69b`k%G1n?0=F^8bI^o>wg-vEliK^U}y^!D|^p|ax; zC|pK=f+FHp!RUAhtlpGGUxJb|wm^5! z<1r%$<$TR02wajxKZ4MiR#aAxDLE(##UNyD|ABr4WoGRF*?@e^2|~Hq(gurSSJH*;Q~5lw{J5A_(PCXBWhzZE${qgzv0{dk-F( z1<}>r181tLiEla&f1j&?p2xjbfp2cTt-c1Ox~?9EhK9`cJ9Vatf)loIoQ@#h&}cIGD>Z#QLE}&(bMo@7Ff|7f#Nm^$PJpVcbj+v~K7wfVwF}=) zRQsc+`=A-+C)vrRvaIC-5u>|;3h z*G4-u#RI<_vuSN~vZ6{|I~q5FFk3%de#+*>UFG>&bq6~ zUEMZ~FIOmFO=kA^5rkp-Msw?^63xvdXVZ-rv@{6{iVO}M!}^Je%2BPbi+(L<5<%~h z2v^D+f<|j%7~cJjOzg*!GPQ{%uE{i%YgcZhuZh{yNlQ}RhaU1jd=K+AopVKP+D}&} zZ3y$llqZiln=Z_A$!qzkGbX0D{?l(v5@1|`QyCvCnQ`eKI>|zj_zo%y#fKf85VhQ} zP)y&j4P*nR3q{-o35iV6nx7QDqq<;WDVIt}|N%`!dgv*y3va8eLNj zU9x(?ieweHfQ*yXk8|=ssZ~qJEz^QoKJ|iGa>ge_Vm_8l}S+UvJ{8g4jr+o#aTSFsz1W;PDP zW765JXGU#3JL>SlIl3NRV2{7B2dLO1cIP)a4ZRYL|MBD36O1#oSgAf}APz5@;x=_U-<=y)Py7*}O5(uu7BL_eLe6Ek7pH|G zMq)FrF1EFq&yruS5b=F=w)fVVoPd(oeRyTFym_Uwyn~L=OL(O?cf^2L5R(SmjORx6 z%nmZf^W=3pkvT*>@osUNi>DULH1hL;y`JGQX$onRCr_U0=H~Viodq!<7Q{3rPk~{G gu#IhOV;e2n|1(WJB~7~kivR!s07*qoM6N<$g7lUVaR2}S diff --git a/csharp/test/Microsoft.ML.OnnxRuntime.Tests.Droid/Resources/mipmap-hdpi/ic_launcher_foreground.png b/csharp/test/Microsoft.ML.OnnxRuntime.Tests.Droid/Resources/mipmap-hdpi/ic_launcher_foreground.png deleted file mode 100644 index 7a859c25556af7a2e46e22a2220eaded55628e9f..0000000000000000000000000000000000000000 GIT binary patch literal 0 HcmV?d00001 literal 1441 zcma)+`#%#30L6FjMQg%tuA0%p#0??L`*E=rD#U2F4L5n@F+O9Sp;(QwEQy7+?sX?r zCWN(!Hg`+j5k8*H@|yQEtnAi*(D{7M`Tlf1=eKjq)BUsp2nqrK01B=yNUv`!`EH=x zx8$xJQUd^Fuec%|(TT&0V}4orr_==mmCnEuzD+ff8Pg>pJRqsWsD{#?eGPaCu0(sEH_2RG@<6-Nt<8 ztPMUmmAz9Ga$23Y9~p9dqJSgJJ#Jk_r@o13^%d-Xf46i+Lrmz3 zy9(DUDVXj;Zny7nO+yn&W2flEX=C!8&D0zI`G# z8;XmlonoghgRFUY*$+7pPLa}Uy)onw>TT9t(FTV6#BV8&lXWDPRvQW_n~xZ|yLcZjX>m$Eaf1)dwXS`&E^ zkNjO;%;fWywchc=+w4utQ0Vbn%B>b~yy4I#D{?1!P`$P>Wdo+ljCo(tYia04JTc=$$u+IbzDVPFYpm8+AQj+ zGKH zfS{{hN%W)kF+(26oZpkURD5Q_G_z97F6{Jval+TOj-;5y)*Rdo3a$^^k~q5gpTzmp1q@+2X9O z;_VUF>;s~C1~gpFrFoh?{aQ|LlBIYz!z^P~lndX5-ES)p#+9GW*|-WBTzQ*&gKOE` zM##bUaWl`6rZBXw0!~_oUhf+H$tNc@lLZCj0bZT^KSo@C|P?7YR8dP0se1jj z9aA0|7MONf(ZYaLZs$s}r*05fx25-iN6mZe_*Rq%uyz(+^-k;t`!R`?uf~rn#1ZC7 zuv3}UrmMzcBbo4jym@fS5%I+G`GJIC1s$)MQs3Vhld?a2U;w}$@V%dC@%qpO7+3#$ N&GnQ!lI8SQ#{X#Iv!eh2 diff --git a/csharp/test/Microsoft.ML.OnnxRuntime.Tests.Droid/Resources/mipmap-hdpi/ic_launcher_round.png b/csharp/test/Microsoft.ML.OnnxRuntime.Tests.Droid/Resources/mipmap-hdpi/ic_launcher_round.png deleted file mode 100644 index b8d35b3a1cfe5308bb099a5a1429555c41417e36..0000000000000000000000000000000000000000 GIT binary patch literal 0 HcmV?d00001 literal 3552 zcmV<64IlD}P)o8zx62qSGZVDjFcw zmxU;G#z^HzQ!GXJ-*69pbEeNn;$q%9`<^_ve6S+hkfX>pEmUTks+2m@VN4e=-BfB# zcQM@~beFnE|8|&qR$IOR+Cm@fKKV*xuU`Zdvl=LK4a4vxD=}@uREG)CWaLRqJ5ybP zu6!%iC+?fAzSb|q<0OVH@(J1H8ThTgk0;W=21TJYwd22S48?0q?Ql<_H9oW?Q#<^| zeirUq0oDLxz*ubc^EioOzd5Deq{k}q4=YI_6Qm}Lx&A|+|0D}zEJqe60pgP7hwE|CF z@#G3rLLN!=hY3#Mncm#=bNubjDVN#!%R!#+yMuUTdtd@=nOZsg2kv6qi*x zzDFd9=@0{x|A>LZ;?=}}RP0ia7?F(2EK$;G^~ix^1(KmvlA1T%Me0V!5Mp(azrt*g z`GKR#Hle}^)6nEOi&5p=B`&3>XD&k7hNpOg6rWXgIVwRD#GYff08(lhSI*BM130r6 ztwLvix`bL=@1gtm@4J-l-fc!-e{&2~Oqs{qaK~p9f7wxs>V|45HOAS_daGw5xEuU;CIJ+92}tg z4<4ZP8$L$Eb4K%sldwI?Dr*+0^Cav!^8yGXz0q0enY&~)R;yOG00dN1dkvL6IfJJZ zVXu}^_&HPQzwpQx>^t=9m8u@|rU zGZkWRl_Ic3Qgwcn12rQ-p|)rUPVR0xZ|g z#6I?<=DMiep91ftqa7MkB{^?D-ZoQ_q4o#Zz5>gjTpeUp0 z3G@w~C|7{qc>5!&4by(n%Jp`iuf291jemANFJmoJ=kLN8bXoMLmT3fvj9{#fSNW<} zPWfc?!`YwgG7Mhr!;M=hJH@mEk5k`p+aWlYYie<%{DirkwsaCDMRv!-QbfD`F`U&* zo>5d65*-)D#>B#V$@hY}ZNj;cW4C_i&aXIcn%mJeYW9gE&#PbekM-NS=wn4l1Pv@ zMzD%cy$ABGjazr~@-TOPy^E&IU2N`Sc+MEK;iFAm2A0h&E$DX(ms?2dx_7F01)(i1 zt(1M_?Cw+ZHd@;uW{XK*Y{?Ju0ch5um8c1;jWfXy;v{GISLTsgmo00A* z8#H~vA1NDj?m{&xWtC4M{&ANL0wWz5DipHQ4JPOCWyT?wRHhZzZ zeZJFjg#>%C8}$u6=EclzKE2=~#v<4nARyoPtdc`q14SwhI__K?1o_n~Yb@iSRqNli zs3kSrZnRJbh=V@m8MSxBLHE(SRrcc`CQy{7<{rUV_*?AJCSmpCIGg>1Pb59_r4>#^ z(nn96vdGRMk_L&gj-oWj!lL9s60`o2)KQE1 zB&*KmVz3NtmJIw>|N6;iRC%JSJZi=ZuUXilH+U`xaL>hXvZ^UVLRHpEz@n>UwO_O{ zvxM&!UB21;HmhtN?84Q$8@99YqbIS1J!uhfSMyjD;F8UQWTYp=gUt@U%M2UX5p%4Kzf zcJbV2CClLAM^#U{Xz6L zJdsKRtEu5+&Ybs{fi3b28WN?!`q@NF5kI%@$vey#&m~jmHwA`7A1U07i4e+zpQNm|hsmsx_shxjsk(;ai>lwhlEheA0qLHoISKxd?ut+1!iOjA0S8%WxDr|ybBIOiWdU3lm z`-eQ?oQ5>5uzjd7ej1)jB$<=TK2p#pFi;o>wmV#sI7_BxK%(~=dnzy;Aqovnm`E`X z<`57N71R@7aPSTY2!M`7!(!s5%GHI9gb|Mfi808OJ5S4R8Y+~7+uvURZz0;p z$0s#rxNa}R6fBi{*o(kCWK;@xicx9yVII?fSHiQ~j)?aO3JQYL#1XJ5KSG|e0(*zs zOa;K*K(T=V9)Oo{S<-6w00i(zcy;?%WAK3C1Mvl$9;N=lVFfV>njP|tB6AU(uC?@> z>XDSeeB2Vo7A9ow#Js=(UMbBR<;r{YlREwU{QN+-qoC#%8Y!79O45D}o{p&oU}|T; z>W*ZQ?|P6=Q;;J~SYlu-7;}g~TnRh?FN7zL`Pd01O}@Uq@HG|@9IGE37W1SqA>&g? zTHZBSPGLzE$?Ht!kDJ76DBvsz?sa_Jgn8b?lwYVN8t5Cwz+*wV0=BG(XdZfBYHVG7 zgM)+piP`~Bia~<{b0Q>(OJWkWdn9S2YM^=t1#;S6S%7Af;8{qR!SG`HQiJ>24Sho2 zL}ElRCX5X{JPMx?>I+FAk*G-6f(-`qF+V?Th(J13AWvQ!t;+aJJVO7iBze?19H-RE z(+le5=|zn+71YB$_zj+cXCrYNXbXK1X@NeYU<{IQJ~|&+Vuu8n20(yGz=FMhv2fZG zydQSKNf0W)qyvJ7=KBu`Edqjn!#(_43OobPk~Yv*0DY05b$~lvw>!Y<4{sZy*+GK_ z4fXQ!4TV}T0S=6OG@&SRFASc6XQ2&|l>WaZP#hR`YNGwS5C*yUv?lc$Zn7uu(=Jd zBQr(wEwogv4g_{iFq~uA3k~Z|L@DvE#_JQ>CKxj(Q|L@;_pg7{hnT!9|ZQb+#ochnl1kg9D@G4hNk|1@c1c) z{PkOR|2qXG{Wo$7`M-9{ZVdTtdk+0Kb_u1e2S8@7a?0x`-IJ*AtKYskrENiB%2SAk%zG8F7zQf=Uw)BkpfBE_?MDjX& z@xO&fB(T^G|G)3ZNu2smpTF|o#wUh09?%1ZEU4JTml;2Q`T9S*q6Mrzuc{3gQ-A*d z{Q2vDYEeB{thm1G|F`eoaq0)fT1(#ya4b^Y1D+8X|DV5nO|V2c3(TM(uHGc5|Nf&V|J{K3i0U2yrD0-<#2-I@{x5Ip1M7*&D*x{joegF;bWbC? z(kra(q`n6-N}I4|UUdBS-G~1{3Hjh;&W{YUBz~nhg z|9eJe{4Z(f##+{cVkED+{l6Db&737`v6TNa;pIQg8*`u<_1?qB7^TPOFJHjLD9$4G z$4`iwAE;_BU%Le^B3KtGndh}^?w7N zp&3LI9GX_%Z^hMgm2i3hX^M$M&D3?3wyocP$TZWyV~|^v4II`1-Ns4G92qkYkC3*q zq5Vcp3$J%tR^A_hzW)HC>4{->YFc`|Q_{EF#LX=TNWTIEGZ*dOIh!!#7am`0)iN z!-Y*JzdqP8rN&2Y&y2(+EtA?m9-5+}#BXAw@$*D;zxcf=lRhYP2`ZYNoGdU|=;=Y1 z!-o@UOzpBVHoTpyopyF#@i)8YcdVaV?2ljDUj6>w?`yyA*Pf5cUSE9b6wq26;8J@~ z){!@7GpTmNE>2kO_POn1zf8`~}P?%{85(;s&nc+C&;t$4D5$+f9? z-8>e~Z&%(_OwrVd==PGc4mhTFjVafjdCqsM|EvEe$2)U;a9s0IGofbtHcpKz;cJR= z`DNzVI-iMtrg<$r*EFejE8l0oMM3e)a|=o;x>Mhk@*n)xx%2Rrt=4TnivwP5zpS-& z@5h3w<{9>vH!6KP74q!po!oh)$BI~jUu}4P|5ofvi@(2i9NyELbZ$qD}PI&+JJ3+^f2=YEuP zjpepXu;`->)%n@lB|b@Iv$k0qhJJp%S?O9t?)zjLwwY?z@=v^12)=lt^ZcwNoye^x z_uu*-x}ntY`mc3S`yMaaHuurqE~e`{G_IsMZdhw*{kDDS9h3WSQa;8d3vwO)d?WE+ z%*LAIs=2#$t=BZmPTP}xMpj0I9ti9_c{r`p zu+;ELV)~|tmk}}-GjAWQO5U<}Lr?bB5UX>pYf5~UOnY%ZTQR${nq6YQOHc15>q%#$ zl8$8k_1fsCw;<~OiJ-OiE?f7RJWt%N`#e!y=2`BhIqju|a?kW5QupmV#wx6HrSs?J z&nJroVy6i|*Og1U`{c;a^^dPvTfNJjdCg1nUS<*OC dK7&Kx57tYsZ49$p7vBM?@pScbS?83{1OVHE%8UR2 diff --git a/csharp/test/Microsoft.ML.OnnxRuntime.Tests.Droid/Resources/mipmap-mdpi/ic_launcher_round.png b/csharp/test/Microsoft.ML.OnnxRuntime.Tests.Droid/Resources/mipmap-mdpi/ic_launcher_round.png deleted file mode 100644 index 8f56909cddfa86f1387074bf43003f36d6e67be1..0000000000000000000000000000000000000000 GIT binary patch literal 0 HcmV?d00001 literal 2413 zcmV-z36l1SP)p}(2Rxc)0-Wh zPz3vmm7#NyIfb0yJsg?*5GSVI%x06tn*`vD#o;mJ+k3dbY*-$U8jEw|8d7Ty7(7{M z2?5^gTb%6;7qo)(`V?{C^O6B8As$GQZ?i94&}#idAQHmOY47p2nQdDKpoFg)F!}5* z1dkTN_>DAhf8lb3TSsTH?G|z&93`TBmS?vhc=4oil6(iElplhz7?Z70geiDp3pJhq zUo2Q&3H+3rdGN}cjqt{n9bwD5joZLJ^Jz#fa7Ze_3Gs@la;X?w&^oWTII@IL=i2%NcOHd%)xIge|?jz0h*z98}LAfTHV)^}_4nSH_wME~+6KI3|u?B>WKA)ZI3my4tGjqYu;Kt340fR@u zd7fRhPPRI6SnQz5ow86SlsJuyM%zd-phc+7a^N!`o(_LGbR;6+1v&B6DKM5eW%mg* zs?Jn#TCL8$FTe|eMmn>tR~sMN|QlRckj&CbTc9?V!#otMm6llrQ#e z`+~)O_T)$4%-Qn+$#}c76FP3)hVJfeMUdUyZrTs~<2doV)^EOr${7n3b3vC|zTcM% z1iP?7=&~!5IEKi|dLX5s3SN8bod8hRZ`_2XFRq7KPp^PAuWyEKw_6f?m&*ljzq6C} z!~W+k{3pN=+jf0G*OBH`cXJcUk}j{Jjtd|8#I?^{2;W}#Uec-?8h-<+ zg;kJVJQWW7^_Zjrpa1{6SH~HGfl5VAjGFaQVtr#rS@2&tBq%YU&B9tQVArR;`TUY4qKjjlZT| zlbgpy@@USodYO%l1#NEmQG(f5N*Sgwnz*J_P64#W(c}LJT1C+Pvlp$TV{C*X2r-V{ zm_BDYZLc6n>hB#X`QpS$>M5z6S!=R>9T%7UfL8%cYVm_i9{Yoo0$A3tY`Wd<5U7C% z4jev4cU81>!=~*tBzF9kc!neCz|LAEn;S~<&AAJ7jsR|yS9vWVIaljd zU_x4clAHpiQ|sWXQ>|eUw8kCpQ;XyHWvd(L-ht0+-`*A$@w?o9l@dlN1>*FXj86f^ z9LJd1OHv9LOP%oHC;LNQ6!W0`k-2ni)nm`V#Y>lA-g7U}|FIp}Yp8Q!-XUr9SAbB8 zwpg_>(W}7yBq5ZN7(*Zw>d@2E1Dm(+p<}Yjro%^{9;EFUg2v>EBA7>tiQEuvPWg7Fec)l|QhVjM)zHsitL!xgV7nr=OIr zH`{M0kvR+DF`ped9>XaNYr55OP^hA^OU@$uU#NrnMN+HHL9t$yU4@oE}F0tq-?6>#N2T7=0 z>%Vysa<}5u4T^L+DYN7-)}4Mw0U-~@r&<xzUJepI zHi*?{WB3g5J63YXvk@bH9IG=~PX{|vI-gt$=fArcQShC_i_@Q4u6U%>5}G^YqFC%_{WgD6$Q3E;8rKcsY)1@M}f>X9#=^#*iALQmN8o zwHeQ=Gl~wAI(;31@H;s80Qw8HKH#p3V{k0afpg)UA=UXvc!OVL1d$jb6CW7!U`4FX zxGFK-vL|U$ag#QCa;rASdXZ4yb`*TZwxmg=P1pzf;utbk%g-@_pYyK#W&#(!j|YN@ zr&Fm$8ly-3q~QM1W6MzR8Qbt3-zSD2qq++}_6YO{f?ycuP(F4A@8Itre#FbYe47gU f;7KY{KPUJv@z%Xey2sv&00000NkvXXu0mjfaG77zUSIfaoZb;&wz(gJIJV1RP*k1Px^d*-VVwqO{!7ld0vtp>=YBj^&nilC)BD ztE56JwKUW~0k;-+RFq}dp}+e-W^~>R$~@;W&dj_2IschCoVoAvzVF`u|L_0b_pX%{ z6)IGyP@zJF3Kc5mBnw)^$H%v%8s8GJFdFO+JEdZDTx2p?EA@AYB&D^dY(zH?X>2dg zpy5tJROa3Z28cyt81c?9etOFk&xr%&3*Cbh*+g#>Eg@R0`V^9??-?=3MobVJO{{ny z`J@v!_h3Z<=@1%JPW6EjJc8u~t^rZ*yv_tQn_~aS4&orid8VU4d9`~`bS>$)jw&j_ zg26-quF~NbT>1ryc$*0i2#`iEZUA3VLuSH%bi}i@0TY6aG#dK)M6BY8fQInO#bsz4 zaghA9%Iwrpz#pj$Hhujfb44PtttN&BjsCvA5l)1FyLfRosiK|&-MBVjqktFuhZgk^ z4|Fql7N{CqJA2C9$%V@(0s0Z(>i?p$dmkSk#EuUFTJ-Yp_n-uDngM0q`gr*wc6<=f z(n;*=MG4?G1G>6+`XP3d07?KQfD%9npahr&0UkvAg~UR?(B@O`kP(!C#xx@SRrq+@ zPB?KY7qb66*KB(Hk2CQ8M_V9hcrqnGtx-vn;8ac?)YsP=MeFM7;Kw7!Avijj63{<1 z4i01^r%G~9`BVaIzdamCre5&B9^=!dK@Qp|m76IFL z9blpnQy`$GrWTg1*&rMO5>sYEX{pjAz*lSGogxU9zhe0Wpu_w1_fsYXzFN2K+zVc^ z7|SML%A92+2Cp+o0!qu2kT79}4jaw7 z&h+Yna8M#SwsE=dIg!^#X6-p)7_l&Gu=VGW4DW6_u6n_M#71?J*O2 zIyYah_Giu(K;W>KEr$T_kXYEU=R3VeZ*@%#B)>VEb&X)f7{-L?)Bcy=vY~%i9IO5O zmFdiN_5B~-Pv4?52+Wp%LyptC8cFBX7XGe-*ffG zEl&MkBflS(^oIEpFfei?93~F%Nm9md&0EP7X*7X6dgAdR>{t5^v5GD@iq~!YoU;?J ztE-2M-3K`pa7>Z_w8d3b)lU=_=97p?+mWWsSODdZ$eyC3ju|sWr_gine(@9aUqsqz z&nB}XAaukyI9G7Vpu)*Y5;MF%Ho)2I8!^)S z2*9bIwrM*Pj~fEO)$2E5NaAa(YsZb7t~07H{rxY5$Bt+HZe+?#gKG`t6_qf1$!hZ> z0AqK)vYlHpc7wO?K$(pgc9&)`JJJbaXw{`1aXh9Eu4mnK7i7cm*T z4*bAdir{Y1eVr76jD)3ys&&QboIJ)svny>&p|XiZ7nf`)I&!liAZ|P{5yd6E=4tkm z#hGSokE4D0nvKlpe|_dcR{w*dMl)e7pZ(t~ybaQ*(dI$GjQOiLEqe4(WqCOh0crLl z35#b;k@k9FUTPZewFc}T)991{jeZ7%C&1Pn-%tXKVS@I4|C5dh!sH&Bph>e9Ynh-V zI3Z*cWDF-95;K;mVlhrQHy;ADoba1McEZgahT`|FJNB@`(8V9D*9t=uATvv#VW?&f z#?Xb>m1{R3GBHKR#1)s6vVM2@?<)`K+5C$Jr6N|W z-N@QLh^dGJnT@9+)^FXZlZwdLbRp~@7Sd`cIArM?wNG+)- z&uLpqnUXltsjRk&SEg{@mV$*K?VSzN-d(}$m=NT)6n!^l;kp4wARimE&J|o_T_<12 z8?zqd=}mrX;#-!#Irrz|f0!fzm|67-j8lFp%R1=GI_T?a=nI=D0rZt+lmJQq zC4dq@37`Z}0(g6QH?IWr6bE=y0=Uiq4}abWz{3c{f$}0sfSxnJZ^%7IXAgz@iewH3#qR$Z~3UKiWJKwHd$F7JS8ODa4BO{SW@Q^Zl7fI+xWEKE(Pz^oA zr;$T^qM1W{+y)JU9v*(5B4#S=toR_n*51K!K%aq;S4c+;33zl9PB}NJT;Pgk2aoi^ zff)_Xl8|f9cIbo-*iI}KKV!v%Sc^m=JQ1j?sEc!AZ=bMht^rXG4=L z9D5}pRt^phc8Hx7PtwZH&dvc(w6gEmDZIO@?{=5|A(#624lX7Rr@ZgLNF{y>N!9mE zK1&db?ydte>^nRkff(7^+TuZOyq+nEOtxv?zI_+$fT(A?c6Nh0IChJ5=+twhs7v=m zAu8TGVnDEvA|{B93ZpiBj()XZMAX*C#->x-wr!or_ufQZiMk0~5rf`{31Wj7sjzAm zK~~Wz+Yleqk#yLZFz$$~3sfBu1H_^M69yY=D5gYIWkI(1=9ka?aOiWv-c4uA5I+<{+0zn4x(jQ8a1p=e(qBJLB%hsXH)S2U-- z$F}q6D=~O0u27)FqfXozTA5#OU9lRv%{a~NQB#mT@ox)ldngG2yiS$|Ra&0YfGtzl zA9r)+*rH^9;}NjR--}-}TpAyAfA%i(ApU+(o+Uz~yHOXE5`Wz`2Ty#!jBjW4GK2AH zv!`%m^X^6~@QAH62>0TqF4`gq6J-OAOoWoRvu@T|?%B-doUg?}8RX(BHU3Jy*)>y)p#^|TNj7(L*m`r+_j_bZOY_TQPX2<(L zVSqJ+!$GQS+say~vpx(X{f&ek`vYz9+Bs|K=Tf2p@q9Ol!HRN@te?oVp;GqWQi#M8 ziV-}|fwY_H7ON_Y4JNDw^wF>{U3w&#bCZz~k{xI$zO2pZQB}kudb2w&7Z$YDwfQQU z)G)KuW3JLoOFC3fCJTz#St#!ww-O=EfnAnzBfvAx4_l60dctsTZS0L7ypl@)qDG*N z$31ZPOj4O0ED=UHh|iwwxK4~V4=M9u!I4XCrr?onD=miWuZoJZy|5N6v#$A%sqGyX zVO(L~H14_+V1u#`y-}3sJ{8?#30SrkOLuSUh@KnJT;u=}oD<-DA`@PD%-1t`RX{$n z&n6=j;t*-^;HS>wuk{(LpVsoz`U{ z?0{6*wM?IuytUQ|BbcuM@VNGOZj@oskiz&{7qxmUy0H zLx=GckGge26h|5>h@YK}s#`w=Y_9?&a8E+ULPKx>MvMKdz0g#tTAy!82{Y||BuahG zSfvYzbGwhr%NjTuywe3Tc;@40sE*!gy&MV^$S4uG5KUfV$n85%d#w$T7gHXmiEQdW z<1S{Gl~=~AF5my=A}M}aW^4W&QF^WS7>VN9f1`5G10q&iLy~qU2e+)VX`D!7SgW$Kbkc#aKO(FkoPhbuMK~Hv#@#s zrS1(4^*@V`5FT$rMubk&Vmav#W6RJ57FSd0bMQVRkIVZ#L%7r;rdm>K@*`HA!s&9Z zAds9TjZg9ayROuy(?!Dw%nh3ws^*U_w!5yk){-VaCCVelOUc>PPwkg#nHMJWz2EwY zyCv_n|5TO%;AfbU1X1prN6E;hva?=_qKf=E&GD_R+&{~Q;$?mrN*Mq%Ro_j#z%<#WPM zN|+Nsqg5txCizz8SEZ33GV))l`|HTg@}z5|euP9t~ucaYj8T851FEZw5dAMB5+*SBoetlhAH(hSX2 z^pITBGU!vze>icx@aE4AW2muzu=6$l>I7RjH1+xi);mz+5wW?JPC17-JDXQRmUj&g z*UIG6{9ApHwO43CzTy<-Yq%boAJY?__DUu%m(W^KQsVV5)Nm9(fSvXrX!Nl;@AZGt b;}yxl--Ss53i@>Q4YQuNcebmsMJN0NT!aL! diff --git a/csharp/test/Microsoft.ML.OnnxRuntime.Tests.Droid/Resources/mipmap-xhdpi/ic_launcher_round.png b/csharp/test/Microsoft.ML.OnnxRuntime.Tests.Droid/Resources/mipmap-xhdpi/ic_launcher_round.png deleted file mode 100644 index 9737d79c0492b2c8a811621660eba33e79fab959..0000000000000000000000000000000000000000 GIT binary patch literal 0 HcmV?d00001 literal 4858 zcmVxlCBHiW_rSgI3_J^MKwHqJEz|i*Sg*YtOHn%!8|O@U|xT*V!1aH) zx9aT)+OT1e6*I^fro))}A|t%nqOC49C*uh}iznRD0RVt(Fkci3aF-cE^~v-{jirSe z8y+KDRrXqA%?3VAUmJ!e`Y4{{Db{MI)J1oI-WfBjRTVY1Q!rK-v!l86id7G;UWZ3x z7~0LnZOuZ2xjo$KBiYmM_`2d z5?SVjnV>hVk!Z_9*%?FywwjSrU-z}DU~qVkNCML#z4GhV z_dS*4ib?_|4A~&o6c6ZDCNLfVt@G)TDg@Pe&InwDu_Y44rH_jqbYt zQQk%w?14PLdL_onhlQI!tDo8~G_ws5=fN6HW6)RMZ1xE78Tw}PR+Lk5El;CNtD@BG z@-c!)0b@`g>cgGvV&(C9t(F;co=4};U+^dfw6xu|4X@RormvOYhELMs z#n0=>EFFekYFvrh+S)vl0br1y$L?uHF?ZLL#>k8mg*7cHSw;nCRmALvD)pwhLaqK` zH{FAdpJ?$&@EJOEIG%e~S}30iDZGsfvTJYqebn^#ei9&%5{a3h)`)uHexhMfx2GC}a7&+PSj;~z&<#NnP097H+5#qe^HCa1jY34dHKXo8 zyY}pNY0`(An$dSZ{AfkZ$4_A9@iVII_BL<*2^~Fl!lh?HY6o9?8_(#NGRALVO#8VI z9n&Hr&MA(;4gAX2_<|07{q29d4A%Yse8#Sg>u#G&F@_8Hz`UC4@30;drblKka481` z?((Z|zQ@@uWsI@Bpz3gpTq7nHw%?y+JiTRw)x(8QKjZG6LV@5aU|(2+QR(aE^IiQA zbbY#Ry<58f_jBjbjM>lIwKaI;ZD{|mhuvbp&fR-a)yVM<(;)5!g71B_7Ufosrv7ZTPIz#p-Luu#-A?Iq&cPX$ zzM1o0ayvrq*fGO)ASt78v{QGK(f{&-ng{so_ts*sjO@u0Q~!L6QwtMIG_TAibnspej~MaY~_~X)&16cA3OA}Uc)}S zZIuHg0l)fIxZO8!t8bb(l>-Cnku0bDbBiIiN=wjhmPbZL24MzlVdpYjrNWx)(Pv+N zBWOAR3??M;Y<>CqF?UmT!q$5#$Hw0_5S%iz0WXT*1g|T5HRZin>UI=?a+d@J@ z!s*q|QbSDkGb%|Ptu~nUaAClGGv)}o`WafkaSJLkjkN=I!IBjnQqbDkiW**Ov@?)k zGq(Qtv*2Socm6z@IOPdFd$xCn2c|3a@PedtiB%Y-T!Ns zB*nm2J}l((;v)h?(g?ET>{yU|?VjUA$|Z5Ar4z zy&(!+?I)a55qI7%Xw>;RW~l8%Ar-Om{WT5^Y~x$+J4{7<@%1J_QxP{h$Tzu?ijZcP zKq?}fVC`eW07@i+F8B>mD^4f z)ZCiSzUcJ1kJo--m#qXTfHz@!FdhAeQdfr()df(n8{lw5hWt__$<&YXgbf+9gAJMc zW<2fEh74^Wt)GRe=bqeL_c`r8F zZ%NkP(2@K3Gurh1b{rks2WKzipslrswj^bFgIglwlMH~dvpP|4vRM$R(A9m*hXM4a z{4CC!@(@?pZpuIQ%!_Vq%1@oy;BZ@V_r3$1Hs$Z-xhbElE&Cp0JBVQHxI|GZmG;L! z!cy}pUl5`!WzA<_x?Ps?(38*EwFT+}D%{)w4WeKG+_o)f-(4r+oe$Td9FAov)Yh)P z4vEusup1UeF!pl7fNJ<-5Wab=5QSObu{0lZy)X+3VhwhMS;IIMX0@RgaIog6Fbk?C zTx|!ur{OpMjaOloqObP-sLfq@n$Z3)UV(sl1(Orr_5onOR78jzqW7(*JljLXv( z@h(qS6x5&?Y5JXjX{Y+%Mhyk@@83TeKfIkwUdT~|ykpm%Uc~^Yq_8a%b~pV1Kc(8z zoqm3P3c4D?#dpPGV`HIoB1)QRoC#7O#GxDz9Gw!NHm6%&QMzz}Dm~%)iV{ zGPeP+B$&E(5j7MN5)+rJ)D3A8;w8Q8Ui6aQr~h3q$V+_zR@JpD!O z6@t8|oswO4Y(T`I62MR_7K=EYk`fUS0Y|&XC1n`qz>CL1NP%Y`Rj{AeQ3cHE2i+g9 z$XNi`5e&JWnnKxva6i8wwX9(94k6-#zI|8+z44N)E#Bqp8<0hBzPP9Rok_u<_*BiE zpx1Fxs=hMmM6B-%{ zA2dja5v#^23aZ50BUK|xXAp(ZNxW`U&_!XEVU zV=I}8Hxwt!nhV$vjJo7JX>U56>IHQz@}zXb3SyKmUA_mmg3DQhUCz8!fC<4Spew($ z;e$P^5VEzFCeakFf!%)Me)ZWyyPbef8C|hjw-#fOPGdr0)8${-=*QRtI6OT$v*@eK zi3wKVrx$(=1tndn_noPttFW$%gmXQxy3=ANthcD6zW40_8=X((d6Lp}-{86D0tN(& zZvEtyH_Ip|VaiO>7(QVPGkrcnp8}qJ7#~Vh7lPV>GV>&s(e3sxEJ25Ufq{YWg(3I~ zU4}R<|4n&8b;l=6`T`RyF%KQ(#w&8b;KGpu5;Awcp8UKO#RMXPAPH&lO6_b}ZskR& zg{195@012Qu|}yJD!-GOQ*kj)rU6$ojja60o(A8hpey)lFE0@=K^2{-xJ8;-yobph z^)_i>uX^gpvCN{qQFM@{qUQ*6_423>yD?RDp(2q8PKHwW2Z!m!s={|bY(W~B4{CZc zBgoh~q*j(U7>QN+?}>s2z^;~p%x!?DfzM_FxM6|*{{Hd!XA1bo10~8y5>4?As19Hv zXJVxP@Fdrg9#hA8pGcxH?u+Cm=y&w<~fq{a`3jA*+9(;bhBKtXM zc3BhSDM86L(XTyXBiK5gjD@OThB3w~vQ@?l6Mli8uULbAMT{ygP>eX7*m2G=arDK$ZBF}Q^?qZJyqqn zs*>=^35vw}6AZKrL^?D)sxnTNIS&VL+rdVVNZLw8F)D#!iaU&9?q|O7!fuc02hQ(- zzF`b;shJHS;gMBD-N@*%QeKXzH>ez!B4=8E21biSp%TJ~G+$re+-R|EVxl_lZE05N zewrCWSdzj1Rt=>p+F4)5ZfAgH|Bktj4K}mVfzc4B;J)@jpU^iRLmpZ2GJ0&3x(V#= z$hNy|1Bh}U=v3lSfND}<5Hf;-29ykx$R{Nza~qR044YE3%a6(Os;LcbSgo`tWz85z zM6Y}k^$a{K&#$=z^*PCz#!b*R^Z|WApR`-)l>%cSdOonz`u#q}hyd`Xv7U{CH=~GD zr~w#EIbjjeb+AI?Q?+vvl=*LnGxVQHGK)8-Xv==V%sG^rS9w&PS9u%={+*grehB`C zwp4sK%tv;}Pv(A9KbA_?6$<gpmV|K5zk3V^6LOr zItEUINek*iBnmPHhK5%JV^9ZN9bXRw|Aya*M8O8Qhuo_nI$cfLl0w_GVWsqY5b3*L zUsE+)7~w;7ZhxW%!r+Bw@V#kOMM+39QCTtqD3F3ha`Lwn`d*O)o`p8Z%h6$^?f#@M zpUWM1R~X_)cHscHP`c6}I0E!FfNDe0@HbM85K5l$Cv98-oF_vVruYz*(T{-2Cg%4( gUP6AytBbGy15leQhEvp{>;M1&07*qoM6N<$g7ZLQy#N3J diff --git a/csharp/test/Microsoft.ML.OnnxRuntime.Tests.Droid/Resources/mipmap-xxhdpi/ic_launcher.png b/csharp/test/Microsoft.ML.OnnxRuntime.Tests.Droid/Resources/mipmap-xxhdpi/ic_launcher.png deleted file mode 100644 index 9133e31b43252d00767a6a3806df9ba68de2d265..0000000000000000000000000000000000000000 GIT binary patch literal 0 HcmV?d00001 literal 3871 zcmZ{n_dgVX|Hs|AGwx({M)uw%qjECNKBIFkWs_{OPG-hgIT;-yd++QJvW2om=tM|& z%H9e2)c5=2=ka+x9`E=2^#{BjugCKpi$>{Of^a}6C@3!JA~i98FX7+NQ2pIx?Ufb^ z3VM>RrkZg8anp*{)c6w{ua@Q=_bH*Cuxq%LI*7AGBwto)H-4!zzcekaq&2morKG}n zDqW!T*L~Hk*w&fLWkN_%TRacHzZw}4ksU%uD{7=< z4l@F>pf_Cn{g0o4;i*1H;#1e1-8Sexy}Xv7sq#ll}DbR&61Jz5)YqB}ZOJOXIqaqfl-_k@P*k!*Y-1 zd(EHAJP_%kR{C}E1hMnU!7Nn5&Xc@ zOW#dX-a7S(bXQ1)GD`E2+dA)roFGLZ$YG!>vm17Q#~qSAB*6DaQd9MaCo|S}wqb6S9B=T`wCw7@qZA zHbS^wMo*b2CVh9inNqd!C^;{$*8EGWf1W{RE8+5O2vQgbd8Q|#Z&D)~7#LW|`W&2L z_SyasQE5fzr8$fM0Zn_(DI~(K;s=4IGw}=5`M4LXXw%?Zd&A4B^1?jOnMXtv(4tuj zATG@Fl~sFhQWT1;`B1D2SSa~}-c~CzLg>+!-;3#7J?rnfA!~pBo zKQ;tVz*}4Grw3mfA+SZK^Sp%H{@X6r2psg~wG{kKWi$fIuTaUYJFc+AxB^Hw2(({r z_$0>HdR@Wy8L4?wi;8`FQFPbpt2#h8fmG`&B8tlM5!2hu3~W9;Mqv1GU+Z^bFm_b1!BHQjAzk$7fP& z^+rYz zVHe?I`XfV!78$8wvEthV$qSmS@AMbm$$^&CjwO*XiO*z1y?$BvZ^Zy5u4Q%*GwkuJ zdFhfDJOt}_7~rgd?V5#_fpC@U$k32TWQE{Z8>ywyPzxH=>)UDGWYnmX(Fb+@_3Ou~ zQDTc)-$8tyLf$*#c|I%opcN|Iwpi0aok4zEm|`s&mJ65u`O9-E$2vwO(g>l&pPd{? zI9B0e|2d$nht>or~UhZeZIs-;+8ZZsPv$1!{ zYkPAaeuiW<{zM*KV2e#>&FcN2K4-DYi+?kum$EY&dVq(b3UTbt^ZQoV{Tc2LA1UkH zBDgQD|M3jlVG2yoaJX%Fc+A2)TcRrG(d02quX~s4`tA9wYJVi4r|&{VIdWAu+b+UA z#D3m-q-AvGK>23Q=g)azqn6sg=~2SRnnXB}qwnBEf5Uu;3xhb1FkS2>9B6<#$v z+I*^>7jCs&{@h8Xi&E&$>jvHrN8I$!dUD8y^dULVQL)&{Q)}2As z6ZABSIMYqKkCm6M88j7N7xMEnC=gP0B;)u<9N5J_^%K> z*Az(p>9S5q8>$rgQhLa55;4pZ@2)^uB#99mJgk77uj5uN@6N-r{5Kqr_FZfZn6e>E zMKrwhrfKE?wa}r(M@=2{P1P+!6EZHVN8En4Y$L|dv>Hq!)_bP6R<9P9Z+s)zWA1ZLM5a4U@vGOf?w{MXFOt75#wAKL`?v{8Z z2$CP5w&Nu%jIM|Y`!>T(^5aPpEoX`FS-)HwHbD2~koRV8oR{Pw_kcl$MO)6=mgjSH zJOy6jb(-j$fYY8!!fUd0a{B6GJg=I-%O55W&rE6;7-8tgVgNNM$J3gSXW1RDNrc`< z#EedInYups6;GLd*K%^%^(uFYd}~YO@Pn8*O${mw51{s)%zn$Xe8Tw$jrbimPq!j@ z*0hIk!_i#DC*e{3zI}+oXk5SK3{#2$i0fjXjyAD@XI7?hYbeL?%@JI|d{iPK+D;kU zAGrkYsTV4sy%%Fpsx5N3qUfu8zQb<=cHoraH_Wcb!Be`WTwXmH$d*nUW=?wA`7A*o z<$A_%p{1zExsocwhl5+^BZ7UC(?%+H-|=fBd84jpK2*0vZeZ@aHO+a=(5;8Fo1F*_ z7RSB%61GElZ1qOkvK)2fds zr|EHY#3AP!54Lr49m8x=u<$D_mjj);=htK~crq~|t5E*iV`o5kN?WK~+ZqF}?4J$H zv}QvA=s4<%i2K&VtXgZaO8Ms1*eS~zW+p=i7$u=S>f_zrw*1VNnSd%QD5Ld9GloR@ z!RGDZ;LYg)_qUoX6EbZ+bRpGHNO_Amy#j~eears);u62C)Pop$=F&pnhKuVt<9*Lb z?nVO)Ox`p6+Av1SIzi?lPB(g!XG2>cRqRKpF!pYXQbOkpo6~W zr&=N0>J^NPXAK2RFFNLfEK14=LkgiktE^_fHiodhKBaCS?pvH=RXEy7)7Ti}-?jEIQaxkB@s8-7H- zP;(ydFBF&_M6q_x@*Z^2#u{9pR5^)lPzX{gM$vuoWl3qjG#5OA%3@B`+&<>FRM^PC zWW9q9)v=x=jPRaaR^-m!qmI4WkhVcz@g9E%FIcZE>S&@yl_Km=!FC07xZifd9I{B-wJj#*1$wX$TWLs} zW>O+MrpYyMN_z+l7V6hGU1{?UzdbnDyiF1yiScCsbS&~iYSa2Dxvf%yF1Ht2_{bD)hkvE@C;YuC|PRtV+*rJ3zu@>WdieCbY z?L^FvNcnD!@PR3HUfFE^DlHs`fbA*K=ESgH0kVN(Z1z9DXjS&W6nWMJh5SO~{z05N z<{!_&82``b;~4+n|06yAf6#}v1q4#xD5R7rz%^dWXP=7mZKrFXMV3LOsc-r0Lk^B* z*yW56L{@?c^6?B*`jZ<~_QxMRW>kP5*-MV8m7gjrZoRXShrUmLUhI4a(VdYLK&55r zU17e^C&gz4hl7mom-*BpFI2V{+7D6eAZ|2Ia^Vg3{euGU;>50HzV8hj<1S`qAmbwK zgfaxem$ENrvVy=#$6Q$PJ?>joXo~5|7K;K?OOeXFuh!s`y~S?fuBg-`eZ<(kO5=j5+?q5CtBYHR53EePl$zzHN=tqL zAT0t%Q#&;$Lw9BKz-ifw&RNE#LZ zm*Y}tqURdR>_s30cr0Kmm)t7#DrItL=Pr-fY-&x>r8OIyN>b?!<#VU$BR9WtYus|C zlb3z7)3d0E&l3aF=W^2M+}x|R0NK52~QqMAdhKneJ)#) zT7732cAbz3<9Y0*qG%PU`g=RHJ)IFk*+PLD`Ld=IP?Njd>VtWBR4-Ck3Hv18U0)!W|c+cna{BX_>&pGEgpL3q?d1PmE6?8)S1P>1n$m*K8 zJrB=+%>Ow8{6`kgrK{~n_TQ|`%^YJ!R>os1-7RDQVJEyvrcBr0ehYLHwGuyhJjGN~ zQXoUXRri!muH=&aB?U>1OjA+1iSjX(KbG?{YAz~fDVtjrlxYNBasKe~oczl_x-QJz zn1EG=Of|76+r|3xXyZ;!Z#<{CvwOP))l;nhw({7K_y2yigJ{x8djHV!Bv%QD>fEfn zfz7)UQ4*qUMrsKoLSX)X$^#u-A&fe$U;?hE?p+_>xKL~AEW=Jiw}Ig1U5_U2-(%P{ zVuCJ~0vp6K{QrLUB2JkBR01uDv@prICoZtsfk#L4hb)YP$ub z2f9S)(JaQXb)^RXnn$j9bIlTy>rIX8d>-`yHuPE_>g`J>+u2H@?_8)`5+VCZ zJ))x}d%#qT1tl9I{o=s%XS2qeFG8n-U=;5i1zPYMWY#Ugl?PL<R0Zs;GS;0v_6v|OQ7krpYk?2}6+_J=VtUfeH}yzAF?`>jymCe2|@ zE_!x#kL0VTIc#d=NsJts=|t#hKG7`BXUl1oZJd_+s<~+jSG10sdI~p`>Jt@dIcTpk z(+P)ir{VKA-gi;l0w;XuaaL!nE0S~vh;JiqLTbE!c-KbPyJn}btB~-;)~zTHI%j4>7N~5ed{XR z@TZds;|W5p9zFJm>%npX+g!M9-SBG5(G~tQGju$$?s0-M z8i{z)9_@-4y_s8w1hG#2@)W_Gy`H>H z1(d8CvggX8%}7F>|ssPHeOOsARfk+ZD^pYf)6t1o(2N$(!|C3zU zKVISCDIohzMA{jmuTCd^jW{UlZ$_&zLFp%t%IE;0FwLK?#ax}NpTM<$q)21(kCO9! zGpf@W(epS!5)H+%??hxpeW;?j?=^Kx@14o;v>D$b zP3}=kUhhy?LR;HsWjGv4-gwx;eMyAYB>R4dzEaq-um1|WJnV8v=BH2uq{=Ra}$`B~FqCs(3MAh~Os%v8)w@H|$ zg_VdKV5wp)xMzX1n-Aq)qtzsSvg8&rYXn#G^LI*Y0sB7>ahs^vmy6?mVu=E+y!JAN z5Rs7_hhWn4Qq_83d83=(=BI7B;w7}P(UN8DBje-KB^6X-(dB&4#=Gk3w33Z^13Vz^+onWncA9w z(g&H0obtZ)6)!pW`V<`$gqKxoEgjz&DqaANl+$flu$NrTO{3h64C%W0B;?ouck96dmECiAOSgLnquRi9Ym#7^c6o~jg+`g&QG`y*p>^QNEFvFbx#g?K>dd!xLd zU!VLLVCqKEaYcdFkz(29DqDUND9U`_MP5;~M8NDZJ{He zk;dXH>Gi=$mAUP>>#=XK+FLL<+9m%$bTL7G$*)s0vPk|*NW^D;OB0FWJfG;aDGZh45jcb_Cddp0TATTx{GhEf+8 z3l`4EwxKT|wDEFu&Myr;v?plbH}IOkcsT!?;7kqVc;2d18*~;A#|N$}@zDiw&S#j=gj`+r|E;^PI_ZH=jFp;u-UdtX}q` zj-?WO|B5n$u>6n*B%x9^s1-Kn{cc?G1k-7&_ zwLF-TR~=5;R@=Z2NwwPKCSgF7O1wGY-E8<5&pZ7LU!^fnH;;349_Fiq9MLPqL(a(1 zsJU#*xX>qFWvC{9H`&spGA2)U=!YvASswAtl)`#Cl6djQ)aS#)TQu(&_ZlpyGBU-6 zwwZrgbwTZOwC5=DeSszp9I!ofeq!n(g&FKS(1Nw?A9sU4Xo@8?jg}jHWSc;ah7@UF z!a6IuaM)$~{`s-R$Bkjl%MTJAEUX{;0kXY4gfi>o{;XVoaP-18)r%V-8@eao=x#;V z&_;=bQT9U+Y2#e!85O7%wlOF^fRGsaHY|A~NbO_jj3r2x#>t<5>fN6oxdPwT)wY@k zjG*q7<$OBOx{2Jc{J{y5j(4mUq)3g63bh^BLnu=PtaH8mc*y65raYYl^^Np@Ai-Zc zkTIC6gZl)25##?-#KR`pzbe_6H{51vh|TX@ZD9!ks)+YKQ!R0du6^#S+~RdCJoWy7aJfJRHzVpyJev>2KCjz-n}~JO-6wq?+T3 zD((}AdNA$siA#~3{9V3}&=P7T~8-+~>bR`# zRZ&K76n;#4L<`&WSZl%QoU8^V&8PZb#MOy#SEuqXEy72o-RWQLim{Eou}@A*-=?qF zjh$uG)&yVg!V35577^rL==DB-34u*!*^Oy22FV_Ip<+%Rr=v3Zcn?7BGD!C$9;oz* zt$J0B^1P_&>J^z1UJ8#GKNY diff --git a/csharp/test/Microsoft.ML.OnnxRuntime.Tests.Droid/Resources/mipmap-xxhdpi/ic_launcher_round.png b/csharp/test/Microsoft.ML.OnnxRuntime.Tests.Droid/Resources/mipmap-xxhdpi/ic_launcher_round.png deleted file mode 100644 index c3ae5f5ccdecc01a9b17a2a0c2b1bb20602f0151..0000000000000000000000000000000000000000 GIT binary patch literal 0 HcmV?d00001 literal 8001 zcmV-HAHLv;P)_otvA^2tyUR8VoCfH?7Uf~Y8h zGGvL!9~U1e2+EQ@WE5!2`JeaRb4v*AP1@XhlD4_e^FD<(x#OJQec#_Z&U@V4T!-s$ z9j?Q5xDMCRfsbx(Zj;?X1`i(Golm&WvEOkWT@EAwg5u(04-gg*b^)Q=wdZqzt5X5S z3@E&xRqAU4(t6iMrj`y!NG~3kqBiu;%rFkf27!OW@8ECn8ThO4HTO;#7xy{;~-`#PSee#+yl`$7 zsLK|B`URc=p2hMdam~0$z)>3q=>?G-oqR?n&P@dVyd_S<+u&%Xj+V7fH_Q{po6c#f1Tbw|%*|St=SEuXXwPQvs;F+N*+6v& zkIGS=8;n&;W7y>ag7A-w!kVPC!v1S4JS!J)TIEOFIQ3rxW7krsqtmA#u9&R4Ay`gb z(K=n%T(#4z;juGa*V5Q_dcLDB>_6S5b%fDI*u>4?G*GAIMVyzVRuA^V55I_W&0So_ z?m#5#@*8Uw%Vd?_ozm6kh@LvXJd~7GxJ;G^CQWUu{Z64R4)0XtntK~kATU^H+D^c8 z$u;=`ixI{YgUC>`Lsn3k+$l5>_W&w=jT%4PK^J%^fyih&sMJ+tbZ8JYn=PYBg&*pu z3p}(zRC`R3SDx7+%^8RK)Pkyn^uoFWF7P)0TEDbH=%m>4xeM{1Dq*;BhR7 zR0aLE%d(6S9mK_F16jmX-{=C5qlF!NRYBGF5=p+Vvj-cwP3%~$8xBY7p`fb-9)Y#aFnwpwAl)ydj$3Pl0ek#%w z51>+@mReAKLYiq%I18yZ<2|M|G!vun*52{p6m;a+@eT(ZOF41!6dE_>89JuSh)r33 z`35{^-5t({xYA0jBB#*iJ*5L~K|BBWv%`ajlRbO)V^e%54N~2p($^q)UfEL?rNoXQ z%_@UQN1OM6x_^G|JDmnRAPo%-43En$9Ylo>r502nnWnhdQ6S>fo;$vw?`YTbTtDU^ zbm+*jP6Z&4bLY>ak$3%@nkiH2%D3P-^rUXeu9&X6`)Hf4tkQw#tCj0IBx$xqR(|^( z(qlKDjw$Ph6ghn+P}V|h!z8t#EFRy;3A1h&bcpk~Dd?XwXFDZ$K;YRPe(YIFh5Fc( z{rP(^XJ)J^JN;zjs>jaI){f-zdLwI2BW-GSncYwsaxP zspxKfGjY!Em&bMRq8Bi%L(`s{$B@m=4xmey8qf>#7ox0^fm8@}O0TM>#54m9Ld~c+ z_cWtvF>UQrIrI*+W9RNp4<1eq9y)@mhL53^=1}C8eaXg#L^5NX_EGDrOU%})BU;?& zgC)y4Epcv5KKp7F()J!qgHT^i$*)AxOhZ2rwGgL$>OP~rUcLWK_o5T0PIoErfE+!3 z0*$(V5)A+~GFm97Y=tOV$b$P&4I1johoTj$*LOMaaPs4?+mVJE7pg!BYJG{|T8Q(! z)W+Jmw6)KJlb=Cn&zGwnS);jE(y!@=IfB$9)QGN1`8o z{I$!1hZ6{0^c^yqN?b^(>w8L~%9gQlApt-{RGGWVQ2PLF?K6AcLUi%sr7jO3kOl89 z65EV1bDLUFjij35$uQ?yt=3bBoEL}(cHK$e9y&b<%dZ>VDf3>htLBsDDFFu*Z zK*D7DXFTUVX7g_!_fhC73^d8Jrepw`_s&Ny;8+x&ee~IKW^BYK)0Ie~&aZ&Ew~I^@ z71kY-t7mAMuUqeXlqvhPC!e%y&tGWg?rUY=fkWa(kum9oR76YH27!#bJs=wU&|~70 zX?;JGoK^e^%)LEkj8R_^YPCN`<~Ca7Ij`?^*lpin*CakV<3+{<0`atz>fvKW&E~J( zuo?Bcer$`^2APEK?fm)rcAx*-jXxk`%?MG+G-Jkc%YF-#NJ86f#yIn()HO$*#g8~+ zd1&e^yWRFDpP$EDs6Jxs!|3o);rZ3kV<*tf_e|t{MsUe5UcA`uYh1i^2|YG*j@Vj= zi3!E2^|kFbW8_O7Se;FyWxk4PZxkfo_2=FL%xVX|V*EL8yeGI8dh`8HnR=zxu3K^4 z?Tl%)_d2`(+RtcMvCWuNQ}`lapgjQM)RvdpSi6pf_mx@PA3gQr0)c{Wjp+6NF6Irs zL820t0ST#n`V1b$3tBcTaZ!+L{k*q75;0p3-dHV?<@DZ+G2q({GsfnWwM#`kaZCYc%YN);0tcIqxe~S22_Zd4^oi;xE1y)TF?#>ouYjo{^wp6J+R<)CHpf3u?96tF8RUGgV(bi-!3c zdDjGVQiNZ-uoCj zdR)5-_0QpRkGlU+{2ctxXOD)n>egdY{@AQnuoE&sl;o-+x6i@Q*jNe6gKVf1BC4vp zOk0}Gwr3HKK=&SaEBblcZ=$CG{@AmZ_bmmE^2rw~+swfr;K}Fd0YBNiRs3oK2wU)Z zfOe%dbma{aSyqwFQEBoa52dc}AhRtbMKNEmzV!jaA!yXp%z6DiUbnZ;;MQK@8%U zubLa~M8}Swq?pY7GXf1rV4q zDDOy2*FVX`1Z@Ej`H(mM;!9!?XmG7R`QjVuMe^@0{(|={Egv!(ZToGPb?t*S6=*EJ zXME$mPXviEwMEu#`agjy7uhPsq)g*mj8kQsE6;EsU+lsy5eqy%VPk*szNA#H3k8P;B3WV8iMG zAL^kt)NB&Ngu&|4_1|xGSWV69_22V)EKm*b{nlSvJqKtgcm}@jL*0&}mLNe1FtolA zVy-dJ4}}J*4Yk|F0MNAO=Gs*gBLs-XjGM}PkM}t8}FKMRr@^9KDXTW zAKvc(e>&#`OOPOJ@$RCfcK2Ou29U1riIBMDG`5$JbpUzAD6}c~i)VxkB0?pg*yW^c zk)411#duwO3EsJHf7opHKKS%2-U)%AAx*d4mMA&&6A&VpsMM984UbRJ+6*8`iZ&f< zpn4$zG;YdFr|PT$T4??|A2W4Gt@dFYcq=-5^f=?T4;}p=Z>`VMFD`Jpwfm3Fd_|bD zj$VB)^h`*}2W;>Hhy)S66Vyl(v3 zes{u#pHRRiR5~LjS*f=g3*rEjpvuYW3IJl_CfMWRyKh*F1;uWBpMls?ef@<_3m|1) z`6ZhGMAVbFM46p|zj$6q08M%3Wv6Uhz*mX^=56VUHB55{i0`!OUG^J+R<7OTbkAq4 zO0o?csJ>@{3{03eRx_Sf0Td<6QsFQEBcvBL`d^dL1p(@Tg%a?ppcf&ZX}a<538(>U zsk7(Kq4Ai*wN|zP0v+?~FF2PLx^LnPdjZtMm9~b(DRONFP=quUYN3w`2_R^cuvWp1r77NM)G6)s7O_B`3T0Al^c^ zUw2%amEW;*530U?EU!C1_pJ{d{(PIZ{LIVQ+M3FcX-jrtOhglGbhnlZgRTsrDt*mH zF#vSa-H$l*ErsHJSm4J8f*0q%+hSc1@S(TfU&5<}Du&)J=z6oZ%JGw@(3tU$37Slm zW)*M6n1~?QaJN!Wp9micNiC@QM2vC{i10e9VJ4W*d2fGcwHxdq9)LsP7GGf+WcsJi zp6@VI4LQ6#!HVqJ-ib*W1}NtUCD`BxP)tlr5BxJ&*{kwpvFd@~E#3XsKI(%DM3`?$ zFjN@YvVQB!Z@y)AN9614=!llY!0q_fr?scy6fEsYNY_K#yI_J1-g1s^5{U$sa0I~~ z3SyPCLVN{Q63~20;aWh9`OFWj-#TQ2c|CLHEEAUCU2lfnej!()S`!G7%&`(NZ(m7k z6^c{kJ`I>?3xEQpS%zU^uE>D5lxFyU>(ASHOE{pyur0yBH5)hct_m%{f1_DA2V>cH z$Zf(G)%U7Ev9gRYfC-xbB$LU2X$QolXbOZ*s9MS$k zpR6s}?;Q{TF(5y(x0uz{solwkBUAO&E5u&f3|;8O~Zm}gs8jmZc&?sLfy}ZJH^Pb-rBLkukEGEX2zm!X9k1Z~ZXG;?s)mi>UrdO>Yw!B41@A8A?MzlV><+YT z$1cI255`Q49zh&|R_ZEHbaKW$fCYjHcN@ENFhn{iB1V>lPj;L}k08i137M@2jRt#e z@h#!08F3dndCGng58cW5R)qpkr_P)sIDlrp{Dvr7AaFS_Sx)a$A<=P0zyb*(cC)p; z3y`HiEU~EtRcpi~(&pK3AcH~;F1vnfIByu?lP`r?9Si4JzG^+Msf6o6j!Lkw#4p=X zaotU#%mtIeU?b4b;x3+G!PBh`ZSJ~oBJ0)h2fLM#V{x|~T*y<~OO zMN4bH?5VNl%kYC1dT`Ryf~?4eY&&#&6`K286+q0dLXs5iTyUmBLqh{?CD6@0C^9k< zJhAYYl>3$m>pnTQ5Y|;+t{BGCaai!ltmr(bY{MwMUvH_a_CZ+~zKvvYA*2M^>5@Bhzq3R_;9V4J5SzJXynm~-ra z1+>?EU1i4n{h8h{39{^>*SI_h4FCaIT=M10F1KI&wQXhAGX1PY-|mtj&)WB4uJN4r zw8wl|ly@*hDkegrtWXv7yGV1}Z%9<`bAp~ijuKeZC`7Lxn`(cwC6~gY69&LsySaq~ zwb%P+2f}NR?(97eEtgnp$Y&o&QGX>+3sz(6Igj(@UEM_kk_GW0l$9dCBnHN=P}ghmhLG zA~MY&G`>e*V6IYEegJNSMs%8S>w6DE|6TM&rzX^3y1rh$LG-cYmMtf1iVpb(1n7zO z2^Ye3x4L43AT>EQC1(P#cZgup(n7EYg}vE&XU})RuF@2^Pm?0I4~k4mdjjTCZ0%#g zg_sn79F`P$cJa5YDXVRu1tM_kouN&P81m{{A2M}O;)2K2z-*$Dmj6AT!&EYt!D4Wq zRy{I5Kffr58HB`2`zdu5=V|82p#92bp6v)as{FqDPv+TZq%36F#q~iw8R9Gz%k$#X zLQKuHkB?6x{;5n<>z;%#I4uAHxx8=UbWwLYq%GhaOu=q@hRDPj=17rSh9vTg=V0#0 z9C9_!?rszgP7C?4EkAsq1-?p}S@<<{a-ijvL3_HTD^^q4u#SeTT(?P(rck!zyAo8o zwJ>L7?n232Qqexw5NfRXqFE9akT1{ey&vjHXn_dSJ=8yUbgv9nqrd`3vB9H;y}vYu zgFZg~g>1b~j~E)n*&3k^;!IggqUvTvUPTjaKJ?LNUolbYj--viU58Gw&_cLO#45w9 z)_G}5n|j8{#uC$&#IE-epEz4HWsr0W^Y-?Zfm%#Z{T2X3{>u!4xy|m!J z=;P0qcL;%AiZ_gTNc3?b(dNr?%zI*FnJ>T`k+}+M<96O+n=&XsVs0!gF+KkS*sPUi zl$z^r2#fnVf@F$VnrdmflzDwoTuRQTFgIk5dOFf{wPwl!*g6tsDM)%^rePHjHrgO^ ziDjyy0>!I!>+qaplDUZ`bLBA8)shx+zp{?ZCjo3M7L7F1xP^^Wn;J*}%O%vnV`_jG zI5Dl)&#(;&J15NC1e>KRy16;YVa|s_F+r0;l-f5SAU`>)=yw;08~`3>yY7NN@EjOm zF36mOIs@;q#)lxH8BT~=s()~JiA+{ih(L6BLQ5NochXGG(Ac`bGtW^AAry) z6?UnR%hl&|(cveUthm(N)jt0IMKFe5UjAvMmtnY>x7DFFPivaUlf)t*kr#(Sq=Nhm z@S+&G<|$cr@mb>PU*?LwUBGGX8h;taMye@18!1bl1!D$dM_$A@GNwH`BY0X0HbOKs zgw36KEASwsgBlJFi!;Tmd#!`aF}Gx>tC}@4bJYl%8MIEkI&VX8So8p5veIGfNd7T| zjHyRwGF!G(GzJpFmxu=h)Gz=kD@vL+DOppv58Qn-PwjG701^uvHm*aq+(t>6h67Pa zsZ)uUl}^Sgk&IoSBPt4=1wUG$Gcu36~g<6p#jS)g^iQrNL##*8D&T?#xc@giT6C62PtMw;NBF?CSO zBF`?pz(%n-7q*U6K6ZF*!*Lu&;{eZrXN^zI`8>F1bpIB#P81m{-_Fi=+NzDbN$et= zykWqNGQi!3K@5pZ7%oZ8`64;Hh9nrj5m?`E(04)p87N^SnGNfnx4FotD zWDFE!Ov1?+d3RN0&|r>#v;h2b=t;_{D^lE#SWrZD(iW$8p+q! zS0A06_BgDr8GL(MhT&@Us}qG!F2bR05nRG6sHK znd`Jy8+i~_?N17!qFD~$m11VvG+4BOk#WOf<(gNM()B;dv?cWnm>A7ux(ZO-+s}c@ zUJhk`4sy;Wj?Zv_;WQ0^My4&ThkJy34UCiwhkGaS9Ac^%jgv^8HIzKNx0!qH0*?Sd zA{vR|Nce5_WYj&p!H|g#i;f==Bg=RxA+6W?E)yuEDR}T08@#;#3pNuhw;6vgL?{&ioX%xV=lSZOt^QVRTX9$hXam}3pm09 z$%hPX2&r?Cu=yV^m4#M<3Ci{h3hf&aFTW>7p_v<(n!8G>G48^q<1|bxXesb`7+_(u zazzu>Srta(7;2gCLU%6!s3NZq)-WZfr5T1@ajCjha7}#ed;J1K%ZaARvd}gvlDm?S zX9;m>9C|?VB4PVL;+aH~Tu|~AFg0tYW&o0dW%lJSoTj#=tw0jQ^IDY22NdY1oFf%0}#JFNJg9 zb4`bH!nr*>Jo3r4vdFbLO~ZjEncQnMx%VLQEM6|)&;?R=;*oG#DaZ^=kQ;)Pmr97A zz~q@}C`(Xf6Ah6Ilkel>UxKwpMPNvHbwEgX4G8=jeg}Ue0LcS$Y4&|Hu&^422*hrb zj|K`T5 zvEu&kr?~JYsHgmN0NIn2aTn+aRJ9k!PJ8U-hv4^jUYrdmS}_oGTBmMTI8(8 z03a};B0~PpXcIa4tdx8=ft)LroI8SCE0|onhYK_v7fjvBqPuoO{)9hqzzQR# zC4vyzNCF0Pi6noEAfF9014WI zV2uq3g6f^x2G7c=p@RHqN*TgM%4|`s^UtkutYSaPk<{TxQ5pftG4D{HdAqOLZ#1v_ ze9M+5dsmQgQfV0(U&(S!!AFzvis49pCTa?3*#F3|c3c({E49|qiLo*tWAg7N2r?$H zceChvA3_;lB9B|DgITla;p_)_r>v>z1zcg0vl49vG;Ili>b(32*1hN??A7sM@$nr4 z8!M}P<^@Xi%U%oe11bF}T`A`>43CK-Qz^~WSp-#Hv2Q9-9^X94+}vz@Y^)g{BUOYV z_|+d(CAi?WUj6zyz~}lnkBZ=80;M3*LU zHGMlZ?()$(qVAfc|G0}(d&tSfx)|^Mu2H_=kb4o=Ap3@`Lp&B)cL!~H9PI7w*YctI zQdh5sK=8^5AG8P>#9Vyr+q9%EwH3HQk{XQFUw1_hfFE3734S2!^#qIgdS@@Q{Gn}V z&i9cg|N4u1hekL~)kUtMXQYP=0K1b;zvVq4 zRb1r#*7T38ib@M@JD6D*ec@F^uyytIxz!L&dH3FxrvZWb8BV**eALkmeW5?93@}@n z4gNan2F?-Ie_od^USuAI0%QWj1;%?cUgs$RzY?UxLayXoAPU~f29Th25OmAI z06!5@vgYvOQk6;7bal;{!x-3L@ZzNh{0cx{9p0)g1j+z7i}n8i$po2mA$9%`)fE!Czt%i%kp_d^qH20s4XnQst#a^y8a7?M5z z*L>NT7jYu?ICpgEQUYh_OrrtIc)wKx1p6)`I=;61<0)vR1JCOJwvBjC!)Mv`b#ol9Akg)gKB^lewze1bTfSn@{B`u_A zN)PUeMM_x{I^}mc;UI<%**ErSWv7bWZqZOYaL!Vhe~kgeP$S=_d##+rr~Y2Hh1>Lf zY=aYSLIB5kY+Q46%@wn%6eSeDTv`P&y|-w1o@Q>{3O~TqAV%Mfc7n9fmZEe)q(iKx^n9(NLb73Fz+c+s z!>K-8XvAo7Xl~E$nxjkY=8*HY3k8UR*tK@ktoRk(m_t4G*)CvnEHo5Mv^lI*I$~VT zuH0CQ&e0+^wcyj7d5)_2{MUw8@JEb14uhKmP;dz#w@0mHpB@zWPB$AE8802Ak?aBk z1M!fDJDr>(_(|mFqjVXEY-2j@TGY<*rK|h113ZR$)F9b)LOQJZhEwYNf%4CFbZX7r zL16#j)!2N6%HO@+Vja^$%=71~T?~9Gg$KI>#Wwff2WtS32+6IQEv;R6a?Q?f&t~sy z^?UKhaZ#>^yY+4h*)R!0Fyiwv!ursg*ef5>>?IAD*ns7x&BkByqWr2RWnuEC)*Vud z`9a0}20fROX5f7JsQ%t$N;zJM+&`J&In$Q}u+M=I{b7@g!`prSoyZpQ9TV;3(@D1e z%BI66KJyYBWhq#q@AQ!=m9Nvfnq z-SG?FyKF)enqlGZ8yZrUBOey84zNfN!yy;zjn1@HJvxz3-Fp z@Tz6QUll*eYHc^+v(f|F6?U8_{nr~jaIG0W?B=i6B3RcSto*bvBsbTM=A9BU-3Ah8 zNi`l$9?&GMo=FEwRv_xSgyGZtj9#@e-B5nrpw{?~zkgz73X_}cv)*W^Rr8w)YwNHc z*5Nn6f`7FA!KOwX(rWwMR7CG2XjL0w!d?(-NK_z;CDgW!? zm{={qDnSAQe=8Vg-umXT=L(@JFv-`qNgoa*CdglVGRag)CSpU(wYQsW`&k0q_mT*%_hS-?>#U4EO z2MC~jQ3U6aUEVZn`ZAr-q_#O-3f;~=QSZ=x?WSyg+?f9&^TYDzkb6XdslA>n+|$$Y z#wjomIx&A!XAHF_GVmq|e@koN>Yw2r^&$^Gl_#ddWR=6%jFpj99RV`jcPw{gQUrpP z&}y~JthsyUaj=yQDO|`!1pHEh$z()Rxx-4E66v=_sVbSZ*qEz&S3yM0K3<= zl(AIalVLR~ZN4IX$r$zP!ZB`rtk!neSg;~!`TZzT`@!UHZQV6$;7SKpBW2rrUV6x# zmbf#hIQ8SB>u=fyo$!2K@J^E%%R8%^DUW6^Ebq2+fLvKX@){F7?rY$=jVkSNr#m^S zUpAC=E)0=|)VsRj1l+j|KCG0J1K2@28(?-SzJW8yW`-j@8fz?sRj+*;$DojX-q@wYb}{2W8MP`wCr zpMJgOGt1}UL%B`+e1=bS5ru|!T&(Bpqim_)`YyB+;aZ#ewM>398;>NO39z+)EM@9I zzqa%gS5q)4Ws**y4RgHdAlxy?P#N69EqQ~}t7qX#A{`ZoNn=1A+!}QMkw>!0732x3 z`%S`@brK1YzOF-F&+{yjtW_BZrcDAx(tO-GN;yTY1tuOT<*hG12+Xe>ynLs0qchz{ z`%mg>lPr;0bC~$^CnR=xKR;P3OfpfJ$f|c)lUs?S0JW(^)lwEvC4)e}5}SI^v{!1$ zjqz@CVW6_>%7&F`sY3xz9P-J|lBlF}so2Y{lOpC+^`4$YhDLpp3!lSk@7KlW@%84X z*IvEA!*PC8@8D;8o1-I7vgw9B2}E<;Gq@mSZ&q9x(yG-(0CRJ;r zbr$E?ta2}89WD9k`z^Rc!N4GdALcn;R6#TJ15qv>piYcX@`jjXw~iJvrTm)BH$ zb%K;N2--lOR@QBD`&ZF+4es%d!air^&5bM>hfj5->g#UzXEdTl_hyn zIkQLs>{x-PlSZZM!^euTA~#MxCZTd_Kbjkq`Dn%=#g_vd*TXIuYU@v(d_{kZ;gK)u zziBr#l9lQ0LjnAl*orcD2VJ5{3NMwFco~orS-1~*AxKWOzTLAVmkWPoR%xPGNdu_q zz;1sj4r&=@sDnZO$2EB8H~guAjJd#c{W^O({#pLgMS7mAt2DrusXx<^*a&kdXI-_Y z_9j_9_oo7Ni?ojhH{T{3!6L3yVd(f2Q0Zr`E!UF-##p;v7n$b-e;v^A-o+ab? zlVwJ*Qt6gkF!g%V9M;PT-|U= znQZgx^I%KEj2c)s_Obx$c&fXdCv3`UHn5IUlIGXDmDJu$E7UeYpf5^wf`~WfT87s{$hui5G`USZ+r7zlb|e z{ZrEYyI`t?3$8$w!SQh-JJib09-`-O7ZU4W&ZGTrlS_{>=JI+%v?F3Tq4~1)esPKE zOiQEtW@?$T*;OTKv!Sl$WxW~6_9*!_N!^2IYUo+ypU1@6-e{dt%xSFE+(Fb`n{t+) z$HuFNv2x025j(+st&hXUa}gE1f(XrQ=B;Jhk8HVYcyj)MC0D)AaFV7l_3cKkrp89u z(05Bo#PXm6x=Pa_jB9=7rv$M%r5HsdnqMzLuKQArS-14ABcqZOrYyX~mfY?EWt(fm z(L+_F&V`mRF)}iS^LN5w6g}wbzz9&?o&7$8Y%p%*CHR^I$9f1*yUyH}zB4^i`c9)n z^IWRH4CDIwFT)hq3)>yRq6eP@ro(m*m$s4>KJU-QgKcLrPB2?_UE8C%l~~G<7O(TM zW$LTyd`im-CExf(S*NOi-sw_1p>6i4+&79YR+?)afxX5n4mIp$-P0wan9u#)Ul4SvZ5P^5 z*}dWjId8T<(NSMTCXWyZOnb$5cGAW?f`MWbibU$G>fOxR97aMitp0yYMP)?= z1O$K<=BD-n0)n+a_A!yelXun{$^rsE|6^eacZ`@^o{6gUa>5DRGx2`<)%*{W-(fiE zKNZgd&b|Bnp~hRX`A=CwbJ~tFFaEyeo|pUP4EcicV1wv|i;gmvUVb}SdG@R=&h?^h z3PSUksrkt}uuFf~%EQT?&f}||K|(rx9lY30_TJXsozA%7iJ(FQFNgw*A)ZB;o5OXk z2W9E{7_j|*?Y#`4wVAHYryQ%j!apO!ra!3)N5t{n=S%-`Z&9H|1ggSHaeG=c{YVqE z0nrZ>c$u-m#RjYlJ1__6P(^4W9s;ScgAR=zMOIH2>yAx`HB{r5^EgmL@|bsD=u7Gu zgacoB7^h};0J>#HNEt$s)qtqv*4c|ndX;#H76lzv<;Vxk6@#g{Gq4d5%WWY>Gi3f= zIKV2{dnC-DVoc|KC3NFn1|W?&GD3yrhBQpQn1h|7bczqvxu=CR)Jw7gbC+QwvaIEW zC>4WTKfgc&MmiUJlQ7QQ7}Hg!Ap(tTH@Vv9u#mW7!+x8dHoaYZt4=L{l<%ypU!D4= zAS@TennL1&=;?wmIgrc5%GX_FM5SRm$E04c%mXlGjC)%@wcw!V01?0j7n9{7EPdk=@ym z$AP&CIX2?G3azQ~&F_9DKcX+*Yo?D#h zeA!&ib)-h(S91c||CGiw5S6!M8UOe&d_fPoP1qgv7Ba~8Q*sj)a{=i8HuEbZsa{lu zz-=@kWR7|Y?HSQ%0n!>w;F9us#<{QLC86YcoYnBR1owfTyprh81G;RrC}Esl?1HMv zyb`o29Syq=(7zTFAfx&e4fE$uUZg#Gbh>4=KVyZb+cw~u&Y>qu?u{B68uE``QQG9r zmop-I-|3yLz{~j*d`H3pl^lfgr7-YvghZHlBpOn-tQ_R`!kd!$ea{=!*s5=R#cH z-w1Iv^D>#dtn;Vvc&R1_74NQLpe(P71gUjM=#4Y)q2ZEHM?~zI{U!rX9NTM&AWKD& zRIFnXMQePHcG5+0TeG)#;q}O}4)o5u8|2r*dn4MHKJkvE;lc?nL07p4^g0(ti$qOd z7G<#R+0qe+BXeJs7NmU%6*9-tL`>&b9%g`^JST1Uz_w8UNEKy?+`vpqU{b|pHs`^^ zOy72g#If!7q-y?+iQ`q2vKU=#xG*JW@36RQJ+$r7Kl0zN1}?qeOpvO-=|iob7Q=kZ z&;#HH%r!#0!Y3I8jiWidEi*IP7UD6bbASGI7)sp(zbVzYY8zrxL3tuVe`^QbFHLY! zu#-^Bj5!U65BGn8)`lVC>Y&Zf8rlFtB_ z)|g__N9i>0a%zB+Q*h3cNW}I$Tg3Lki5X{!^g@UdZ2)-J_jP}rAEQ0G?Yy7+Nv*sq z zJXRatyoD+rrB5}!y+63gWvR|9?|P`Y@uV?e#kPV8dZodMwHfARej+#cj%=P<30GKd zN!W`c;D2#c=bht_b0^ZLB2elt)}h$X=h^{g!~h^Lci~~8Q+K?>pY9)M$;w}Drvk4 znrFVe5dwt(vj(i}13^XRAthw=Gkacf=1NmU?tp>{)!$I76rY=U(MVn^pC&9n(uUU| zrR%7@4$dC==-(WPFy-rA)Q(b0#<%FtE2h-@nt z1VL31-UIymlq28oZg};RkYCuWS9@cja|FYDLH1kfu}9f)BIu^u>7aYX|C1fZ0Fo#?!+qs%`#D zKdt2++&;b=fF%r3G>4zHBB(TpQWN2DXb%z1oZmTC9&_ zY%cKvKh_xJ2!-Dk{0L&b0I!tUd0hg@*@(J7#LhVT?6=5Bf8F+rqI{bF@`R}Ac%sZ3 zunSthYbzyO{q{>o+~?QL_vBBnZI`-Lz+ZVc#xH2sDpXn}?k`5SksDjq4D(|G|IvHx zTP`vuIVz-8tGE-%a8LE}GxQd159MIWXI6IJcfkODa^9AqD`NT$o08DD_E>l-h^RWda`hdd0%(sOj1%;P5gn^Bt$ zSO%{(#RLEVrf#ORr|m1u@+UTr)KI79wKWi)0RCD2KM_w~$Mo_hXq_1ltqtjQ%BN7s^8p0bK7j{vqN-H+!K<)x4lcR-g`!I*v1)) z&O5_r=dj8E9#+}*g9tY%1HehjSpJZdVVkHJ9-p7NgZ_6%qZMi5@Y!vkB}=^$6MYRE zAE{NhjT{pp9yl$_YR%G0@P_%?#`967FO3aDdRu1-m0>ZmtSxpv&9zzmD1H47G#1*m z601xLhR?>;7kg6jz!*p2GM7_rux0mBA70i;tzj1|PHa;+=HL?(Cl=qS<^&|i0#P>! zZA^+$%&!PSGpL&w{OanKKO^+Tf8RDWg$N9owWW=%`V(>!{xct}3p7B+M$C|-Fqv&N z=){^7KS3IQi)p|5&JU+aOM%lgN8fj@ND%v!1(cU^PEngfm$g_qb?W<`({8p3 zmTi2E)>p4U`n!9`VR--Sf|n0XSYf;vPIGFikDR%BaEtOT&EH6?2#?O;q-01puFSEt zd@m0ig7n|U67&B5X%!&0dP!9AVK=!S6zu?dP5wK)}dh@%d^QuGlwOwriLm?_&In82dC|pGjXo1YVyNZyfaLw zIjmr{9fiI`sG{({h&va^rVA08+ueDKhtOT6ez{c-nmoKP5^lE}L--|uyU4oLDX6&6 zQp$@c5Dtn-tV-U{s$Cu5#sJlk5=ZExEzF70Te`%?3B!NWf4KDr{asG!>jRhMoUv_a zBV^I^$Tfu6;{-xnDVPFj!M{SwyH9p^jxY+tJs989)rw-T{N}f1B^r5FCvGSqxrSd4 z_UQLV1Old%v_lpPRxz^#IG_Ldr2N2NUHPdiLB0Te3n`Pf9M=0}$;QVC+<;B3)sV*6 zOSDcnCwsgWdwB|nK9^W914LO9GC}stSjmX>_2oyYpHs-+(gOuDb;|H^N>Ov=zA7kufFw8eR5>Yj$QVjCUMk%YDH>7lk7%Gg|R_n*08mH~EySy{OHocl0gZ09|xhF<}m>USnn{@VD!oJc4Sjw7x} zYwc?)8;wz}eP2<+vZueJfN^>T@C>0vm0(MxGb{LpAjR@h{xeRtZ0Z9fLvPq-eKIAW z_=i+tH7Pd-kH0Ld76)&BB&BXoc3nBRZq@4DV((4$XZ|x^<{~Z&op~*x~EKrrLEJ z702nz$7O6LB<=;6$hzVJS!_W}m}64!{p>10p)Bhf)YElg)Zek@~2kytT1oxZvBry9u_KJw%qjq{a&?RNmyjjK?&vs{Q(+?0P1=MMt=O1W3+Ngj}M57BsvjU8Dqm zndt6(DL#^vgGtSVcbP+K(U|Y0k%I#1&7i>yLzpCq^$g0k&-`3^!XIc`tk`tZt3;t6 z)Jf};A>RNleP!ZCk5>)z0#4ZWD2Au(3`S0$w~ViV)aGIgimj=Hd~u2NUtz=?R&*oD zXj)l6zCx#VIn1Eio0{wr20p7FucuY_3JD3)b#NBI-t`4##<41={GZHaDXYZmY1i#x z*2-q9H)<-?$%G%+EPv@{fZ-JFRIUF zEiZ{oGP>`SZKs75Qe_dA0F~Vfm+dzH-*Q`7p*F$8YuA+W zT~^#k0*5S|Bs#`&JNn#284m!UT)#*{&yHE~bT;Sd>Q*B4wC`S8m4Q-|2VoJTx;gUk z57*JC%nxv=qOOXd2z#*PQ`WD^h9%J5|FORq0fBgpgQHl7R$u3SqScSfS(sUy*8Jw1 F@PB1o0BisN diff --git a/csharp/test/Microsoft.ML.OnnxRuntime.Tests.Droid/Resources/mipmap-xxxhdpi/ic_launcher_round.png b/csharp/test/Microsoft.ML.OnnxRuntime.Tests.Droid/Resources/mipmap-xxxhdpi/ic_launcher_round.png deleted file mode 100644 index ef89bd5215ffcc38c68b119a7495a77a7084543b..0000000000000000000000000000000000000000 GIT binary patch literal 0 HcmV?d00001 literal 10893 zcmV;8Dst6{P)w$Qz$dy^()8jVZ}Y(Uli2W4>8-vtIRd-I?ma0 zrn$Q18Vu_BSYE}l63f>nXUi}6=bt90`vCsgiscBFqgW7;qvUt3MHVwZH#cYvq!rL36}g@I|nG7basS}adv`4Y=k0$>y*IYOTK zC3%NyP1WuebIo`?yrcJfcPKGa26lC`(jN8)j$o z+ZasSjsrFTW}5&^&fz`^f`5ksDZ+C^iqb|DuB&(42H%0FPWU^)cRSJdXIDQkW(lVc z?_{i2x7aXPuE(HRh2`M!055<&&_M5*V(?0FJcWSovd{-~y`j|0cSD&Rh9Tymq z7&Nmmr+>E#&>s=6?z913xS)Tx#F?s_FTnEov8z4MgV3Wl{-jBQhpE%p;IZPW-P5gg6XF>)3O(bNzaU7&1K-)a z&MV+VR=)lT`V%OF_pY!G#!wt^W5zP2JYO^^;YO$XG(2&iGT`?{5k!${JeJr_I8{8x z%s!xS)rWi9NVfZ)&o``3} zUY-8r%9PiI+R1D549rDWbHuIyQ6A3WIt35>7Djidp+#F@P8cN$5akh874S>rfq#I} z9Xe@|$=ULt5IgYl%(1Jtlm`;H@Bn|oR(;BM13uvBu4I(RpOmM%`8+(hdqluzt3JKC zMleTvj86CYj1u)4{MQb^1A7}=^+R(vFjTp3$9up)rUX3zKW7`2#5tQ^^vc~~01FLi z_Y!ecu9vjdniQr4K7b#(B8XBM4tsL*8L&duUFvYH)>VzxF(r@?+%nsnt$5IWVtl{P zq*L&e$mnowFxnc+SkSB+H>c6jJOU5a?*#mcm1xnjUC0@q$2POIp&&q^Sy{NX0MyM;7_VxFFU;2|>F8xI&OMx89iKz}uO z!#TUViGja=DuKRy)OhdY#{LC&Fh)L%M4@A;YJ4A*q^l4dVQac69}$OX!(u5{3i_jOgbyU zm^GRrM`|BUplffZ5sts`^NjW|@lt{|&hA3`iZL%?j12U`OkeQz6Yx9S{}i=cCt_zKeG5+SBKO?=64)xf3mYXC=SuQ9^~FQyO~s zTN65)SJTM*-Dg~cK3?->zXQIve6VT_YB+ToHSST);X=BK(O+b9wxqBSZNe2U2E zpl0=-JYzOCc6Tx0d&%xSdwE(&7Zn<{IoE7gg^E2OY*Pa;_4yBt)W_L$2Ks3A7Yy*n zk!A0H#E%gz@d2Phx{{I4cEkrLrb2?(2fzHp4(dZs-yZPu&z^fH+Ou~b1A8~Sz^pm* zXzDw}Qz2Dx^;uN!0`0l|<*qc&+58=i)CYn?V@{byO_Z1qkd=?#r!K6n^>~G>5i}XT z;r#0FbiYI+^#OV7os|sOKFV{iEI~zh=cFk%kY7^wCdS$zYGMO~`w!qMo5s^>_+I?i zo0#F-1KGBH2fA?f4OAJ#`ijv=ZE>Cnn4=&R;J#8v5u{=JxDy zn#9MSq2l2u(X$KKn~=7w?$eYMU97mPh)fY*o`(%E+Fes=T>T4cTF^D~?m=yB%<%20 z95`?gU3vZOR2al0Z5rwZkjhdslV=_r7b)xN&v7+FG523XW2R^0q#5YD^&1$Fdnw<1 z|0Ak9=^Sc2La+k$_#GWW<`3l$6+@ z?*hc{Pp#*ttbQVT;kBhK=;hax>BGERw4l0$8jp~!d=yff9gr3C8{<7D*7 zXKNW?10>5=tU^xL8Pr6Fb!GLfIh<`&5IsUX*BZ##UH8)H`MK?Z$M}_sfi*z8z`=v) z`r99*C`YIPsf(%~^Q21$*bWf5zq+(O2W#I(+7zJLbtd|K`wj-w01LR5M^fPyZ9WYB zgz`)3HfQO}v;p@B5e2}j|Jd`|&wz5!Vf;dw<73af!~hy3Tj0^BUqlv}gJWWssM=C> zIbbt@#xU>t1c~4ruGeWZekWaU1z!FCU;qtTZ=v02?4;=w8N)TpF*c(;7!5#rgs}SS z%j>OJ^LEi>{MyEx#I0NSdU|SLR!MzICT31 zkICebIfQP$XTGH1RMGJ9yrTH~9X?*O7FEgKYqa^Wv8oAaifcbgN=k|o@alK^qb(g# zN)!Eoi3jinBI5hm+HX*4y|liWwJlT8hE2Z&T>(D*e4XUlU4EhX>RbP3iyl0PZo2E= zs8GfTu|R|JF%8Pn6%Y424I(!iWUOqwl&tWrX zk6Rx=dxIE#28sp|Z>eeF*WdOaYHe%lli8xg8*~)BL3!q?>j10%Q~+T+iRA3=muaCt zu=)c>4D^qDFGN3W{5hcS^Te~S@H9(a8q|o? zMYV5tc!T^vgF5JsU1f5(H_@N~Q092Xg|pEgJN^uK0@$4oJt5iO4J$GjrNLPJPd@iD zejKFOC=WmRe85(JL4Mx+8$T!Vc9wP_ZOMo&*?P0tZ!}1tKf3ZUCv^nBEA8fAx1y8JxlD2}?xi=D1^k_!efdqv6k1(E^^93#{-@W(V9WM%nt>`hB)pg*H0o*xiz zMz{WM4Ct0AGbJejO#Z?}ucAW%NXP@Fhh#sgIr&p(&Ix)^(3&s5Mm5c6$zceK?11W( z7_&n?*zHAX1mXXK)WtRpE&Tu1`xgWRTqkZCyGpXZ8@yA2Fgm~g@qeiPba&exV8ge&UEnX*-YVHh zzwQ1<{i>+YuJCU+-YuDmU32rjevkZ0l}*2F;pa-O z(Khxka`S&{-2}Ao`Ngu9IllkVYRS7mP4g5!O6nH_lMi}*g^EW=>(5g@>J;>40HWhk z1w2lV|Mz9d%IaqtbcBxwm@01o>=F!z_tgIn6e!AA**ITr`g883f9DT%lRFLgcAkSb zOWFl4|HrLiL(;Vh2DY-Mj)joGB1RFg&2g z3IJ92oZa=loC;7e`c$;?lh3HgfZVkCSAKPuv}=u+fZzM`-uLKyd5PrXOyPu=AOH6= z6=U@lAFMkq_=d2(2@K&+Mw_CRTu|x7o3hy-k$wfhR5ud1LVCLU$lEn~KTWhzZ3 zR9l8u;+yV~D*y(o|CZl=rz#H~3U441D|Huu7A-whwkMx|mA{9SXL+LIJEvxoIpY z%dcCv^(YE0^}McKS=`)UXa3J_(e z7=4Lcjjtx0eF^$y%T_8C01Q(o29e_FfLtN~L2GN9PpkhO4?Zq=tY%y_mj@e_ZPqc3 z3)UIL#17yyLls;(WQIodNC7k&&0xr?Ggda-CI|fiqc0eFHNBA)tJd)4m{PtE00076 zQt!R`i*=Gg1G)aIC_nN3sYS0zuCMTiD-=>9@=Uge0mB5#;XdX7f$s#bLlV90S zbWd2#!T6VS@+ICS{YE=zsy)d14Vxqf$6y6~ zW7+#%dTZc!FTD1)*h2j`ZaqarJ)NBo4*%t)}Cw|kx z*(ysuzR|{DDFCGTLJkQnfgIob^@}BM?^9=9-KD?&x8Jv;)2Cl0nI`r$z99Eu8}~1G zI-o}`c@)46oufCWX60J|%f1-Gf&xTk>#b&!!@V_F3NUWU%#iKw23e{noqdU9>hj3K zV0Ji;y|MOhPt^VGnic*7Pkh3Fhr2;3g)U=!>d92=CwjyK?0D(Eacm7iWR)A)d zUs|^-U8%1DEcZwOlm+&3e8auLP=LxYr=ib-T9-z*u#cm3-LlIwqnRC-A> z4xujLP>8pHU;EAXK~R7Z`_okBI-eDQ{BexJWUJ(y?gPP400{X*XMs@fm-+FUFZtql zsXa~CeY>7-ry@0=1_q>Dm0teNrwYOja4OUF(Wu|MzB!22nFxAKgf*WKp4Tpa`g3p<;={?7@rj&M^{#2 za=3ReH>fmO`24G=C`fM5SKeIC+@L2?fRYhA)3S8KeO3U00%d873OR@SR~8797zmpx zJrMT%;w8r@J1hXwqsc4~cA`L-#yWgkYOc!eGX)Y90BR~Zhid~%g`hJPV$tHaSSmz! zsSw4rzr<(cT76c4urNLlHY6bsT_J|B~ULz86}Xcb^O=EghoaRF(|aT{4`y zsQQPY$;k#!O#r{BOH}|*F$|VeqrGVrONaJfI`qYVy|LTk6(}6J;EL;5I&^RA0qjjk zRp|HpXoInq}J0HYzrSk=f1V!9FVT*+DxGj1ySDMWUGU=+jv_3;$MG$Li89SUMn z36>+IDnPiWnNTWp*G09e7Uv|n8e>6j{hcIb zm^OKC@e;|#+-cLU=#kGJnrSsonjyK=@>L2OV*#B5MJ}igZeuKM>Bys*>cR^F!(<2W zO##x<(!g>~$kr59%Xv01m8}uC{UQ0>u->*tT z$ztx40$^*I4;;j&WajCN4%bh?HiT(zjthrhNG)84OwV98#|5g@pPS9qUZ1c1rq|DWZRvZGjcqs+ zxZk%&uWCdJbLA%(ySW6zl7nDk1>pMv;h$-`iqQ|V12Q1!br9Wp-va6n$hhO7$NTjG z8G73ol*^Sr2iPSTj_ip7L?kBiA0CGJ)a8OFNUk%&=s6;3l4Q51l%SW?Ba+}=C3Vtl zfwKO4MAA{-15{RzvUNrC0J{Xk5xy#bI2MqS!&SJ1$}l+($quDM^8D?+0vGDFx7;5R zhvaRP?T|cT09!}2rYgBJ0lP^_NpZf!06HlEv7VC>v-1i#d()3{8p3iPlM21}D;p+B z=HVMQ{^Iv{@b#F~26JvsXP&QCCshP2XIv`JJvOx}z zf?zks7Z<3PD>Q5{IcO|HTRL){+;)Hfu*?5(TToqnFTb%&GWBRW{X$9kK0OtPiL^|) zSeh+RKM^fn61>VW$VZxa^}L{S|4#hBd=$#oTmJ=^CDGh0%5z zeo&j-c7QOkOW$1?l!=AvCD-JOB)e;&@og|V&`B*QX+HDfpj3`Q`Z~;sT$pI*|D_`i zrz^M_fLWpdK6`*Vd4h-$k(!XIv~c!DD(nCuy&%w0Pf##87g*{$fsx!@>vMk=-=95e zj^vg0p~wHrdu9S1AAvcMQvvvv=)nIIGphizJ@o*2rA6}`Dj7?TzGBQGS`+|y@QVS? z7X9I;ji~MoqiTZHp}pb%-gZDV z*-~;emg>KH9xAUpR9rrJ=`}a=l)#@8yJzn{zI(%hr(Wn*mc74<|64h`(Ls>zMDO|b zdms9pqQUn*@3L!Uoqxgo3G^pRQ+O+2lwdWwH~in*4iMr2nJL+t8e^4fD=joga6bZA zL%m;Ss0lbBq!#Z7oc>s<|42;BY6Og8n>CsE{|EL~0YsUhd|D}-xR<9dtAAPCfr|#2 zbioxN+f^d$+BAp28kDql|M&oEC7K+paE$90De88Rdda;$Sr6&Hcl z(GV091PsSbxpkZom4qy{wG`+X(&*Qp7@g~62pqPZz zB7?2rTbgJP-*?A#Cf)^hFpvgVzFWTmjg%N42}b`PRiR@;bX;6HU^6U?r$15tqCeg= zC^jZ0CKG6oy13>ZvI|h703hHM*}wk)18RT-BHe$#`Ci%QS!jQvEyKpIuJ{SSB*A8^ zKk3ggGzeSRz_D^tmAcVf<=CAx(IEbufrd%c_s9ulS@!-%vbsGxr9OCk|GSgYb58hN{NHwCw`Wf$X_gmW1p96128}f9AzEWJz`IdiCeq zpC1{f&`t*|V)~Qeui)1SgJMu=gC!e_HotV_JH!?^Op`4DnTf$J2I#{P1y6@e>u}l+wYcTp zN2r)nVfD|q4oB&Ey2}BB7>n6n#&19rz&k}6GDLGg1M^GkR?@f&G)|h%pTfvM+}rMM zKT1vu4_4a~rK$Wgj6Ea4U}~U@-|mdzc&vHwaCMH>GTl(waFmub>Gni5k_H?qhi%Z> z0v=km7uK}Upa4gC?r*IR2Q-u>j}UYw z`|#5*7?^t~AAI~7-=vrx?$3LEJ|wGuF2UfCKpMZ@M25o>2>;TgtGP4q)^w;NL`{bR zfY;)p**E$K~n(17#8mW>ZAE~<$m7$D+9Iyk z)?sW}Jvsk8^{qgKXfuds&%Kl737w$Ca@L%A)KDM3 z*H4kNH91EE&8~C=W655gA6XROn79B`z!Jt(KB@N=a(<{-{kzH(1=myt zeqk*{>lB>r9?)d`#g5SA6#^q~?Kj^uuMnT=42OQN4%%71lBkb$ILgc~nhzKvSjr&S zik8Fe>9avhwkvq?0#%{&J>nXriVDGY|1ql`Lm#YKgBnhqMh*3WfLE@u6jGfFJs65o z(q#BbF^HjsN}520;*&G$usyKJV-L8g$`~DU%K3a_shzv_^gH0gp@U1`S&8h8r_+_` zX|`>SOH6Gb)JNkv?2gCOVA`lpR|c_|3T5Iipo48JLsd8pTlD*Z+tC&!hQsG({%syw zwqg~3x?$h%>9Y&HxoicRe&t+LI&vaK(cUKL@Ni(5LVp>dJ~~mUqdSxyL$X*|J< zutH@))!U#1Mmt@eAto|;d`j!U=v{%aVd)~^6-A@h#}_IDL5oDOJrEriSD`GhuLk!h zZALMZU zDLv~XV)Tkj97B@#OR)!p7VC=0$e|`Mc#?ASCa8*>TbL5`8)@_8_*DFsn4y>i7>JA< z0*0@GU?Wb%`v-*efh*iAJ`hg=8%jY5QZiMi=2@^3R4_W!_i4{)2y|^t$jF;40>4sZ z^osrc;bDE`5*x)rkPNnM#8V73;rwPo zd%VFvus?ynJ0-~QQUXhMzU7}9Yt4QkV8-kMnkkRR*adH%s?dHQL&efC((u8#!UJ>8dgIs|~n}{MwQP2Z2%i}tWFhA(VCZJ&Tb{&oQ9(IS}!Et;pC- zB6ByGfxqWUAodU?5H6YH*rU-uG`G=uLCycGq zZ2K)!Wx5Y`V9}~?5>cKsGFM_x4+DQM-K2tD5GSHUd15aStV9VZnXYVY@gkL_dM{sm zk0;IJo@0vOBgbzaH~6;>k7Zt=V{cY|(Mt)*na!eAA5t20WG)2C6DQ*P%+nJ9yI?5s zC8rY)1FSq8nG{%&ijy+)&Q=&omurfuTY3Ay&UOS}fG_lNg|Smxs#|jmCGRF>E}4r&GB=Fx2Z0g^u2S)Cp!K-k_zB__AuU%oOTm?Yq$#dxgB`)>r3kbg z<3tDWT|DqL#no*&#*$UTa(Xk(NoNUl=xZXnnOd~0@*Z2-H1 z6%--YSoWT}(0RaPBQ%nB93AwiKPiJZ&B4Gw3X20oabb)w@ZTrEw|dbX0~uq1>x)-? z=HirbHvrz5OuP>YvNan8BaKWVP@{8l^d&FnS*o^!*9h{91ox>B%I~X+&;k0+iVvPM zh^OQgR{fEsEq(=4opZ^GF909tj**P1f{bx88FRMk%cun2?oz>1luEW{C5c3G-inZr zoZXU@Z+S>*vVE&5uH{c3B12)m@RJFMVBU zuG#|rZN3`K<3?@weTRxdbiK-Z0#^WfC^vv9OaqqTXOZ*x6_pR8}WB_iB@|H`M1FFg%v+r1pHVs zrjg9U6FRiWTM>jEL9h{Y_)iK%ASfb00A+BcD~;D?8?3J?Otv4?Mb-O&CqvQ~fQm#$ zJ1K0u+U-A3r73{gXe)UOaeFpJtDgT0K-F(Vq#*v6~Y=7HMAxn zT{#6-)y#a$!dye?yGpL|J9UwByQa8$KY$Sw1E>c86etuZ2yk%D?jl~NV|Rm&Ro=z_ zEqn$(3n%Nq&I9-4fo`qY56@DXE5Czh!#lvc;CDI;-VM@1#DFK?p_qW)C|d0Wnv+h( zBA$#51AZS@1i@Gq+^6DQA;(J@3<6EUKoZ*wMWU6pBq}P_0kkPOGjB$kg1bILQ*eK- zuIM=o(51Ot`6>lx`wCX)yn?EYDvR?MwWazuOslqOifXolz`x;l@PDcT`^G%{x0rgZ zh0o%9yoK-eEZh^{doDZ!=nMwCQv~*6(R*3Qy9)Hi;05{|uhm{~X9~tG1AaeHgn`G| z6_N=5%@FMjYGN4jhkOu)un?sv5&=)F6oOa@NXw$4q8vlw;zq?LrZmMT4I3Yyls+LT zHEkjY{2P7;{|A2qe@l|hN<_T9xC^k0-@!rvZzAuSPu^Wv=`+Z8OFGVKKac^x|9OqX zyTafulp&Q+ge=07#R@@o2%bxuJ5n%WN@8N-OFY1gDfUv39!LyN#o(TBZy_bY^GyEP z!U``2d@gzCbn+d%K|k1QwP#)(wkx#n3Swm#LMTE4;mLwRWD+W&Aii=np%_{MMm+(h zk*vsO4+n40TrKPZ>?GYl5FX$rat{N!r;a>BL!OyO-XVv)lK}W+^3HMOJ9vYht@iAa ztPGJNn?X+kfo?U)X25*JvN-3fU7^6iy#!!)x#EEv0u0;6%SkdQ( zh(I1qp3xQ9y8=7|J-dRY6yAyJN diff --git a/csharp/test/Microsoft.ML.OnnxRuntime.Tests.Droid/Resources/values/colors.xml b/csharp/test/Microsoft.ML.OnnxRuntime.Tests.Droid/Resources/values/colors.xml deleted file mode 100644 index ba461b41b093d..0000000000000 --- a/csharp/test/Microsoft.ML.OnnxRuntime.Tests.Droid/Resources/values/colors.xml +++ /dev/null @@ -1,6 +0,0 @@ - - - #2c3e50 - #1B3147 - #3498db - diff --git a/csharp/test/Microsoft.ML.OnnxRuntime.Tests.Droid/Resources/values/ic_launcher_background.xml b/csharp/test/Microsoft.ML.OnnxRuntime.Tests.Droid/Resources/values/ic_launcher_background.xml deleted file mode 100644 index f89ed45265d8c..0000000000000 --- a/csharp/test/Microsoft.ML.OnnxRuntime.Tests.Droid/Resources/values/ic_launcher_background.xml +++ /dev/null @@ -1,4 +0,0 @@ - - - #2C3E50 - diff --git a/csharp/test/Microsoft.ML.OnnxRuntime.Tests.Droid/Resources/values/strings.xml b/csharp/test/Microsoft.ML.OnnxRuntime.Tests.Droid/Resources/values/strings.xml deleted file mode 100644 index 7220c10be20b0..0000000000000 --- a/csharp/test/Microsoft.ML.OnnxRuntime.Tests.Droid/Resources/values/strings.xml +++ /dev/null @@ -1,4 +0,0 @@ - - Microsoft.ML.OnnxRuntime.Tests.Droid - Settings - diff --git a/csharp/test/Microsoft.ML.OnnxRuntime.Tests.Droid/Resources/values/styles.xml b/csharp/test/Microsoft.ML.OnnxRuntime.Tests.Droid/Resources/values/styles.xml deleted file mode 100644 index ed6b0adc440e3..0000000000000 --- a/csharp/test/Microsoft.ML.OnnxRuntime.Tests.Droid/Resources/values/styles.xml +++ /dev/null @@ -1,19 +0,0 @@ - - - - - - diff --git a/csharp/test/Microsoft.ML.OnnxRuntime.Tests.MAUI/App.xaml b/csharp/test/Microsoft.ML.OnnxRuntime.Tests.MAUI/App.xaml new file mode 100644 index 0000000000000..36c657ee608e0 --- /dev/null +++ b/csharp/test/Microsoft.ML.OnnxRuntime.Tests.MAUI/App.xaml @@ -0,0 +1,14 @@ + + + + + + + + + + + diff --git a/csharp/test/Microsoft.ML.OnnxRuntime.Tests.MAUI/App.xaml.cs b/csharp/test/Microsoft.ML.OnnxRuntime.Tests.MAUI/App.xaml.cs new file mode 100644 index 0000000000000..a03d5e34fd22a --- /dev/null +++ b/csharp/test/Microsoft.ML.OnnxRuntime.Tests.MAUI/App.xaml.cs @@ -0,0 +1,12 @@ +namespace Microsoft.ML.OnnxRuntime.Tests.MAUI +{ + public partial class App : Application + { + public App() + { + InitializeComponent(); + + MainPage = new AppShell(); + } + } +} diff --git a/csharp/test/Microsoft.ML.OnnxRuntime.Tests.MAUI/AppShell.xaml b/csharp/test/Microsoft.ML.OnnxRuntime.Tests.MAUI/AppShell.xaml new file mode 100644 index 0000000000000..045fd5cef681f --- /dev/null +++ b/csharp/test/Microsoft.ML.OnnxRuntime.Tests.MAUI/AppShell.xaml @@ -0,0 +1,15 @@ + + + + + + diff --git a/csharp/test/Microsoft.ML.OnnxRuntime.Tests.MAUI/AppShell.xaml.cs b/csharp/test/Microsoft.ML.OnnxRuntime.Tests.MAUI/AppShell.xaml.cs new file mode 100644 index 0000000000000..18d3f71e80916 --- /dev/null +++ b/csharp/test/Microsoft.ML.OnnxRuntime.Tests.MAUI/AppShell.xaml.cs @@ -0,0 +1,10 @@ +namespace Microsoft.ML.OnnxRuntime.Tests.MAUI +{ + public partial class AppShell : Shell + { + public AppShell() + { + InitializeComponent(); + } + } +} diff --git a/csharp/test/Microsoft.ML.OnnxRuntime.Tests.MAUI/MainPage.xaml b/csharp/test/Microsoft.ML.OnnxRuntime.Tests.MAUI/MainPage.xaml new file mode 100644 index 0000000000000..380fb63e58a60 --- /dev/null +++ b/csharp/test/Microsoft.ML.OnnxRuntime.Tests.MAUI/MainPage.xaml @@ -0,0 +1,36 @@ + + + + + + + +