Home
last modified time | relevance | path

Searched +full:int16 +full:- +full:array (Results 1 – 25 of 386) sorted by relevance

12345678910>>...16

/external/libchrome/mojo/public/interfaces/bindings/tests/
Dtest_structs.mojom2 // Use of this source code is governed by a BSD-style license that can be
12 array<Rect>? rects;
35 int16 f3;
55 array<string> f23;
56 array<string?> f24;
57 array<string>? f25;
58 array<string?>? f26;
72 int16 f3 = 100;
120 map<int16, int16> f3;
137 map<string, array<string>> f0;
[all …]
Dtest_unions.mojom2 // Use of this source code is governed by a BSD-style license that can be
22 int16 f_int16;
40 array<int8> f_array_int8;
44 array<SmallStruct> f_small_structs;
70 array<PodUnion>? pod_union_array;
71 array<PodUnion?>? nullable_pod_union_array;
72 array<DummyStruct>? s_array;
106 int16 f_int16;
/external/fonttools/Lib/fontTools/ttLib/tables/
DotData.py11 …('struct', 'ScriptRecord', 'ScriptCount', 0, 'Array of ScriptRecords -listed alphabetically by Scr…
15 ('Tag', 'ScriptTag', None, None, '4-byte ScriptTag identifier'),
16 ('Offset', 'Script', None, None, 'Offset to Script table-from beginning of ScriptList'),
20 …DefaultLangSys', None, None, 'Offset to DefaultLangSys table-from beginning of Script table-may be…
21 …('uint16', 'LangSysCount', None, None, 'Number of LangSysRecords for this script-excluding the Def…
22 …('struct', 'LangSysRecord', 'LangSysCount', 0, 'Array of LangSysRecords-listed alphabetically by L…
26 ('Tag', 'LangSysTag', None, None, '4-byte LangSysTag identifier'),
27 ('Offset', 'LangSys', None, None, 'Offset to LangSys table-from beginning of Script table'),
32 …('uint16', 'ReqFeatureIndex', None, None, 'Index of a feature required for this language system- i…
33 …('uint16', 'FeatureCount', None, None, 'Number of FeatureIndex values for this language system-exc…
[all …]
/external/autotest/client/common_lib/cros/
Ddbus_send_unittest.py4 # Use of this source code is governed by a BSD-style license that can be
14 'method return sender=org.freedesktop.DBus -> destination=:1.37 serial=3 '
17 array [
28 variant array [
37 string "ConnectedTechnologies" variant array [
59 variant array [
70 variant array [
104 variant array [
114 variant array [
122 variant array [
[all …]
/external/tensorflow/tensorflow/python/ops/
Dbitwise_ops_test.py7 # http://www.apache.org/licenses/LICENSE-2.0
39 dtype_list = [dtypes.int8, dtypes.int16, dtypes.int32, dtypes.int64,
56 dtypes.int8, dtypes.int16, dtypes.int32, dtypes.int64, dtypes.uint8,
59 raw_inputs = [0, 1, -1, 3, -3, 5, -5, 14, -14,
61 2**31 - 1, 2**31, 2**32 - 1, 2**32, -2**32 + 1, -2**32,
62 -2**63 + 1, 2**63 - 1]
68 inputs = np.array(raw_inputs, dtype=dtype.as_numpy_dtype)
77 dtype_list = [dtypes.int8, dtypes.int16, dtypes.int32, dtypes.int64,
97 expected = [dtype.max - x for x in inputs]
102 dtype_list = [np.int8, np.int16, np.int32, np.int64,
[all …]
Dparsing_ops.py7 # http://www.apache.org/licenses/LICENSE-2.0
28 # go/tf-wildcard-import
29 # pylint: disable=wildcard-import,undefined-variable
31 # pylint: enable=wildcard-import,undefined-variable
49 # pylint: disable=protected-access
53 # pylint: enable=protected-access
83 # pylint: disable=line-too-long
112 `[batch, index_0, index_1, ...]` where `index_j` is the `k-th` value of
162 If instead a `FixedLenSequenceFeature` with `default_value = -1.0` and
166 {"ft": [[1.0, 2.0], [3.0, -1.0]]}
[all …]
/external/dtc/tests/
Dtype-preservation.dts1 /dts-v1/;
4 #address-cells = <0x01>;
5 #size-cells = <0x00>;
10 int-array = <0x00 0x01>, int_value_label: <0x02 0x03>;
12 int8-array = [00 12 34 56] label:;
13 int16 = /bits/ 16 <0x3210>;
14 int16-array = /bits/ 16 <0x1234 0x5678 0x90ab 0xcdef>;
15 int16-matrix = /bits/ 16 <0x1234 0x5678>, <0x90ab 0xcdef>;
17 int64-array = /bits/ 64 <0x100000000 0x00> int64_array_label_end:;
18 a-string-with-nulls = "foo\0bar", "baz";
[all …]
Dtype-preservation.dt.yaml1 ---
2 - '#address-cells': [[0x1]]
3 '#size-cells': [[0x0]]
7 int-array: [[0x0, 0x1], [0x2, 0x3]]
9 int8-array: [!u8 [0x0, 0x12, 0x34, 0x56]]
10 int16: [!u16 [0x3210]]
11 int16-array: [!u16 [0x1234, 0x5678, 0x90ab, 0xcdef]]
12 int16-matrix: [!u16 [0x1234, 0x5678], [0x90ab, 0xcdef]]
14 int64-array: [!u64 [0x100000000, 0x0]]
15 a-string-with-nulls: ["foo\0bar", "baz"]
[all …]
/external/deqp-deps/amber/docs/
Dmemory_layout.md8 For the purposes of this document, all scalars are stored in little-endian. The
18 |------|-------|
21 | int16 | <kbd>[bb]</kbd> |
35 |------|-------|
37 | vec3\<float> | <kbd>[bbbb][bbbb][bbbb][----]</kbd> |
40 | vec3\<int8> | <kbd>[bbb-]</kbd> |
42 | vec2\<int16> | <kbd>[bbbb]</kbd> |
43 | vec3\<int16> | <kbd>[bbbb][bb--]</kbd> |
44 | vec4\<int16> | <kbd>[bbbb][bbbb]</kbd> |
46 | vec3\<int32> | <kbd>[bbbb][bbbb][bbbb][----]</kbd> |
[all …]
/external/neven/Embedded/common/src/b_TensorEm/
DCompactMat.h8 * http://www.apache.org/licenses/LICENSE-2.0
20 /* ---- includes ----------------------------------------------------------- */
24 /* ---- related objects --------------------------------------------------- */
26 /* ---- typedefs ----------------------------------------------------------- */
28 /* ---- constants ---------------------------------------------------------- */
33 /* ---- object definition -------------------------------------------------- */
37 * bit-packs of fixed size. Rows are encoded individually to yield
46 /* ---- private data --------------------------------------------------- */
48 /* ---- public data ---------------------------------------------------- */
59 /* 16 bit words per row including row-header (always even) */
[all …]
/external/tensorflow/tensorflow/core/util/
Dtensor_slice_writer_test.cc7 http://www.apache.org/licenses/LICENSE-2.0
18 #include <array>
46 // Testing that an array is what is expected
53 EXPECT_NEAR(expected[i], actual[i], 1e-6); in ExpectIdenticalFloatArrays()
64 // Nifty routine to get the size of an array
81 TensorSlice slice = TensorSlice::ParseOrDie("-:0,1"); in TEST()
89 TensorSlice slice = TensorSlice::ParseOrDie("-:3,1"); in TEST()
94 // Another slice from a different float tensor -- it has a different name and in TEST()
98 TensorSlice slice = TensorSlice::ParseOrDie("-:-"); in TEST()
106 TensorSlice slice = TensorSlice::ParseOrDie("-:3,1"); in TEST()
[all …]
/external/libjpeg-turbo/
Djdct.h5 * Copyright (C) 1994-1996, Thomas G. Lane.
6 * libjpeg-turbo Modifications:
15 * machine-dependent tuning (e.g., assembly coding).
21 * the DCT is to be performed in-place in that buffer. Type DCTELEM is int
22 * for 8-bit samples, JLONG for 12-bit samples. (NOTE: Floating-point DCT
23 * implementations use an array of type FAST_FLOAT, instead.)
24 * The DCT inputs are expected to be signed (range +-CENTERJSAMPLE).
26 * have a range of +-8K for 8-bit data, +-128K for 12-bit data. This
28 * work in floating-point ones.
51 * to an output sample array. The routine must dequantize the input data as
[all …]
Djdmerge.c5 * Copyright (C) 1994-1996, Thomas G. Lane.
6 * libjpeg-turbo Modifications:
8 * Copyright (C) 2009, 2011, 2014-2015, 2020, D. R. Commander.
27 * At typical sampling ratios, this eliminates half or three-quarters of the
34 * Corner-aligned (non-CCIR601) sampling alignment.
50 #define SCALEBITS 16 /* speediest right-shift on some machines */
51 #define ONE_HALF ((JLONG)1 << (SCALEBITS - 1))
157 * Initialize tables for YCC->RGB colorspace conversion.
164 my_merged_upsample_ptr upsample = (my_merged_upsample_ptr)cinfo->upsample; in build_ycc_rgb_table()
169 upsample->Cr_r_tab = (int *) in build_ycc_rgb_table()
[all …]
/external/tensorflow/tensorflow/lite/python/
Dutil.py8 # http://www.apache.org/licenses/LICENSE-2.0
60 7: dtypes.int16,
72 dtypes.int16: {dtypes.int16},
113 len(parts) - 1))
232 for array in input_arrays:
233 signature.inputs[array.name].name = array.name
234 signature.inputs[array.name].dtype = array.dtype.as_datatype_enum
235 signature.inputs[array.name].tensor_shape.CopyFrom(array.shape.as_proto())
237 for array in output_arrays:
238 signature.outputs[array.name].name = array.name
[all …]
/external/tensorflow/tensorflow/lite/kernels/internal/optimized/
Doptimized_ops.h7 http://www.apache.org/licenses/LICENSE-2.0
112 // Used to convert from old-style shifts (right) to new-style (left).
113 static constexpr int kReverseShift = -1;
115 // Make a local VectorMap typedef allowing to map a float array
135 // Make a local VectorMap typedef allowing to map a float array
149 const int rows = shape.Dims(dims_count - 1); in MapAsMatrixWithLastDimAsRows()
150 const int cols = FlatSizeSkipDim(shape, dims_count - 1); in MapAsMatrixWithLastDimAsRows()
165 Eigen::Map<const Eigen::Array<typename std::remove_const<Scalar>::type,
167 Eigen::Map<Eigen::Array<Scalar, Eigen::Dynamic, Eigen::Dynamic>>>::type;
173 const int rows = shape.Dims(dims_count - 1); in MapAsArrayWithLastDimAsRows()
[all …]
/external/tensorflow/tensorflow/core/api_def/base_api/
Dapi_def_LeftShift.pbtxt3 summary: "Elementwise computes the bitwise left-shift of `x` and `y`."
14 dtype_list = [tf.int8, tf.int16, tf.int32, tf.int64]
17 lhs = tf.constant([-1, -5, -3, -14], dtype=dtype)
25 # tf.Tensor([ -32 -5 -128 0], shape=(4,), dtype=int8)
26 # tf.Tensor([ -32 -5 -384 -28672], shape=(4,), dtype=int16)
27 # tf.Tensor([ -32 -5 -384 -28672], shape=(4,), dtype=int32)
28 # tf.Tensor([ -32 -5 -384 -28672], shape=(4,), dtype=int64)
30 lhs = np.array([-2, 64, 101, 32], dtype=np.int8)
31 rhs = np.array([-1, -5, -3, -14], dtype=np.int8)
33 # <tf.Tensor: shape=(4,), dtype=int8, numpy=array([ -2, 64, 101, 32], dtype=int8)>
Dapi_def_RightShift.pbtxt3 summary: "Elementwise computes the bitwise right-shift of `x` and `y`."
17 dtype_list = [tf.int8, tf.int16, tf.int32, tf.int64]
20 lhs = tf.constant([-1, -5, -3, -14], dtype=dtype)
28 # tf.Tensor([-1 -5 -1 -1], shape=(4,), dtype=int8)
29 # tf.Tensor([-1 -5 -1 -1], shape=(4,), dtype=int16)
30 # tf.Tensor([-1 -5 -1 -1], shape=(4,), dtype=int32)
31 # tf.Tensor([-1 -5 -1 -1], shape=(4,), dtype=int64)
33 lhs = np.array([-2, 64, 101, 32], dtype=np.int8)
34 rhs = np.array([-1, -5, -3, -14], dtype=np.int8)
36 # <tf.Tensor: shape=(4,), dtype=int8, numpy=array([ -2, 64, 101, 32], dtype=int8)>
/external/libchrome/mojo/public/tools/bindings/pylib/mojom_tests/generate/
Ddata_unittest.py2 # Use of this source code is governed by a BSD-style license that can be
112 array = mojom.Array(mojom.INT16, length=20)
113 imported_module.kinds[array.spec] = array
115 map_kind = mojom.Map(mojom.INT16, mojom.INT16)
126 self.assertNotIn(array.spec, module.kinds)
131 """Tests that a non-interface cannot be used for interface requests."""
144 """Tests that a non-interface type cannot be used for associated
/external/piex/src/binary_parse/
Drange_checked_byte_ptr.cc7 // http://www.apache.org/licenses/LICENSE-2.0
64 // A functor that does nothing. This is used as a no-op shared pointer
85 RangeCheckedBytePtr::RangeCheckedBytePtr(const unsigned char *array, in RangeCheckedBytePtr() argument
87 : array_(new MemoryPagedByteArray(array, len)), in RangeCheckedBytePtr()
95 assert(array); in RangeCheckedBytePtr()
96 if (array == NULL) { in RangeCheckedBytePtr()
101 RangeCheckedBytePtr::RangeCheckedBytePtr(PagedByteArray *array) in RangeCheckedBytePtr() argument
102 : array_(array, NullFunctor()), in RangeCheckedBytePtr()
106 sub_array_end_(array->length()), in RangeCheckedBytePtr()
122 // Restrict the boundaries of the current page to the newly set sub-array. in pointerToSubArray()
[all …]
/external/tensorflow/tensorflow/lite/kernels/internal/reference/
Dreference_ops.h7 http://www.apache.org/licenses/LICENSE-2.0
22 #include <array>
112 const T lower = -1; in Relu1()
140 MultiplyByQuantizedMultiplier(val - params.input_offset, in ReluX()
223 const RuntimeShape& input1_shape, const int16* input1_data, in Mul()
224 const RuntimeShape& input2_shape, const int16* input2_data, in Mul()
225 const RuntimeShape& output_shape, int16* output_data) { in Mul()
226 ruy::profiler::ScopeLabel label("Mul/Int16"); in Mul()
232 // F0 uses 0 integer bits, range [-1, 1]. in Mul()
242 const RuntimeShape& input1_shape, const int16* input1_data, in Mul()
[all …]
/external/ComputeLibrary/src/core/CL/cl_kernels/
Dminmaxloc.cl4 * SPDX-License-Identifier: MIT
48 __constant int16 idx16 = (int16)(0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15);
52 * @note Input image data type must be passed as a preprocessor argument using -DDATA_TYPE.
53 …m and maximum value of the given data type must be provided using -DDATA_TYPE_MIN and -DDATA_TYPE_…
54 * @note In case image width is not a multiple of 16 then -DNON_MULTIPLE_OF_16 must be passed.
93 int16 valid_indices = (i + idx16) < width;
127 …* @note -DCOUNT_MIN_MAX should be specified if we want to count the occurrences of the minimum and…
128 …* @note -DLOCATE_MIN and/or -DLOCATE_MAX should be specified if we want to store the position of e…
138 …* @param[out] min_loc Array that holds the location of the minimum value…
139 …oc_count The maximum number of min value occurrences coordinates the array can hold
[all …]
/external/neven/Embedded/common/src/b_BasicEm/
DInt16Arr.h8 * http://www.apache.org/licenses/LICENSE-2.0
20 /* ---- includes ----------------------------------------------------------- */
25 /* ---- related objects --------------------------------------------------- */
27 /* ---- typedefs ----------------------------------------------------------- */
29 /* ---- constants ---------------------------------------------------------- */
31 /* ---- object definition -------------------------------------------------- */
33 /** short array */
37 /* ---- private data --------------------------------------------------- */
42 /* ---- public data ---------------------------------------------------- */
44 /** pointer to array of int16 */
[all …]
/external/tensorflow/tensorflow/lite/swift/Sources/
DTensor.swift7 // http://www.apache.org/licenses/LICENSE-2.0
37 /// - Parameters:
38 /// - name: The name of the `Tensor`.
39 /// - dataType: The data type of the `Tensor`.
40 /// - shape: The shape of the `Tensor`.
41 /// - data: The data in the input `Tensor`.
42 /// - quantizationParameters Parameters for the `Tensor` if using a quantized model. The default
64 /// An 8-bit unsigned integer.
66 /// A 16-bit signed integer.
67 case int16
[all …]
/external/ms-tpm-20-ref/TPMCmd/tpm/src/crypt/
DCryptSym.c47 static const INT16 alg##KeyBlockSizes[] = { \
48 ALG##_KEY_SIZES_BITS, -1, ALG##_BLOCK_SIZES };
78 // (-1). After the delimiter is a list of block sizes with each entry corresponding
81 // Return Type: INT16
84 LIB_EXPORT INT16
90 const INT16 *sizes; in CryptGetSymmetricBlockSize()
91 INT16 i; in CryptGetSymmetricBlockSize()
99 // Get the pointer to the block size array in CryptGetSymmetricBlockSize()
147 INT16 blockSize; in CryptSymmetricEncrypt()
161 // the caller is providing an array of 0's that is equal to [MAX_SYM_BLOCK_SIZE] in CryptSymmetricEncrypt()
[all …]
/external/tensorflow/tensorflow/python/framework/
Ddtypes_test.py7 # http://www.apache.org/licenses/LICENSE-2.0
88 self.assertIs(dtypes.int16, dtypes.as_dtype(np.int16))
94 dtypes.as_dtype(np.array(["foo", "bar"]).dtype))
112 dtypes.int16, dtypes.int32, dtypes.int64
124 self.assertIs(dtypes.int16, dtypes.as_dtype("int16"))
166 self.assertEqual(dtypes.as_dtype("int16").is_integer, True)
186 self.assertEqual(dtypes.as_dtype("int16").is_floating, False)
206 self.assertEqual(dtypes.as_dtype("int16").is_complex, False)
226 self.assertEqual(dtypes.as_dtype("int16").is_unsigned, False)
260 print("%s: %s - %s" % (dtype, dtype.min, dtype.max))
[all …]

12345678910>>...16