Home
last modified time | relevance | path

Searched refs:values_tensor (Results 1 – 14 of 14) sorted by relevance

/aosp_15_r20/external/tensorflow/tensorflow/examples/custom_ops_doc/multiplex_3/
H A Dmultiplex_3_kernel.cc180 const ::tensorflow::Tensor& values_tensor, in ValidateSparseTensor()
188 if (!TensorShapeUtils::IsVector(values_tensor.shape())) { in ValidateSparseTensor()
191 values_tensor.shape().DebugString()); in ValidateSparseTensor()
198 if (indices_tensor.dim_size(0) != values_tensor.dim_size(0)) { in ValidateSparseTensor()
203 " values: ", values_tensor.shape().DebugString()); in ValidateSparseTensor()
/aosp_15_r20/external/tflite-support/tensorflow_lite_support/custom_ops/kernel/ragged/
H A Dragged_tensor_to_tensor_tflite.cc452 const TfLiteTensor& values_tensor, in SetOutputT() argument
455 const VALUE_TYPE* values_base = GetTensorData<VALUE_TYPE>(&values_tensor); in SetOutputT()
527 const TfLiteTensor& values_tensor, in SetOutput() argument
532 SetOutputT<int32_t>(context, ragged_rank, output_index, values_tensor, in SetOutput()
536 SetOutputT<int64_t>(context, ragged_rank, output_index, values_tensor, in SetOutput()
540 SetOutputT<float>(context, ragged_rank, output_index, values_tensor, in SetOutput()
/aosp_15_r20/external/tensorflow/tensorflow/tools/graph_transforms/
H A Dsparsify_gather.cc41 Tensor* values_tensor) { in SparsifyWeights() argument
73 *values_tensor = Tensor(DataTypeToEnum<float>::value, in SparsifyWeights()
76 values_tensor->flat<float>().data()); in SparsifyWeights()
351 Tensor values_tensor; in SparsifyGatherInternal() local
353 SparsifyWeights(weight, &indices_tensor, &values_tensor)); in SparsifyGatherInternal()
364 CreateConstNode(values_tensor, StrCat(weights_node.name(), "/values"), in SparsifyGatherInternal()
/aosp_15_r20/external/tensorflow/tensorflow/python/kernel_tests/sparse_ops/
H A Dsparsemask_op_test.py37 values_tensor = ops.convert_to_tensor(values)
41 t = indexed_slices.IndexedSlices(values_tensor, indices_tensor)
/aosp_15_r20/external/tensorflow/tensorflow/core/kernels/
H A Dhistogram_op.cc93 const Tensor& values_tensor = ctx->input(0); in Compute() local
105 const auto values = values_tensor.flat<T>(); in Compute()
H A Dmap_stage_op.cc531 OpInputList values_tensor; in Compute() local
535 OP_REQUIRES_OK(ctx, ctx->input_list("values", &values_tensor)); in Compute()
548 for (std::size_t i = 0; i < values_tensor.size(); ++i) { in Compute()
549 tuple.push_back(values_tensor[i]); in Compute()
H A Dragged_tensor_to_tensor_op.cc481 const auto& values_tensor = context->input(kValueInputIndex); in SetOutput() local
482 const VALUE_TYPE* values_base = values_tensor.flat<VALUE_TYPE>().data(); in SetOutput()
/aosp_15_r20/external/pytorch/torch/csrc/jit/serialization/
H A Dunpickler.cpp903 auto& values_tensor = elements.at(idx++).toTensor(); in rebuildSparseTensor() local
904 auto options = values_tensor.options() in rebuildSparseTensor()
908 indices_tensor, values_tensor, size, options); in rebuildSparseTensor()
917 auto& values_tensor = elements.at(idx++).toTensor(); in rebuildSparseTensor() local
918 auto options = values_tensor.options() in rebuildSparseTensor()
922 crow_indices, col_indices, values_tensor, size, options); in rebuildSparseTensor()
/aosp_15_r20/external/tensorflow/tensorflow/security/advisory/
H A Dtfsa-2021-033.md21 values_tensor = sparse_csr_matrix_ops.sparse_tensor_to_csr_sparse_matrix(
/aosp_15_r20/external/pytorch/torch/csrc/inductor/aoti_torch/
H A Dshim_common.cpp1015 at::Tensor* values_tensor = tensor_handle_to_tensor_pointer(values); in aoti_torch_index_put_out()
1017 *out_tensor, *self_tensor, indices_, *values_tensor, accumulate); in aoti_torch_index_put_out()
/aosp_15_r20/external/tensorflow/tensorflow/dtensor/cc/
H A Ddtensor_device_util.cc435 std::unique_ptr<parallel_device::ParallelTensor> values_tensor, in Wrap() argument
440 std::move(indices_tensor), std::move(values_tensor), in Wrap()
H A Ddtensor_device_util.h453 std::unique_ptr<parallel_device::ParallelTensor> values_tensor,
/aosp_15_r20/external/pytorch/test/
H A Dtest_unary_ufuncs.py931 values_tensor = torch.tensor(
938 expected_tensor == values_tensor.hardshrink(l),
939 torch.ones_like(values_tensor, dtype=torch.bool),
/aosp_15_r20/external/pytorch/test/dynamo/
H A Dtest_subclasses.py1814 values_tensor = torch.randn(
1821 return jagged_from_tensor_and_lengths(values_tensor, starts, lengths)