/external/pytorch/aten/src/ATen/native/cuda/ |
D | ForeachUnaryOp.cu | 47 std::vector<Tensor> foreach_unary_op(TensorList tensors) { in foreach_unary_op() 72 void foreach_unary_op_(TensorList tensors) { in foreach_unary_op_() 88 std::vector<Tensor> floating_complex_half(TensorList tensors) { in floating_complex_half() 97 void floating_complex_half_(TensorList tensors) { in floating_complex_half_() 106 std::vector<Tensor> all_types_complex_bfloat16_half_bool(TensorList tensors) { in all_types_complex_bfloat16_half_bool() 117 void all_types_complex_bfloat16_half_bool_(TensorList tensors) { in all_types_complex_bfloat16_half_bool_() 128 std::vector<Tensor> floating_complex_half_bfloat16(TensorList tensors) { in floating_complex_half_bfloat16() 138 void floating_complex_half_bfloat16_(TensorList tensors) { in floating_complex_half_bfloat16_() 148 std::vector<Tensor> all_types_half_complex_bfloat16(TensorList tensors) { in all_types_half_complex_bfloat16() 158 void all_types_half_complex_bfloat16_(TensorList tensors) { in all_types_half_complex_bfloat16_() [all …]
|
D | ForeachBinaryOpScalar.cu | 26 TensorList tensors, in foreach_binary_op() 52 void foreach_binary_op_(TensorList tensors, const Scalar& scalar) { in foreach_binary_op_() 71 TensorList tensors, in all_types_complex_bool_half_bfloat16() 84 TensorList tensors, in all_types_complex_bool_half_bfloat16_() 97 TensorList tensors, in all_types_half_bfloat16() 108 void all_types_half_bfloat16_(TensorList tensors, const Scalar& scalar) { in all_types_half_bfloat16_() 119 TensorList tensors, in all_types_complex_half_bfloat16() 131 TensorList tensors, in all_types_complex_half_bfloat16_() 211 TensorList tensors, in foreach_tensor_div_scalar_kernel_cuda_() 224 TensorList tensors, in foreach_tensor_div_scalar_kernel_cuda() [all …]
|
D | ForeachBinaryOpScalarList.cu | 26 TensorList tensors, in foreach_binary_op() 53 void foreach_binary_op_(TensorList tensors, at::ArrayRef<Scalar> scalars) { in foreach_binary_op_() 72 TensorList tensors, in all_types_complex_bool_half_bfloat16() 85 TensorList tensors, in all_types_complex_bool_half_bfloat16_() 98 TensorList tensors, in all_types_half_bfloat16() 110 TensorList tensors, in all_types_half_bfloat16_() 122 TensorList tensors, in all_types_complex_half_bfloat16() 134 TensorList tensors, in all_types_complex_half_bfloat16_() 193 TensorList tensors, in foreach_tensor_sub_scalarlist_kernel_cuda_() 215 TensorList tensors, in foreach_tensor_sub_scalarlist_kernel_cuda()
|
D | ForeachBinaryOpScalarTensor.cu | 22 TensorList tensors, in foreach_binary_op() 64 TensorList tensors, in foreach_binary_op_() 161 TensorList tensors, in all_types_complex_bool_half_bfloat16() 177 TensorList tensors, in all_types_complex_bool_half_bfloat16_()
|
/external/tensorflow/tensorflow/security/advisory/ |
D | tfsa-2021-113.md | 3 ### CVE Number 6 ### Impact 59 ### Patches 67 ### For more information 73 ### Attribution
|
D | tfsa-2021-103.md | 3 ### CVE Number 6 ### Impact 12 ### Patches 20 ### For more information
|
/external/tensorflow/tensorflow/python/ops/ |
D | nccl_ops.py | 29 def all_sum(tensors): argument 76 def all_prod(tensors): argument 93 def all_min(tensors): argument 110 def all_max(tensors): argument 127 def reduce_sum(tensors): argument 208 def _apply_all_reduce(reduction, tensors): argument 237 def _apply_reduce(reduction, tensors): argument
|
D | nccl_ops_test.py | 29 def _DeviceTensors(tensors, devices): argument 37 def _NcclAllReduce(nccl_fun, tensors, devices): argument 41 def _NcclReduce(nccl_fun, tensors, devices): argument 47 def _NcclBroadcast(tensors, devices): argument 116 def _Gradient(tensors, devices): argument 183 def _Combined(self, tensors, devices): argument
|
/external/armnn/src/armnnTfLiteParser/test/ |
D | GetInputsOutputs.cpp | 156 TfLiteParserImpl::TensorRawPtrVector tensors = TfLiteParserImpl::GetInputs(model, 0, 0); variable 164 TfLiteParserImpl::TensorRawPtrVector tensors = TfLiteParserImpl::GetOutputs(model, 0, 0); variable 172 TfLiteParserImpl::TensorRawPtrVector tensors = TfLiteParserImpl::GetInputs(model, 0, 0); variable 182 TfLiteParserImpl::TensorRawPtrVector tensors = TfLiteParserImpl::GetOutputs(model, 0, 0); variable 192 TfLiteParserImpl::TensorRawPtrVector tensors = TfLiteParserImpl::GetInputs(model, 1, 0); variable 204 TfLiteParserImpl::TensorRawPtrVector tensors = TfLiteParserImpl::GetOutputs(model, 1, 0); variable
|
/external/pytorch/torch/csrc/distributed/c10d/ |
D | Utils.hpp | 68 const std::vector<at::Tensor>& tensors) { in assertSameType() 191 const std::vector<at::Tensor>& tensors) { in assertSameSizes() 203 inline void assertSameSizeAndType(const std::vector<at::Tensor>& tensors) { in assertSameSizeAndType() 235 const at::ArrayRef<at::Tensor> tensors, in assertTypeMatch() 246 const at::ArrayRef<at::Tensor> tensors, in assertTypeMatch() 257 const at::ArrayRef<at::Tensor> tensors, in assertSizesMatch() 268 const at::ArrayRef<at::Tensor> tensors, in assertLayoutMatch() 279 const at::ArrayRef<at::Tensor> tensors) { in assertLayoutMatch() 288 const at::ArrayRef<at::Tensor> tensors) { in assertNonEmpty() 296 const at::ArrayRef<at::Tensor> tensors) { in assertSingleElement() [all …]
|
D | default_comm_hooks.cpp | 13 std::vector<at::Tensor> tensors = {bucket.getBufferRef()}; in runHook() local 24 std::vector<at::Tensor> tensors = {compressed_tensor}; in runHook() local 48 std::vector<at::Tensor> tensors = {bucket.getBufferRef()}; in runHook() local
|
/external/armnn/src/armnnOnnxParser/test/ |
D | GetInputsOutputs.cpp | 71 std::vector<std::string> tensors = armnnOnnxParser::OnnxParserImpl::GetInputs(model); variable 80 std::vector<std::string> tensors = armnnOnnxParser::OnnxParserImpl::GetOutputs(model); variable 142 std::vector<std::string> tensors = armnnOnnxParser::OnnxParserImpl::GetInputs(model); variable 246 std::vector<std::string> tensors = armnnOnnxParser::OnnxParserImpl::GetInputs(model); variable
|
/external/tensorflow/tensorflow/python/data/util/ |
D | sparse.py | 74 def deserialize_sparse_tensors(tensors, types, shapes, classes): argument 97 def get_classes(tensors): argument 115 def serialize_many_sparse_tensors(tensors): argument 133 def serialize_sparse_tensors(tensors): argument
|
/external/pytorch/torch/csrc/jit/tensorexpr/ |
D | external_functions_codegen.cpp | 25 std::vector<at::Tensor> tensors = constructTensors( in nnc_aten_abs() local 43 std::vector<at::Tensor> tensors = constructTensors( in nnc_aten_absolute() local 61 std::vector<at::Tensor> tensors = constructTensors( in nnc_aten_angle() local 79 std::vector<at::Tensor> tensors = constructTensors( in nnc_aten_sgn() local 97 std::vector<at::Tensor> tensors = constructTensors( in nnc_aten_acos() local 115 std::vector<at::Tensor> tensors = constructTensors( in nnc_aten_arccos() local 133 std::vector<at::Tensor> tensors = constructTensors( in nnc_aten_acosh() local 151 std::vector<at::Tensor> tensors = constructTensors( in nnc_aten_arccosh() local 169 std::vector<at::Tensor> tensors = constructTensors( in nnc_aten_asinh() local 187 std::vector<at::Tensor> tensors = constructTensors( in nnc_aten_arcsinh() local [all …]
|
/external/executorch/extension/pytree/aten_util/test/ |
D | ivalue_util_test.cpp | 17 std::vector<at::Tensor> tensors; in makeExampleTensors() local 26 std::vector<at::Tensor> tensors; member 30 auto tensors = makeExampleTensors(3); in makeExampleListOfTensors() local 40 auto tensors = makeExampleTensors(3); in makeExampleTupleOfTensors() local 46 auto tensors = makeExampleTensors(3); in makeExampleDictOfTensors() local 55 auto tensors = makeExampleTensors(8); in makeExampleComposite() local
|
/external/pytorch/torch/csrc/lazy/python/ |
D | init.cpp | 44 const std::vector<at::Tensor>& tensors, in GetTensorsDump() 60 const std::vector<at::Tensor>& tensors, in GetLtcTensors() 79 std::string GetTensorsBackendGraph(const std::vector<at::Tensor>& tensors) { in GetTensorsBackendGraph() 87 const std::vector<at::Tensor>& tensors, in SyncTensors() 146 [](const std::vector<at::Tensor>& tensors) -> std::string { in initLazyBindings() 154 [](const std::vector<at::Tensor>& tensors) -> std::string { in initLazyBindings() 162 [](const std::vector<at::Tensor>& tensors) -> std::string { in initLazyBindings() 165 lazy.def("_get_graph_hash", [](const std::vector<at::Tensor>& tensors) { in initLazyBindings() 180 bool sync_ltc_data) { in initLazyBindings() 225 -> std::pair<std::vector<int64_t>, std::vector<at::IValue>> { in initLazyBindings()
|
/external/pytorch/docs/source/ |
D | sparse.rst | 475 .. _sparse-uncoalesced-coo-docs: 641 .. _sparse-compressed-docs: 922 .. _sparse-bsr-docs: 1009 .. _sparse-bsc-docs: 1080 Construction of sparse compressed tensors 1112 .. _sparse-ops-docs:
|
/external/ComputeLibrary/src/common/ |
D | IOperator.cpp | 49 StatusCode IOperator::run(ITensorPack &tensors) in run() 55 StatusCode IOperator::run(IQueue &queue, ITensorPack &tensors) in run() 62 StatusCode IOperator::prepare(ITensorPack &tensors) in prepare()
|
/external/pytorch/test/cpp_extensions/ |
D | cpp_c10d_extension.cpp | 27 std::vector<at::Tensor>& tensors, in broadcast() 33 std::vector<at::Tensor>& tensors, in allreduce() 39 std::vector<at::Tensor>& tensors, in allreduce_coalesced() 45 std::vector<at::Tensor>& tensors, in reduce() 91 std::vector<at::Tensor>& tensors, in send() 98 std::vector<at::Tensor>& tensors, in recv()
|
/external/pytorch/torch/csrc/utils/ |
D | tensor_flatten.h | 20 inline at::Tensor flatten_dense_tensors(at::TensorList tensors) { in flatten_dense_tensors() 26 at::TensorList tensors) { in unflatten_dense_tensors() 31 std::vector<at::Tensor> tensors; member
|
/external/pytorch/torch/_lazy/ |
D | __init__.py | 33 def sync_multi(tensors, devices): argument 46 def to_cpu(tensors, devices=None): argument 54 def save(tensors, *args, **kwargs): argument
|
D | debug.py | 5 def render_ir_graph(tensors): argument 11 def dump_ir(tensors, ir_format): argument
|
/external/tensorflow/tensorflow/lite/toco/tflite/ |
D | import_test.cc | 108 Offset<Vector<Offset<::tflite::Tensor>>> tensors, in BuildSubGraphs() 129 auto tensors = BuildTensors(); in BuildTestModel() local 152 details::TensorsTable tensors; in TEST_F() local 191 auto tensors = BuildTensors(); in TEST_F() local 205 auto tensors = BuildTensors(); in TEST_F() local 219 auto tensors = BuildTensors(); in TEST_F() local 233 auto tensors = BuildTensors(); in TEST_F() local 248 auto tensors = BuildTensors(); in TEST_F() local
|
/external/pytorch/torch/csrc/distributed/rpc/ |
D | message.cpp | 10 std::vector<torch::Tensor>&& tensors, in Message() 16 std::vector<torch::Tensor>&& tensors, in Message() 40 std::vector<torch::Tensor>& Message::tensors() { in tensors() function in torch::distributed::rpc::Message 44 const std::vector<torch::Tensor>& Message::tensors() const { in tensors() function in torch::distributed::rpc::Message
|
/external/pytorch/aten/src/ATen/native/ |
D | TensorShape.h | 32 inline void check_cat_no_zero_dim(const MaterializedITensorListRef& tensors) { in check_cat_no_zero_dim() 58 inline bool have_same_ndims(TensorList tensors) { in have_same_ndims() 68 inline void leading_dimension_matches(TensorList tensors, int64_t dim) { in leading_dimension_matches() 82 inline int64_t preprocess_chunk_cat_inputs(TensorList tensors, int64_t dim, int64_t num_chunks) { in preprocess_chunk_cat_inputs()
|