/aosp_15_r20/external/pytorch/torch/csrc/jit/tensorexpr/ |
H A 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 …]
|
H A D | external_functions.cpp | 102 std::vector<at::Tensor> tensors; in constructTensors() local 207 std::vector<at::Tensor> tensors; in constructTensors2() local 366 auto tensors = constructTensors( in nnc_aten_conv2d() local 420 auto tensors = constructTensors( in nnc_aten_quantized_conv1d() local 452 auto tensors = constructTensors2( in nnc_aten_quantized_conv1d_out() local 486 auto tensors = constructTensors( in nnc_aten_quantized_conv2d() local 516 auto tensors = constructTensors2( in nnc_aten_quantized_conv2d_out() local 548 auto tensors = constructTensors( in nnc_aten_quantized_conv2d_relu() local 578 auto tensors = constructTensors2( in nnc_aten_quantized_conv2d_relu_out() local 610 auto tensors = constructTensors( in nnc_aten_quantized_linear() local [all …]
|
/aosp_15_r20/external/pytorch/aten/src/ATen/native/cuda/ |
H A 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 …]
|
H A 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 …]
|
H A 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()
|
/aosp_15_r20/external/pytorch/torch/csrc/distributed/c10d/ |
H A 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 …]
|
/aosp_15_r20/external/tensorflow/tensorflow/core/grappler/optimizers/ |
H A D | function_optimizer_test.cc | 80 auto tensors = EvaluateFetchNodes(optimized); in TEST_F() local 139 auto tensors = EvaluateFetchNodes(optimized); in TEST_F() local 188 auto tensors = EvaluateFetchNodes(optimized); in TEST_F() local 245 auto tensors = EvaluateFetchNodes(optimized); in TEST_F() local 292 auto tensors = EvaluateFetchNodes(optimized); in TEST_F() local 340 auto tensors = EvaluateFetchNodes(optimized); in TEST_F() local 542 auto tensors = EvaluateFetchNodes(optimized); in TEST_F() local 571 auto tensors = EvaluateFetchNodes(optimized); in TEST_F() local 729 auto tensors = EvaluateFetchNodes(optimized); in TEST_F() local 988 auto tensors = EvaluateFetchNodes(optimized); in TEST_F() local [all …]
|
H A D | arithmetic_optimizer_test.cc | 387 auto tensors = EvaluateNodes(output, item.fetch); in TEST_F() local 608 auto tensors = EvaluateNodes(output, item.fetch); in TEST_F() local 654 auto tensors = EvaluateNodes(output, fetch); in TEST_F() local 687 auto tensors = EvaluateNodes(output, fetch); in TEST_F() local 733 auto tensors = EvaluateNodes(output, item.fetch); in TEST_F() local 781 auto tensors = EvaluateNodes(output, fetch); in TEST_F() local 932 auto tensors = EvaluateNodes(output, item.fetch); in TEST_F() local 1015 auto tensors = EvaluateNodes(output, item.fetch); in TEST_F() local 1060 auto tensors = EvaluateNodes(output, item.fetch); in TEST_F() local 1100 auto tensors = EvaluateNodes(output, item.fetch); in TEST_F() local [all …]
|
H A D | constant_folding_test.cc | 121 auto tensors = EvaluateNodes(output, item.fetch, {{"x", x_t}}); in SimpleNeutralElementTest() local 272 auto tensors = in PaddingWithZeroSize() local 305 auto tensors = EvaluateNodes(output, fetch); in TEST_F() local 396 auto tensors = EvaluateNodes(output, fetch, {{"x", x_t}, {"y", y_t}}); in TEST_F() local 451 auto tensors = EvaluateNodes(output, fetch, {{"x", x_t}}); in TEST_F() local 522 auto tensors = EvaluateNodes(output, fetch, {{"x", x_t}}); in TEST_F() local 598 auto tensors = in TEST_F() local 980 auto tensors = EvaluateNodes( in TEST_F() local 1056 auto tensors = EvaluateNodes(output, fetch); in TEST_F() local 1131 auto tensors = EvaluateNodes(output, fetch, in TEST_F() local [all …]
|
H A D | auto_mixed_precision_test.cc | 202 auto tensors = EvaluateNodes(output, item.fetch, feed); in TestSimpleUnaryInferOp() local 243 auto tensors = EvaluateNodes(output, item.fetch); in TEST_F() local 281 auto tensors = EvaluateNodes(output, item.fetch); in TEST_F() local 330 auto tensors = EvaluateNodes(output, item.fetch); in TEST_F() local 381 auto tensors = EvaluateNodes(output, item.fetch); in TEST_F() local 421 auto tensors = EvaluateNodes(output, item.fetch); in TEST_F() local 466 auto tensors = EvaluateNodes(output, item.fetch); in TEST_F() local 507 auto tensors = EvaluateNodes(output, item.fetch); in TEST_F() local 551 auto tensors = EvaluateNodes(output, item.fetch, feed); in TEST_F() local 610 auto tensors = EvaluateNodes(output, item.fetch); in TEST_F() local [all …]
|
H A D | remapper_test.cc | 71 auto tensors = EvaluateNodes(output, item.fetch); in TEST_F() local 110 auto tensors = EvaluateNodes(output, item.fetch); in TEST_F() local 215 auto tensors = EvaluateNodes(output, item.fetch, item.feed); in TEST_F() local 338 auto tensors = EvaluateNodes(output, item.fetch, item.feed); in TEST_F() local 452 auto tensors = EvaluateNodes(output, item.fetch, item.feed); in TEST_F() local 617 auto tensors = EvaluateNodes(output, item.fetch, item.feed); in TEST_F() local 712 auto tensors = EvaluateNodes(output, item.fetch, item.feed); in RunTest() local 862 auto tensors = EvaluateNodes(output, item.fetch, item.feed); in RunTest() local 987 auto tensors = EvaluateNodes(output, item.fetch, item.feed); in RunTest() local 1075 auto tensors = EvaluateNodes(output, item.fetch, item.feed); in TEST_F() local [all …]
|
/aosp_15_r20/external/pytorch/torch/csrc/lazy/python/ |
H A 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()
|
/aosp_15_r20/external/pytorch/torch/csrc/lazy/core/ |
H A D | lazy_graph_executor.cpp | 53 bool TensorsHaveIR(const std::vector<LazyTensorPtr>& tensors) { in TensorsHaveIR() 87 std::vector<LazyTensorPtr> tensors; in GetLiveTensors() local 406 auto tensors = GetLiveTensors(device); in SyncLiveTensorsGraph() local 413 std::vector<LazyTensorPtr>* tensors, in SyncTensorsGraph() 456 std::vector<LazyTensorPtr>* tensors) { in GetTensors() 470 const std::vector<LazyTensorPtr>& tensors) { in DumpBackendComputation() 575 const std::vector<LazyTensorPtr>& tensors, in CollectSyncTensors() 640 const std::vector<LazyTensorPtr>& tensors, in CollectRoots() 651 std::vector<LazyTensorPtr>* tensors, in ExtractIRAndPrepareTensorData() 673 std::vector<LazyTensorPtr>* tensors, in SetTensorData() [all …]
|
/aosp_15_r20/external/tensorflow/tensorflow/python/ops/ |
H A 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
|
H A 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
|
/aosp_15_r20/external/tensorflow/tensorflow/lite/delegates/xnnpack/ |
H A D | xnnpack_delegate.cc | 294 std::vector<int> tensors(context->tensors_size, -1); in Create() local 2148 const TfLiteTensor* tensors, in VisitAbsNode() 2182 const TfLiteTensor* tensors, const TfLiteAddParams* add_params, in VisitAddNode() 2244 const TfLiteTensor* tensors, const TfLitePoolParams* pool_params, in VisitAveragePool2DNode() 2310 const TfLiteTensor* tensors, in VisitCeilNode() 2344 const TfLiteTensor* tensors, const TfLiteSplitParams* split_params, in VisitSplitNode() 2457 const TfLiteTensor* tensors, in VisitConcatenationNode() 2549 const TfLiteTensor* tensors, const TfLiteConvParams* conv_params, in VisitConv2DNode() 2660 const TfLiteTensor* tensors, in VisitDepthwiseConv2DNode() 2775 const TfLiteTensor* tensors, in VisitDepthToSpaceNode() [all …]
|
/aosp_15_r20/external/armnn/src/armnnTfLiteParser/test/ |
H A 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
|
/aosp_15_r20/external/tensorflow/tensorflow/lite/toco/tflite/ |
H A 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
|
/aosp_15_r20/external/tensorflow/tensorflow/security/advisory/ |
H A D | tfsa-2021-113.md | 3 ### CVE Number 6 ### Impact 59 ### Patches 67 ### For more information 73 ### Attribution
|
/aosp_15_r20/external/executorch/extension/pytree/aten_util/test/ |
H A 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
|
/aosp_15_r20/external/pytorch/aten/src/ATen/native/ |
H A D | TensorShape.cpp | 219 inline void cat_check_no_zero_dim(const MaterializedITensorListRef& tensors) { in cat_check_no_zero_dim() 558 std::vector<Tensor> broadcast_tensors(TensorList tensors) { in broadcast_tensors() 662 Tensor& cat_out(TensorList tensors, Dimname dim, Tensor& result) { in cat_out() 667 Tensor cat(TensorList tensors, Dimname dim) { in cat() 673 Tensor& concat_out(TensorList tensors, Dimname dim, Tensor& result) { in concat_out() 677 Tensor concat(TensorList tensors, Dimname dim) { in concat() 681 Tensor & concat_out(TensorList tensors, int64_t dim, Tensor & result) { in concat_out() 685 Tensor concat(TensorList tensors, int64_t dim) { in concat() 690 Tensor& concatenate_out(TensorList tensors, Dimname dim, Tensor& result) { in concatenate_out() 694 Tensor concatenate(TensorList tensors, Dimname dim) { in concatenate() [all …]
|
/aosp_15_r20/external/pytorch/docs/source/ |
H A 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:
|
/aosp_15_r20/external/pytorch/test/cpp_extensions/ |
H A 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()
|
/aosp_15_r20/external/tensorflow/tensorflow/python/distribute/v1/ |
H A D | all_reduce.py | 27 def _flatten_tensors(tensors): argument 56 def _reshape_tensors(tensors, shape): argument 127 def _strip_padding(tensors, pad_len): argument 844 def upper_builder(tensors): argument 847 def upper_level_f(tensors): argument 856 def upper_builder(tensors): argument 859 def upper_level_f(tensors): argument
|
/aosp_15_r20/external/pytorch/aten/src/ATen/ |
H A D | TensorUtils.cpp | 102 static void checkAllSame(CheckedFrom c, ArrayRef<TensorArg> tensors, void(*fn)(CheckedFrom, const T… in checkAllSame() 122 void checkAllSameSize(CheckedFrom c, ArrayRef<TensorArg> tensors) { in checkAllSameSize() 143 void checkAllSameNumel(CheckedFrom c, ArrayRef<TensorArg> tensors) { in checkAllSameNumel() 167 void checkAllSameGPU(CheckedFrom c, ArrayRef<TensorArg> tensors) { in checkAllSameGPU() 207 void checkAllSameType(CheckedFrom c, ArrayRef<TensorArg> tensors) { in checkAllSameType() 241 void checkBackend(CheckedFrom c, at::ArrayRef<Tensor> tensors, at::Backend backend) { in checkBackend() 255 void checkDeviceType(CheckedFrom c, at::ArrayRef<Tensor> tensors, at::DeviceType device_type) { in checkDeviceType() 269 void checkLayout(CheckedFrom c, at::ArrayRef<Tensor> tensors, at::Layout layout) { in checkLayout()
|