/external/pytorch/torch/csrc/jit/tensorexpr/operators/ |
D | softmax.cpp | 63 auto move_softmax_dim_index_to_pos = [&](const ParameterList& indices) { in computeSoftmax() 76 auto remove_softmax_dim_index = [&](const ParameterList& indices) { in computeSoftmax() 86 auto convert_indices_to_expr_handle = [&](const ParameterList& indices) { in computeSoftmax() 106 [&](ParameterList& indices) { in computeSoftmax() 115 [&](ParameterList& indices) { in computeSoftmax() 125 [&](ParameterList& indices) { in computeSoftmax() 131 "aten_softmax", outputShape, std::nullopt, [&](ParameterList& indices) { in computeSoftmax() 144 [&](ParameterList& indices) { return log(sum.load(indices)); }); in computeSoftmax() 149 [&](ParameterList& indices) { in computeSoftmax()
|
/external/tensorflow/tensorflow/python/kernel_tests/array_ops/ |
D | scatter_ops_test.py | 32 def _NumpyAdd(ref, indices, updates): argument 39 def _NumpyAddScalar(ref, indices, update): argument 44 def _NumpySub(ref, indices, updates): argument 49 def _NumpySubScalar(ref, indices, update): argument 54 def _NumpyMul(ref, indices, updates): argument 59 def _NumpyMulScalar(ref, indices, update): argument 64 def _NumpyDiv(ref, indices, updates): argument 69 def _NumpyDivScalar(ref, indices, update): argument 74 def _NumpyMin(ref, indices, updates): argument 79 def _NumpyMinScalar(ref, indices, update): argument [all …]
|
/external/tensorflow/tensorflow/python/ops/ |
D | state_ops.py | 383 def scatter_update(ref, indices, updates, use_locking=True, name=None): argument 437 def scatter_nd_update(ref, indices, updates, use_locking=True, name=None): argument 499 def scatter_add(ref, indices, updates, use_locking=False, name=None): argument 551 def scatter_nd_add(ref, indices, updates, use_locking=False, name=None): argument 614 def scatter_sub(ref, indices, updates, use_locking=False, name=None): argument 668 def scatter_nd_sub(ref, indices, updates, use_locking=False, name=None): argument 732 def scatter_mul(ref, indices, updates, use_locking=False, name=None): argument 784 def scatter_div(ref, indices, updates, use_locking=False, name=None): argument 836 def scatter_max(ref, indices, updates, use_locking=False, name=None): argument 891 def scatter_min(ref, indices, updates, use_locking=False, name=None): argument [all …]
|
/external/angle/src/tests/gl_tests/ |
D | LineLoopTest.cpp | 197 static const GLubyte indices[] = {0, 7, 6, 9, 8, 0}; in TEST_P() local 208 static const GLushort indices[] = {0, 7, 6, 9, 8, 0}; in TEST_P() local 224 static const GLuint indices[] = {0, 7, 6, 9, 8, 0}; in TEST_P() local 235 static const GLubyte indices[] = {0, 7, 6, 9, 8, 0}; in TEST_P() local 251 static const GLushort indices[] = {0, 7, 6, 9, 8, 0}; in TEST_P() local 272 static const GLuint indices[] = {0, 7, 6, 9, 8, 0}; in TEST_P() local 290 static const GLubyte indices[] = {0, 7, 6, 9, 8, 0}; in TEST_P() local 301 static const GLushort indices[] = {0, 7, 6, 9, 8, 0}; in TEST_P() local 317 static const GLuint indices[] = {0, 7, 6, 9, 8, 0}; in TEST_P() local 328 static const GLubyte indices[] = {0, 7, 6, 9, 8, 0}; in TEST_P() local [all …]
|
/external/tensorflow/tensorflow/python/ops/ragged/ |
D | ragged_batch_gather_op_test.py | 145 def testRaggedBatchGather(self, descr, params, indices, expected): argument 348 self, descr, params, indices, expected, indices_ragged_rank=None, argument 410 self, descr, params, indices, expected, default_value): argument 431 self, params, indices, default_value, error): argument 458 self, descr, params, indices, default_value, error, ragged_rank=None, argument 525 indices, argument
|
/external/executorch/kernels/portable/cpu/util/ |
D | advanced_index_util.cpp | 20 bool check_indices_dtypes(TensorOptList indices) { in check_indices_dtypes() 42 bool check_mask_indices(const Tensor& in, TensorOptList indices) { in check_mask_indices() 141 bool check_index_args(const Tensor& in, TensorOptList indices, Tensor& out) { in check_index_args() 150 size_t count_index_blocks(TensorOptList indices) { in count_index_blocks() 167 TensorOptList indices, in get_indices_broadcast_shape() 211 size_t get_indices_broadcast_ndim(TensorOptList indices) { in get_indices_broadcast_ndim() 230 size_t get_num_indexed_dims(TensorOptList indices) { in get_num_indexed_dims() 245 size_t get_num_null_indices(TensorOptList indices) { in get_num_null_indices() 255 size_t get_num_leading_null_indices(TensorOptList indices) { in get_num_leading_null_indices() 265 TensorOptList indices, in get_index_out_target_size() [all …]
|
/external/executorch/kernels/test/ |
D | op_embedding_test.cpp | 29 const Tensor& indices, in op_embedding_out() 56 Tensor indices = tfl.make( in test_dtype() local 97 Tensor indices = tf_indices.make({2, 4}, {1, 2, 4, 5, 4, 3, 2, 9}); in test_dynamic_shape() local 128 Tensor indices = tfl.make({1}, {1}); in TEST_F() local 170 Tensor indices = tfl.make({1, 2, 3}, {1, 0, 2, 3, 4, 0}); in TEST_F() local 207 Tensor indices = tfl.make({2, 2}, {1, 0, 2, 3}); in TEST_F() local 241 Tensor indices = tfl.make({2, 2}, {1, 0, 2, 3}); in TEST_F() local 272 Tensor indices = tfl.make({2, 2}, {1, 0, 2, 3}); in TEST_F() local 336 Tensor indices = tfl.make({2, 2}, {2, 0, 2, 4}); in TEST_F() local 366 Tensor indices = tfl.make({}, {3}); in TEST_F() local [all …]
|
/external/pytorch/aten/src/ATen/ |
D | TensorIndexing.cpp | 45 static inline void set_item(const Tensor& self, ArrayRef<TensorIndex> indices, const Scalar& v) { in set_item() 76 Tensor & Tensor::index_put_(ArrayRef<at::indexing::TensorIndex> indices, Tensor const & rhs) { in index_put_() 82 Tensor & Tensor::index_put_(ArrayRef<at::indexing::TensorIndex> indices, const Scalar& v) { in index_put_() 88 Tensor & Tensor::index_put_(std::initializer_list<at::indexing::TensorIndex> indices, Tensor const … in index_put_() 91 Tensor & Tensor::index_put_(std::initializer_list<at::indexing::TensorIndex> indices, const Scalar&… in index_put_()
|
/external/ComputeLibrary/src/core/CL/kernels/ |
D | CLGatherKernel.cpp | 37 inline Status validate_arguments(const ITensorInfo *input, const ITensorInfo *indices, const ITenso… in validate_arguments() 59 std::pair<Status, Window> validate_and_configure_window(ITensorInfo *input, ITensorInfo *indices, I… in validate_and_configure_window() 81 void CLGatherKernel::configure(const ICLTensor *input, const ICLTensor *indices, ICLTensor *output,… in configure() 86 …onst CLCompileContext &compile_context, const ICLTensor *input, const ICLTensor *indices, ICLTenso… in configure() 114 Status CLGatherKernel::validate(const ITensorInfo *input, const ITensorInfo *indices, const ITensor… in validate()
|
/external/pytorch/torch/csrc/jit/tensorexpr/ |
D | ir.cpp | 14 static Dtype dtypeOfIndices(const std::vector<ExprPtr>& indices) { in dtypeOfIndices() 22 static void castIndicesToInts(std::vector<ExprPtr>& indices) { in castIndicesToInts() 42 Load::Load(Dtype dtype, BufPtr buf, std::vector<ExprPtr> indices) in Load() 47 Load::Load(const BufPtr& buf, const std::vector<ExprPtr>& indices) in Load() 53 const std::vector<ExprHandle>& indices) { in make() 60 const std::vector<ExprHandle>& indices) { in make() 64 Store::Store(BufPtr buf, std::vector<ExprPtr> indices, ExprPtr value) in Store() 73 const std::vector<ExprHandle>& indices, in make() 87 const std::vector<ExprPtr>& indices, in flatten_index()
|
/external/eigen/unsupported/Eigen/CXX11/src/Tensor/ |
D | TensorRef.h | 227 array<Index, 2> indices; in operator() local 235 array<Index, 3> indices; in operator() local 244 array<Index, 4> indices; in operator() local 254 array<Index, 5> indices; in operator() local 265 array<Index, 2> indices; in coeffRef() local 273 array<Index, 3> indices; in coeffRef() local 282 array<Index, 4> indices; in operator() local 292 array<Index, 5> indices; in coeffRef() local 303 EIGEN_STRONG_INLINE const Scalar coeff(const array<Index, NumIndices>& indices) const in coeff() 321 EIGEN_STRONG_INLINE Scalar& coeffRef(const array<Index, NumIndices>& indices) in coeffRef()
|
/external/pytorch/torch/ao/quantization/experimental/ |
D | apot_utils.py | 15 def float_to_apot(x, levels, indices, alpha): argument 43 def quant_dequant_util(x, levels, indices): argument 64 def apot_to_float(x_apot, levels, indices): argument
|
/external/ComputeLibrary/src/runtime/CL/functions/ |
D | CLPoolingLayer.cpp | 37 ICLTensor *indices{ nullptr }; member 47 …nfigure(ICLTensor *input, ICLTensor *output, const PoolingLayerInfo &pool_info, ICLTensor *indices) in configure() 52 …ontext, ICLTensor *input, ICLTensor *output, const PoolingLayerInfo &pool_info, ICLTensor *indices) in configure() 62 …o *input, const ITensorInfo *output, const PoolingLayerInfo &pool_info, const ITensorInfo *indices) in validate()
|
D | CLGather.cpp | 33 void CLGather::configure(const ICLTensor *input, const ICLTensor *indices, ICLTensor *output, int a… in configure() 38 …onst CLCompileContext &compile_context, const ICLTensor *input, const ICLTensor *indices, ICLTenso… in configure() 46 Status CLGather::validate(const ITensorInfo *input, const ITensorInfo *indices, const ITensorInfo *… in validate()
|
D | CLMaxUnpoolingLayer.cpp | 44 void CLMaxUnpoolingLayer::configure(ICLTensor *input, ICLTensor *indices, ICLTensor *output, const … in configure() 49 …nfigure(const CLCompileContext &compile_context, ICLTensor *input, ICLTensor *indices, ICLTensor *… in configure() 58 Status CLMaxUnpoolingLayer::validate(const ITensorInfo *input, const ITensorInfo *indices, const IT… in validate()
|
/external/tensorflow/tensorflow/compiler/tests/ |
D | segment_reduction_ops_test.py | 31 def _segmentReduction(self, op, data, indices, num_segments): argument 40 def _unsortedSegmentSum(self, data, indices, num_segments): argument 44 def _unsortedSegmentProd(self, data, indices, num_segments): argument 48 def _unsortedSegmentMin(self, data, indices, num_segments): argument 52 def _unsortedSegmentMax(self, data, indices, num_segments): argument
|
/external/tensorflow/tensorflow/lite/kernels/ |
D | gather_nd.cc | 39 const TfLiteTensor* indices; in Prepare() local 106 TfLiteStatus GatherNd(const TfLiteTensor* params, const TfLiteTensor* indices, in GatherNd() 116 const TfLiteTensor* indices, TfLiteTensor* output) { in GatherNdString() 124 const TfLiteTensor* indices, TfLiteTensor* output) { in EvalGatherNd() 174 const TfLiteTensor* indices; in Eval() local
|
D | sparse_to_dense.cc | 52 const TfLiteTensor* indices, in CheckDimensionsMatch() 86 const TfLiteTensor* indices, in GetIndicesVector() 146 const TfLiteTensor* indices; in Prepare() local 202 const TfLiteTensor* indices; in SparseToDenseImpl() local 239 const TfLiteTensor* indices) { in EvalForIndexType() 257 const TfLiteTensor* indices; in Eval() local
|
D | scatter_nd.cc | 50 TfLiteStatus CheckShapes(TfLiteContext* context, const RuntimeShape& indices, in CheckShapes() 77 const TfLiteTensor* indices; in Prepare() local 130 TfLiteStatus ScatterNd(const TfLiteTensor* indices, const TfLiteTensor* updates, in ScatterNd() 139 TfLiteStatus EvalScatterNd(TfLiteContext* context, const TfLiteTensor* indices, in EvalScatterNd() 184 const TfLiteTensor* indices; in Eval() local
|
/external/webrtc/rtc_tools/frame_analyzer/ |
D | video_temporal_aligner_unittest.cc | 45 const std::vector<size_t> indices = in TEST_F() local 54 const std::vector<size_t> indices = {2, 2, 2, 2}; in TEST_F() local 66 std::vector<size_t> indices; in TEST_F() local 81 std::vector<size_t> indices; in TEST_F() local 107 std::vector<size_t> indices; in TEST_F() local
|
/external/pigweed/pw_allocator/public/pw_allocator/ |
D | tlsf_allocator.h | 180 for (TlsfIndices indices = MapToIndices(layout.size()); in ChooseBlock() local 203 TlsfIndices indices = MapToIndices(block.InnerSize()); in ReserveBlock() local 218 TlsfIndices indices = MapToIndices(block.InnerSize()); in RecycleBlock() local 248 TlsfIndices& indices) { in FindNextAvailable() 286 const TlsfIndices& indices, bool empty) { in UpdateBitmaps()
|
/external/perfetto/src/trace_processor/db/column/ |
D | fake_storage_unittest.cc | 158 Indices indices = Indices::CreateWithIndexPayloadForTesting( in TEST() local 166 Indices indices = Indices::CreateWithIndexPayloadForTesting( in TEST() local 174 Indices indices = Indices::CreateWithIndexPayloadForTesting( in TEST() local 182 Indices indices = Indices::CreateWithIndexPayloadForTesting( in TEST() local 191 Indices indices = Indices::CreateWithIndexPayloadForTesting( in TEST() local
|
/external/cronet/stable/net/third_party/quiche/src/quiche/quic/core/qpack/ |
D | qpack_blocking_manager.cc | 76 IndexSet indices, in OnHeaderBlockSent() 162 uint64_t QpackBlockingManager::RequiredInsertCount(const IndexSet& indices) { in RequiredInsertCount() 166 void QpackBlockingManager::IncreaseReferenceCounts(const IndexSet& indices) { in IncreaseReferenceCounts() 177 void QpackBlockingManager::DecreaseReferenceCounts(const IndexSet& indices) { in DecreaseReferenceCounts()
|
/external/cronet/tot/net/third_party/quiche/src/quiche/quic/core/qpack/ |
D | qpack_blocking_manager.cc | 76 IndexSet indices, in OnHeaderBlockSent() 162 uint64_t QpackBlockingManager::RequiredInsertCount(const IndexSet& indices) { in RequiredInsertCount() 166 void QpackBlockingManager::IncreaseReferenceCounts(const IndexSet& indices) { in IncreaseReferenceCounts() 177 void QpackBlockingManager::DecreaseReferenceCounts(const IndexSet& indices) { in DecreaseReferenceCounts()
|
/external/deqp/modules/gles31/functional/ |
D | es31fNegativeVertexArrayApiTests.cpp | 550 GLbyte indices[1] = {0}; in draw_elements() local 629 GLbyte indices[1] = {0}; in draw_elements_invalid_program() local 669 GLbyte indices[1] = {0}; in draw_elements_incomplete_primitive() local 756 GLuint indices[1] = {0}; in draw_elements_base_vertex() local 793 GLuint indices[1] = {0}; in draw_elements_base_vertex_primitive_mode_mismatch() local 940 GLbyte indices[1] = {0}; in draw_elements_instanced() local 1023 GLbyte indices[1] = {0}; in draw_elements_instanced_invalid_program() local 1068 GLbyte indices[1] = {0}; in draw_elements_instanced_incomplete_primitive() local 1154 GLbyte indices[1] = {0}; in draw_elements_instanced_base_vertex() local 1204 GLuint indices[1] = {0}; in draw_elements_instanced_base_vertex_primitive_mode_mismatch() local [all …]
|