| /external/clang/test/PCH/Inputs/ | 
| D | cuda.h | 12 struct dim3 {  struct14   __host__ __device__ dim3(unsigned x, unsigned y = 1, unsigned z = 1) : x(x), y(y), z(z) {}  in x()  argument
 
 | 
| /external/clang/test/SemaCUDA/Inputs/ | 
| D | cuda.h | 15 struct dim3 {  struct17   __host__ __device__ dim3(unsigned x, unsigned y = 1, unsigned z = 1) : x(x), y(y), z(z) {}  in x()  argument
 
 | 
| /external/clang/test/CodeGenCUDA/Inputs/ | 
| D | cuda.h | 12 struct dim3 {  struct14   __host__ __device__ dim3(unsigned x, unsigned y = 1, unsigned z = 1) : x(x), y(y), z(z) {}  in x()  argument
 
 | 
| /external/clang/lib/Headers/ | 
| D | __clang_cuda_runtime_wrapper.h | 289 __device__ inline __cuda_builtin_blockDim_t::operator dim3() const {  in dim3()  function293 __device__ inline __cuda_builtin_gridDim_t::operator dim3() const {  in dim3()  function
 308 #define dim3 __cuda_builtin_blockDim_t  macro
 
 | 
| /external/aac/libFDK/include/ | 
| D | FDK_matrixCalloc.h | 212 #define FDK_ALLOCATE_MEMORY_3D(a, dim1, dim2, dim3, type)         \  argument218 #define FDK_ALLOCATE_MEMORY_3D_INT(a, dim1, dim2, dim3, type, s)           \  argument
 
 | 
| /external/eigen/unsupported/Eigen/CXX11/src/Tensor/ | 
| D | TensorMap.h | 102 …EIGEN_STRONG_INLINE TensorMap(StoragePointerType dataPtr, Index dim1, Index dim2, Index dim3) : m_…  in TensorMap()106 …EIGEN_STRONG_INLINE TensorMap(StoragePointerType dataPtr, Index dim1, Index dim2, Index dim3, Inde…  in TensorMap()
 110 …EIGEN_STRONG_INLINE TensorMap(StoragePointerType dataPtr, Index dim1, Index dim2, Index dim3, Inde…  in TensorMap()
 
 | 
| D | Tensor.h | 358     EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE Tensor(Index dim1, Index dim2, Index dim3)  in Tensor()363     EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE Tensor(Index dim1, Index dim2, Index dim3, Index dim4)  in Tensor()
 368 …EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE Tensor(Index dim1, Index dim2, Index dim3, Index dim4, Index…  in Tensor()
 
 | 
| /external/eigen/unsupported/test/ | 
| D | cxx11_tensor_reverse_sycl.cpp | 27   IndexType dim3 = 5;  in test_simple_reverse()  local118   IndexType dim3 = 5;  in test_expr_reverse()  local
 
 | 
| D | cxx11_tensor_ifft.cpp | 100 static void test_sub_fft_ifft_invariant(int dim0, int dim1, int dim2, int dim3) {  in test_sub_fft_ifft_invariant()
 | 
| D | cxx11_tensor_morphing_sycl.cpp | 36   typename Tensor<DataType, 2 ,DataLayout, IndexType>::Dimensions dim3(6,7);  in test_simple_reshape()  local94   typename Tensor<DataType, 5, DataLayout, IndexType>::Dimensions dim3(2,3,1,7,1);  in test_reshape_as_lvalue()  local
 
 | 
| D | cxx11_tensor_index_list.cpp | 273   int dim3 = 0;  in test_dynamic_index_list()  local
 | 
| D | cxx11_tensor_morphing.cpp | 30   Tensor<float, 2>::Dimensions dim3(2,21);  in test_simple_reshape()  local
 | 
| /external/aac/libFDK/src/ | 
| D | FDK_matrixCalloc.cpp | 236 void ***fdkCallocMatrix3D(UINT dim1, UINT dim2, UINT dim3, UINT size) {  in fdkCallocMatrix3D()278 void ***fdkCallocMatrix3D_int(UINT dim1, UINT dim2, UINT dim3, UINT size,  in fdkCallocMatrix3D_int()
 
 | 
| /external/armnn/src/backends/reference/workloads/ | 
| D | Slice.cpp | 54     unsigned int dim3 = paddedInput[3];  in Slice()  local
 | 
| D | StridedSlice.cpp | 138                     int dim3 = armnn::numeric_cast<int>(inputShape[3]);  in StridedSlice()  local
 | 
| /external/ComputeLibrary/tests/validation/reference/ | 
| D | FuseBatchNormalization.cpp | 84     const unsigned int dim3   = w.shape()[3];  in fuse_batch_normalization_conv_layer()  local
 | 
| /external/tensorflow/tensorflow/compiler/xla/ | 
| D | literal_util.h | 474         int64_t dim3 = 0;  in CreateR4Projected()  local
 | 
| /external/tensorflow/tensorflow/compiler/mlir/tfrt/transforms/lmhlo_to_gpu/ | 
| D | kernel_ops_pattern.cc | 428     auto make_kernel_dim3 = [&](const auto& dim3) {  in Rewrite()
 | 
| /external/tensorflow/tensorflow/core/grappler/costs/ | 
| D | op_level_cost_estimator_test.cc | 177 void DescribeTensor4D(int dim0, int dim1, int dim2, int dim3,  in DescribeTensor4D()189 void DescribeTensor5D(int dim0, int dim1, int dim2, int dim3, int dim4,  in DescribeTensor5D()
 
 | 
| /external/ComputeLibrary/arm_compute/core/utils/misc/ | 
| D | ShapeCalculator.h | 920     const int dim3 = reinterpret_input_as_3d ? 1 : input0.tensor_shape()[3];  in compute_mm_shape()  local
 | 
| /external/angle/src/tests/gl_tests/ | 
| D | GLSLTest.cpp | 11948             for (int dim3 = 0; dim3 < 4; ++dim3)  in TEST_P()  local12125             for (int dim3 = 0; dim3 < 4; ++dim3)  in TEST_P()  local
 
 | 
| /external/tensorflow/tensorflow/compiler/xla/service/gpu/ | 
| D | ir_emitter_unnested.cc | 1611   auto get_dim3d = [](mlir::gpu::KernelDim3 dim3) {  in EmitLaunchFunc()
 |