/external/neven/Embedded/common/src/b_TensorEm/ |
D | Flt16Mat3D.h | 8 * http://www.apache.org/licenses/LICENSE-2.0 20 /* ---- includes ----------------------------------------------------------- */ 28 /* ---- related objects --------------------------------------------------- */ 30 /* ---- typedefs ----------------------------------------------------------- */ 32 /* ---- constants ---------------------------------------------------------- */ 34 /* ---- object definition -------------------------------------------------- */ 36 /** 3d matrix with floating point */ 40 /* ---- private data --------------------------------------------------- */ 42 /* ---- public data ---------------------------------------------------- */ 45 int16 xxE; [all …]
|
D | Flt16Mat2D.h | 8 * http://www.apache.org/licenses/LICENSE-2.0 20 /* ---- includes ----------------------------------------------------------- */ 27 /* ---- related objects --------------------------------------------------- */ 29 /* ---- typedefs ----------------------------------------------------------- */ 31 /* ---- constants ---------------------------------------------------------- */ 33 /* ---- object definition -------------------------------------------------- */ 35 /** 2d matrix with floating point */ 39 /* ---- private data --------------------------------------------------- */ 41 /* ---- public data ---------------------------------------------------- */ 44 int16 xxE; [all …]
|
D | CompactMat.h | 8 * http://www.apache.org/licenses/LICENSE-2.0 20 /* ---- includes ----------------------------------------------------------- */ 24 /* ---- related objects --------------------------------------------------- */ 26 /* ---- typedefs ----------------------------------------------------------- */ 28 /* ---- constants ---------------------------------------------------------- */ 33 /* ---- object definition -------------------------------------------------- */ 35 /** Compact Matrix 36 * This object represents a general nxm Matrix that stores its values in 37 * bit-packs of fixed size. Rows are encoded individually to yield 38 * maximum accuracy for the given number of bits. The matrix takes sparseness [all …]
|
D | Int16Mat2D.h | 8 * http://www.apache.org/licenses/LICENSE-2.0 20 /* ---- includes ----------------------------------------------------------- */ 26 /* ---- related objects --------------------------------------------------- */ 28 /* ---- typedefs ----------------------------------------------------------- */ 30 /* ---- constants ---------------------------------------------------------- */ 32 /* ---- object definition -------------------------------------------------- */ 34 /** 2d matrix */ 38 /* ---- private data --------------------------------------------------- */ 40 /* ---- public data ---------------------------------------------------- */ 43 int16 xxE; [all …]
|
D | Flt16Alt3D.h | 8 * http://www.apache.org/licenses/LICENSE-2.0 20 /* ---- includes ----------------------------------------------------------- */ 27 /* ---- related objects --------------------------------------------------- */ 29 /* ---- typedefs ----------------------------------------------------------- */ 31 /* ---- constants ---------------------------------------------------------- */ 33 /* ---- object definition -------------------------------------------------- */ 39 /* ---- private data --------------------------------------------------- */ 41 /* ---- public data ---------------------------------------------------- */ 43 /** matrix */ 50 /* ---- associated objects ------------------------------------------------- */ [all …]
|
D | Flt16Alt2D.h | 8 * http://www.apache.org/licenses/LICENSE-2.0 20 /* ---- includes ----------------------------------------------------------- */ 27 /* ---- related objects --------------------------------------------------- */ 29 /* ---- typedefs ----------------------------------------------------------- */ 31 /* ---- constants ---------------------------------------------------------- */ 33 /* ---- object definition -------------------------------------------------- */ 39 /* ---- private data --------------------------------------------------- */ 41 /* ---- public data ---------------------------------------------------- */ 43 /** matrix */ 50 /* ---- associated objects ------------------------------------------------- */ [all …]
|
D | CompactAlt.h | 8 * http://www.apache.org/licenses/LICENSE-2.0 20 /* ---- includes ----------------------------------------------------------- */ 24 /* ---- related objects --------------------------------------------------- */ 26 /* ---- typedefs ----------------------------------------------------------- */ 28 /* ---- constants ---------------------------------------------------------- */ 33 /* ---- object definition -------------------------------------------------- */ 35 /** Compact Affine linear trasformation composed of compact matrix and 43 /* ---- private data --------------------------------------------------- */ 45 /* ---- public data ---------------------------------------------------- */ 47 /** compact matrix */ [all …]
|
D | Flt16Alt3D.c | 8 * http://www.apache.org/licenses/LICENSE-2.0 17 /* ---- includes ----------------------------------------------------------- */ 24 /* ------------------------------------------------------------------------- */ 28 /* ---- \ghd{ auxiliary functions } ---------------------------------------- */ 32 /* ------------------------------------------------------------------------- */ 36 /* ---- \ghd{ constructor / destructor } ----------------------------------- */ 40 /* ------------------------------------------------------------------------- */ 44 bts_Flt16Mat3D_init( &ptrA->matE ); in bts_Flt16Alt3D_init() 45 bts_Flt16Vec3D_init( &ptrA->vecE ); in bts_Flt16Alt3D_init() 48 /* ------------------------------------------------------------------------- */ [all …]
|
D | Flt16Alt2D.c | 8 * http://www.apache.org/licenses/LICENSE-2.0 17 /* ---- includes ----------------------------------------------------------- */ 24 /* ------------------------------------------------------------------------- */ 28 /* ---- \ghd{ auxiliary functions } ---------------------------------------- */ 32 /* ------------------------------------------------------------------------- */ 36 /* ---- \ghd{ constructor / destructor } ----------------------------------- */ 40 /* ------------------------------------------------------------------------- */ 44 bts_Flt16Mat2D_init( &ptrA->matE ); in bts_Flt16Alt2D_init() 45 bts_Flt16Vec2D_init( &ptrA->vecE ); in bts_Flt16Alt2D_init() 48 /* ------------------------------------------------------------------------- */ [all …]
|
/external/oboe/samples/RhythmGame/third_party/glm/gtc/ |
D | type_precision.hpp | 11 /// @brief Defines specific C++-based precision types. 14 /// extension defines types based on explicitly-sized C++ data types. 54 typedef detail::int16 lowp_int16; 70 typedef detail::int16 lowp_int16_t; 86 typedef detail::int16 lowp_i16; 102 typedef detail::int16 mediump_int16; 118 typedef detail::int16 mediump_int16_t; 134 typedef detail::int16 mediump_i16; 150 typedef detail::int16 highp_int16; 166 typedef detail::int16 highp_int16_t; [all …]
|
/external/neven/Embedded/common/src/b_BasicEm/ |
D | Math.h | 8 * http://www.apache.org/licenses/LICENSE-2.0 24 /* ---- includes ----------------------------------------------------------- */ 31 /* ---- related objects --------------------------------------------------- */ 33 /* ---- typedefs ----------------------------------------------------------- */ 35 /* ---- constants ---------------------------------------------------------- */ 37 /* ---- macros ------------------------------------------------------------- */ 46 #define bbs_abs( valA ) ( ( valA ) > 0 ? ( valA ) : -( valA ) ) 48 /* ---- external functions ------------------------------------------------- */ 86 * Returns (2^x) - 1 for a value range of [0,1[ 93 * Returns (2^x) for a value range of [-16,16[ [all …]
|
/external/tensorflow/tensorflow/python/kernel_tests/ |
D | decode_raw_op_test.py | 7 # http://www.apache.org/licenses/LICENSE-2.0 35 for dtype in [dtypes.bool, dtypes.int8, dtypes.uint8, dtypes.int16, 64 "size of int16"): 65 self.evaluate(parsing_ops.decode_raw(["123", "456"], dtypes.int16)) 86 result = np.matrix([[1, -2, -3, 4]], dtype="<f2") 91 result = np.matrix([[True, False, False, True]], dtype="<b1") 96 result = np.matrix([[1 + 1j, 2 - 2j, -3 + 3j, -4 - 4j]], dtype="<c8") 101 result = np.matrix([[1 + 1j, 2 - 2j, -3 + 3j, -4 - 4j]], dtype="<c16")
|
/external/dng_sdk/source/ |
D | dng_reference.cpp | 2 // Copyright 2006-2009 Adobe Systems Incorporated 404 int16 *dPtr, in RefCopyArea8_S16() 420 int16 *dPtr1 = dPtr; in RefCopyArea8_S16() 426 int16 *dPtr2 = dPtr1; in RefCopyArea8_S16() 431 int16 x = *sPtr; in RefCopyArea8_S16() 504 int16 *dPtr, in RefCopyArea16_S16() 520 int16 *dPtr1 = dPtr; in RefCopyArea16_S16() 526 int16 *dPtr2 = dPtr1; in RefCopyArea16_S16() 705 void RefCopyAreaS16_R32 (const int16 *sPtr, in RefCopyAreaS16_R32() 724 const int16 *sPtr1 = sPtr; in RefCopyAreaS16_R32() [all …]
|
D | dng_bottlenecks.h | 2 // Copyright 2006-2007 Adobe Systems Incorporated 15 * Indirection mechanism for performance-critical routines that might be replaced 16 * with hand-optimized or hardware-specific implementations. 138 int16 *dPtr, 164 int16 *dPtr, 217 (const int16 *sPtr, 260 int16 *dPtr, 399 const dng_matrix &matrix); 409 const dng_matrix &matrix); 438 const int16 *wPtr, [all …]
|
D | dng_reference.h | 2 // Copyright 2006-2009 Adobe Systems Incorporated 120 int16 *dPtr, 144 int16 *dPtr, 193 void RefCopyAreaS16_R32 (const int16 *sPtr, 233 int16 *dPtr, 362 const dng_matrix &matrix); 371 const dng_matrix &matrix); 397 const int16 *wPtr, 414 const int16 *wPtr, 484 void RefVignette16 (int16 *sPtr,
|
/external/oboe/samples/RhythmGame/third_party/glm/ |
D | fwd.hpp | 17 /// Quaternion of low single-precision floating-point numbers. 22 /// Quaternion of medium single-precision floating-point numbers. 27 /// Quaternion of high single-precision floating-point numbers. 39 /// Quaternion of default single-precision floating-point numbers. 43 /// Quaternion of low single-precision floating-point numbers. 48 /// Quaternion of medium single-precision floating-point numbers. 53 /// Quaternion of high single-precision floating-point numbers. 58 /// Quaternion of default single-precision floating-point numbers. 64 /// Quaternion of low double-precision floating-point numbers. 69 /// Quaternion of medium double-precision floating-point numbers. [all …]
|
/external/dtc/tests/ |
D | type-preservation.dt.yaml | 1 --- 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"]
|
D | type-preservation.dts | 1 /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";
|
/external/tensorflow/tensorflow/core/ops/ |
D | set_ops.cc | 7 http://www.apache.org/licenses/LICENSE-2.0 31 .Attr("T: {int8, int16, int32, int64, uint8, uint16, string}") 40 .Attr("T: {int8, int16, int32, int64, uint8, uint16, string}") 45 if (c->num_inputs() != 2) { in __anonda6063e60102() 51 // >= 2, and the first n-1 dimensions of inputs and output must be in __anonda6063e60102() 54 ShapeHandle input0_shape = c->input(0); in __anonda6063e60102() 55 TF_RETURN_IF_ERROR(c->WithRankAtLeast(input0_shape, 2, &input0_shape)); in __anonda6063e60102() 56 if (c->RankKnown(input0_shape)) { in __anonda6063e60102() 57 const int32 input0_rank = c->Rank(input0_shape); in __anonda6063e60102() 58 ShapeHandle input1_shape = c->input(1); in __anonda6063e60102() [all …]
|
/external/deqp/external/vulkancts/modules/vulkan/spirv_assembly/ |
D | vktSpvAsmSpirvVersion1p4Tests.cpp | 1 /*------------------------------------------------------------------------ 3 * ------------------------ 12 * http://www.apache.org/licenses/LICENSE-2.0 22 * \brief Test new features in SPIR-V 1.4. 23 *//*--------------------------------------------------------------------*/ 73 tcu::TestContext& testCtx = tests->getTestContext(); in addTestsForAmberFiles() 96 testCase->addRequirement("VK_KHR_spirv_1_4"); in addTestsForAmberFiles() 99 // is about enabling use of SPV_KHR_storage_buffer_storage_class. But SPIR-V 1.4 allows in addTestsForAmberFiles() 102 // extensions folded into SPIR-V 1.4 or earlier, and which don't require extra capabilities in addTestsForAmberFiles() 108 testCase->addRequirement(reqmts[r]); in addTestsForAmberFiles() [all …]
|
/external/tensorflow/tensorflow/core/kernels/ |
D | sparse_add_op.cc | 7 http://www.apache.org/licenses/LICENSE-2.0 35 OP_REQUIRES_OK(ctx, ctx->input("a_indices", &a_indices)); in Compute() 36 OP_REQUIRES_OK(ctx, ctx->input("b_indices", &b_indices)); in Compute() 38 TensorShapeUtils::IsMatrix(a_indices->shape()) && in Compute() 39 TensorShapeUtils::IsMatrix(b_indices->shape()), in Compute() 42 a_indices->shape().DebugString(), " and ", in Compute() 43 b_indices->shape().DebugString())); in Compute() 44 const int64 a_nnz = a_indices->dim_size(0); in Compute() 45 const int64 b_nnz = b_indices->dim_size(0); in Compute() 47 OP_REQUIRES_OK(ctx, ctx->input("a_values", &a_values_t)); in Compute() [all …]
|
/external/gemmlowp/public/ |
D | output_stages.h | 7 // http://www.apache.org/licenses/LICENSE-2.0 17 // 32-bit accumulators are transformed to obtain the final uint8 18 // result matrix entries. 39 // rounding = (result_shift < 1) ? 0 : (1 << (result_shift - 1)); 56 // rounding = (result_shift < 1) ? 0 : (1 << (result_shift - 1)); 80 // rounding = (result_shift < 1) ? 0 : (1 << (result_shift - 1)); 99 // real_value = scale * (quantized_value - zero_point) 108 // many applications, we need to 0-pad arrays and that can only be 110 // quantized form. In particular, convolution-like operations 111 // are often implemented using 0-padding, or "im2col"-like [all …]
|
/external/tensorflow/tensorflow/lite/kernels/internal/optimized/ |
D | optimized_ops.h | 7 http://www.apache.org/licenses/LICENSE-2.0 114 // Used to convert from old-style shifts (right) to new-style (left). 115 static constexpr int kReverseShift = -1; 121 // Eigen::Map<const Eigen::Matrix<float, ...>> 123 // Eigen::Map<Eigen::Matrix<const float, ...>> 127 Eigen::Map<const Eigen::Matrix<typename std::remove_const<Scalar>::type, 129 Eigen::Map<Eigen::Matrix<Scalar, Eigen::Dynamic, 1>>>::type; 138 // as a Eigen matrix expression. The same explanation as for VectorMap 143 Eigen::Map<const Eigen::Matrix<typename std::remove_const<Scalar>::type, 145 Eigen::Map<Eigen::Matrix<Scalar, Eigen::Dynamic, Eigen::Dynamic>>>::type; [all …]
|
/external/ruy/ruy/ |
D | kernel_arm32.cc | 7 http://www.apache.org/licenses/LICENSE-2.0 77 // Float kernel for ARM32 out-of-order cores. 79 // use 16 128-bit NEON registers. This is a "first pass" kernel and not 80 // tuned. It is meant to run on out-of-order CPUs like the Krait 400 or A9. 87 // In ARM32 NEON, there are 16 128-bit "q" registers. These registers are in KernelFloat32Neon() 88 // each composed of two 64-bit "d" registers. The asm kernel below has the in KernelFloat32Neon() 90 // Registers q3 -- q10 are accumulators. During accumulation, in KernelFloat32Neon() 91 // q0 -- q2 (d0 -- d5) are used to load data from LHS and RHS. q0 and q1 in KernelFloat32Neon() 97 // /--------------------------| in KernelFloat32Neon() 99 // \--------------------------/ in KernelFloat32Neon() [all …]
|
/external/deqp-deps/amber/docs/ |
D | memory_layout.md | 8 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 …]
|