Home
last modified time | relevance | path

Searched refs:tensor_map (Results 1 – 23 of 23) sorted by relevance

/external/ComputeLibrary/src/dynamic_fusion/runtime/gpu/cl/
DClWorkloadRuntime.cpp203 std::map<ITensorInfo::Id, CLTensor *> tensor_map; in create_tensor_lut() local
208 if(tensor_map.find(t_id) != tensor_map.end()) in create_tensor_lut()
212 for(auto &t : tensor_map) in create_tensor_lut()
217 tensor_map[new_id] = tensor; in create_tensor_lut()
221 tensor_map[t_id] = tensor; in create_tensor_lut()
228 if(tensor_map.find(t_id) != tensor_map.end()) in create_tensor_lut()
232 tensor_map[t_id] = tensor; in create_tensor_lut()
236 for(auto id_tensor : tensor_map) in create_tensor_lut()
/external/tensorflow/tensorflow/python/eager/
Dfunction_saved_model_utils.py49 def _export_to_saved_model_graph(self, tensor_map, **unused_kwargs): argument
71 tensor_map[self.capture] = copied_tensor
99 def __init__(self, function, tensor_map): argument
101 self.tensor_map = tensor_map
107 self.function.graph.captures, self.tensor_map, self.function)
111 def _map_captures_to_created_tensors(original_captures, tensor_map, function): argument
133 mapped_resource = tensor_map.get(exterior, None)
Dfunction.py2362 def _export_to_saved_model_graph(self, object_map, tensor_map, argument
2370 self, tensor_map)
/external/eigen/unsupported/test/
Dcxx11_tensor_scan.cpp89 TensorMap<Tensor<int, 1, DataLayout> > tensor_map(inputs, 20); in test_tensor_maps() local
90 tensor_map.setRandom(); in test_tensor_maps()
92 Tensor<int, 1, DataLayout> result = tensor_map.cumsum(0); in test_tensor_maps()
96 accum += tensor_map(i); in test_tensor_maps()
Dcxx11_tensor_io.cpp112 TensorMap<Tensor<const int, 1, DataLayout> > tensor_map(tensor.data(), 5); in test_output_const() local
115 os << tensor_map; in test_output_const()
Dcxx11_tensor_reduction.cpp336 TensorMap<Tensor<int, 4, DataLayout> > tensor_map(inputs, 2, 3, 5, 7); in test_tensor_maps() local
342 tensor_map.setRandom(); in test_tensor_maps()
347 Tensor<int, 2, DataLayout> result = tensor_map.sum(reduction_axis); in test_tensor_maps()
357 sum += tensor_map(i, k, j, l); in test_tensor_maps()
/external/tensorflow/tensorflow/lite/tools/optimize/
Dquantize_weights_portable.cc199 absl::flat_hash_map<int32_t, TensorPerChannel>* tensor_map, in InsertQuantizableInputTensorsFromOperator() argument
240 tensor_map->insert({tensor_idx, in InsertQuantizableInputTensorsFromOperator()
244 tensor_map->insert({tensor_idx, in InsertQuantizableInputTensorsFromOperator()
288 tensor_map->insert({tensor_idx, {tensor, /*is_per_channel=*/false}}); in InsertQuantizableInputTensorsFromOperator()
393 absl::flat_hash_map<int32_t, TensorPerChannel> tensor_map; local
397 model.get(), op, weights_min_num_elements, custom_op_map, &tensor_map,
401 for (std::pair<int32_t, TensorPerChannel> tensor_pair : tensor_map) {
414 for (const auto& tensor_pair : tensor_map) {
518 absl::flat_hash_map<int32_t, TensorT*> tensor_map; in QuantizeWeightsFloat16() local
534 tensor_map.insert({tensor_idx, tensor}); in QuantizeWeightsFloat16()
[all …]
Dquantize_weights.cc213 absl::flat_hash_map<int32_t, TensorPerChannel>* tensor_map, in InsertQuantizableInputTensorsFromOperator() argument
254 tensor_map->insert({tensor_idx, in InsertQuantizableInputTensorsFromOperator()
258 tensor_map->insert({tensor_idx, in InsertQuantizableInputTensorsFromOperator()
302 tensor_map->insert({tensor_idx, {tensor, /*is_per_channel=*/false}}); in InsertQuantizableInputTensorsFromOperator()
407 absl::flat_hash_map<int32_t, TensorPerChannel> tensor_map; local
411 model.get(), op, weights_min_num_elements, custom_op_map, &tensor_map,
415 for (std::pair<int32_t, TensorPerChannel> tensor_pair : tensor_map) {
428 for (const auto& tensor_pair : tensor_map) {
532 absl::flat_hash_map<int32_t, TensorT*> tensor_map; in QuantizeWeightsFloat16() local
548 tensor_map.insert({tensor_idx, tensor}); in QuantizeWeightsFloat16()
[all …]
/external/tensorflow/tensorflow/python/keras/
Dmodels.py73 def _make_new_nodes(nodes_by_depth, layer_fn, layer_map, tensor_map): argument
110 tensor in tensor_map for tensor in nest.flatten(node.input_tensors)):
112 args = nest.map_structure(lambda t: tensor_map.get(t, t),
114 kwargs = nest.map_structure(lambda t: tensor_map.get(t, t),
125 tensor_map[x] = y
361 tensor_map = {} # Maps tensors from `model` to those in `cloned_model`.
369 tensor_map[node.output_tensors[j]] = output_tensor
371 tensor_map[node.output_tensors] = cloned_node.output_tensors
378 }, layer_fn, layer_map, tensor_map)
/external/federated-compute/fcp/aggregation/protocol/simple_aggregation/
Dsimple_aggregation_protocol.cc264 TensorMap tensor_map; in ParseCheckpoint() local
275 tensor_map.emplace(intrinsic.input.name(), std::move(tensor)); in ParseCheckpoint()
278 return tensor_map; in ParseCheckpoint()
282 SimpleAggregationProtocol::TensorMap tensor_map) { in AggregateClientInput() argument
287 const auto& it = tensor_map.find(intrinsic.input.name()); in AggregateClientInput()
288 FCP_CHECK(it != tensor_map.end()); in AggregateClientInput()
Dsimple_aggregation_protocol.h171 absl::Status AggregateClientInput(TensorMap tensor_map)
/external/tensorflow/tensorflow/python/trackable/
Dasset.py106 def _export_to_saved_model_graph(self, tensor_map, **unused_kwargs): argument
117 tensor_map[self.asset_path] = asset_variable
Dbase.py1047 tensor_map=None, argument
1077 tensor_map.update(self_tensor_map)
/external/executorch/backends/qualcomm/aot/python/
DPyQnnManagerAdaptor.h161 std::unordered_map<void*, int> tensor_map; in Compile() local
165 auto it = tensor_map.find(wrapper.get()); in Compile()
166 if (it != tensor_map.end()) { in Compile()
170 tensor_map[wrapper.get()] = i; in Compile()
/external/tensorflow/tensorflow/python/saved_model/
Dsave.py391 tensor_map = {}
402 tensor_map=tensor_map,
405 _add_asset_info(obj, asset_info, tensor_map[obj.asset_path])
410 return object_map, tensor_map, asset_info
793 object_map, tensor_map, asset_info = saveable_view.map_resources()
832 function, tensor_map)(*args)
/external/tensorflow/tensorflow/lite/
Dinterpreter_builder.cc135 tensor_map) { in GetMapFromTensorMap()
136 if (!tensor_map) return {}; in GetMapFromTensorMap()
138 for (const auto tensor : *tensor_map) { in GetMapFromTensorMap()
/external/tensorflow/tensorflow/python/saved_model/registration/
Dregistration_saving_test.py54 def _export_to_saved_model_graph(self, object_map, tensor_map, **kwargs): argument
57 tensor_map[self.handle] = p.handle
/external/pytorch/torch/csrc/autograd/
Dprofiler_python.cpp297 const py::dict& tensor_map);
350 const py::dict& tensor_map) { in unpackTensorMap() argument
352 for (auto& it : tensor_map) { in unpackTensorMap()
/external/tensorflow/tensorflow/core/kernels/
Deigen_spatial_convolutions_test.cc1481 ArgType tensor_map(inputs[i].data(), input_dims); in PackRhsHelper() local
1485 tensor_map, // in PackRhsHelper()
1686 ArgType tensor_map(filters[i].data(), filter_dims); in PackLhsHelper() local
1689 TensorReshapingOp<NewDimension, ArgType>(tensor_map, reshape_dims); in PackLhsHelper()
DBUILD3022 name = "tensor_map",
3023 srcs = ["tensor_map.cc"],
3024 hdrs = ["tensor_map.h"],
3042 ":tensor_map",
3058 ":tensor_map",
6514 "tensor_map.h",
6833 "tensor_map.cc",
/external/pytorch/aten/src/ATen/core/op_registration/
Dop_registration_test.cpp1218 std::unordered_map<int64_t, Tensor> tensor_map; in TEST() local
1219 tensor_map.emplace(1, dummyTensor(c10::DispatchKey::CPU)); in TEST()
1220 tensor_map.emplace(2, dummyTensor(c10::DispatchKey::CUDA)); in TEST()
1222 tensor_map, [] (std::unordered_map<int64_t, Tensor> v) { in TEST()
1227 tensor_map, [] (const IValue& v) { in TEST()
/external/tensorflow/tensorflow/compiler/tf2tensorrt/convert/
Dconvert_nodes_test.cc1098 const auto& tensor_map = data.tensor.flat<T>(); in GetSpanForData() local
1099 return absl::Span<const T>(tensor_map.data(), tensor_map.size()); in GetSpanForData()
/external/tensorflow/tensorflow/core/
DBUILD764 "//tensorflow/core/kernels:tensor_map",