Home
last modified time | relevance | path

Searched defs:shape (Results 1 – 25 of 1314) sorted by relevance

12345678910>>...53

/external/tensorflow/tensorflow/compiler/xla/
Dshape_util.cc195 /* static */ int64 ShapeUtil::TrueRank(const Shape& shape) { in TrueRank()
208 Shape* shape) { in FillNewShape()
245 for (const Shape& shape : parameters) { in MakeProgramShape() local
254 Shape shape; in MakeShape() local
271 const Shape& shape) { in MakeShapeWithStaticDimensions()
279 Shape shape; in MakeValidatedShape() local
297 Shape shape; in MakeValidatedShape() local
329 const Shape& shape) { in MakeShapeWithDescendingLayoutAndSamePhysicalLayout()
349 Shape* shape) { in PopulateShape()
369 for (const auto& shape : shapes) { in MakeTupleShape() local
[all …]
Dindex_util.cc29 const Shape& shape, absl::Span<const int64> multi_index) { in MultidimensionalIndexToLinearIndex()
93 const Shape& shape, int64 linear_index) { in LinearIndexToMultidimensionalIndex()
116 /* static */ bool IndexUtil::BumpIndices(const Shape& shape, in BumpIndices()
131 /* static */ int64 IndexUtil::GetDimensionStride(const Shape& shape, in GetDimensionStride()
143 /* static */ bool IndexUtil::IndexInBounds(const Shape& shape, in IndexInBounds()
Dshape_util.h192 Shape shape; member
356 static bool IsScalar(const Shape& shape) { in IsScalar()
359 static bool IsEffectiveScalar(const Shape& shape) { in IsEffectiveScalar()
420 static bool IsInitialized(const Shape& shape) { in IsInitialized()
713 static Status ForEachIndexWithStatus(const Shape& shape, in ForEachIndexWithStatus()
730 const Shape& shape, const IndexIterationSpace& iteration_space, in ForEachIndexWithStatus()
738 static void ForEachIndex(const Shape& shape, absl::Span<const int64> base, in ForEachIndex()
753 static Status ForEachIndexWithStatus(const Shape& shape, in ForEachIndexWithStatus()
763 static void ForEachIndex(const Shape& shape, const FnType& visitor_function) { in ForEachIndex()
776 static void ForEachIndexParallel(const Shape& shape, in ForEachIndexParallel()
/external/tensorflow/tensorflow/compiler/mlir/xla/ir/
Dmlir_hlo_builder.cc74 auto shape = std::make_unique<Shape>(TypeToShape(ty)); in MakeXlaOp() local
94 const Shape& shape, XlaOp lhs, XlaOp rhs, const Window& window, in ConvGeneralDilatedInternal()
120 const Shape& shape, XlaOp operand, FftType fft_type, in FftInternal()
133 const Shape& shape, const string& opaque, in CustomCallInternal()
156 const Shape& shape, absl::Span<const XlaOp> all_operands, in ReduceInternal()
173 const Shape& shape, XlaOp operand, XlaOp init_value, in ReduceWindowInternal()
201 XlaOp MlirHloBuilder::Iota(const Shape& shape, int64 iota_dimension) { in Iota()
213 StatusOr<XlaOp> MlirHloBuilder::BitcastConvertTypeInternal(const Shape& shape, in BitcastConvertTypeInternal()
223 const Shape& shape, XlaOp operand, absl::Span<const int64> permutation) { in TransposeInternal()
232 const Shape& shape, XlaOp operand, absl::Span<const int64> dimensions) { in RevInternal()
[all …]
/external/tflite-support/tensorflow_lite_support/java/src/java/org/tensorflow/lite/support/tensorbuffer/
DTensorBuffer.java34 protected int[] shape; field in TensorBuffer
75 public static TensorBuffer createFixedSize(@NonNull int[] shape, DataType dataType) { in createFixedSize()
245 public abstract void loadArray(@NonNull int[] src, @NonNull int[] shape); in loadArray()
277 public abstract void loadArray(@NonNull float[] src, @NonNull int[] shape); in loadArray()
306 public void loadBuffer(@NonNull ByteBuffer buffer, @NonNull int[] shape) { in loadBuffer()
337 protected TensorBuffer(@NonNull int[] shape) { in TensorBuffer()
350 protected static int computeFlatSize(@NonNull int[] shape) { in computeFlatSize()
363 protected void resize(@NonNull int[] shape) { in resize()
380 private void allocateMemory(@NonNull int[] shape) { in allocateMemory()
415 private static boolean isShapeValid(@NonNull int[] shape) { in isShapeValid()
/external/tensorflow/tensorflow/core/kernels/
Dsave_v2_op_test.cc133 TensorShape shape; in TEST_F() local
149 TensorShape shape; in TEST_F() local
165 TensorShape shape; in TEST_F() local
181 TensorShape shape; in TEST_F() local
197 TensorShape shape; in TEST_F() local
213 TensorShape shape; in TEST_F() local
230 TensorShape shape; in TEST_F() local
246 TensorShape shape; in TEST_F() local
262 TensorShape shape; in TEST_F() local
278 TensorShape shape; in TEST_F() local
[all …]
Dsave_op_test.cc141 TensorShape shape; in TEST_F() local
160 TensorShape shape; in TEST_F() local
179 TensorShape shape; in TEST_F() local
198 TensorShape shape; in TEST_F() local
217 TensorShape shape; in TEST_F() local
235 TensorShape shape; in TEST_F() local
253 TensorShape shape; in TEST_F() local
271 TensorShape shape; in TEST_F() local
289 TensorShape shape; in TEST_F() local
307 TensorShape shape; in TEST_F() local
[all …]
/external/tflite-support/tensorflow_lite_support/java/src/java/org/tensorflow/lite/support/image/
DColorSpaceType.java44 int[] getNormalizedShape(int[] shape) { in getNormalizedShape()
86 int[] getNormalizedShape(int[] shape) { in getNormalizedShape()
143 void assertShape(int[] shape) { in assertShape()
162 int getWidth(int[] shape) { in getWidth()
172 int getHeight(int[] shape) { in getHeight()
183 abstract int[] getNormalizedShape(int[] shape); in getNormalizedShape()
203 protected boolean isValidNormalizedShape(int[] shape) { in isValidNormalizedShape()
/external/tensorflow/tensorflow/compiler/xla/service/
Dhlo_instructions.cc77 HloOpcode opcode, const Shape& shape, HloInstruction* operand, in HloBatchNormInstruction()
109 const Shape& shape, HloInstruction* operand, HloInstruction* scale, in HloBatchNormTrainingInstruction()
118 const Shape& shape, absl::Span<HloInstruction* const> new_operands, in CloneWithNewOperandsImpl()
127 const Shape& shape, HloInstruction* operand, HloInstruction* scale, in HloBatchNormInferenceInstruction()
139 const Shape& shape, absl::Span<HloInstruction* const> new_operands, in CloneWithNewOperandsImpl()
148 const Shape& shape, HloInstruction* operand, HloInstruction* scale, in HloBatchNormGradInstruction()
160 const Shape& shape, absl::Span<HloInstruction* const> new_operands, in CloneWithNewOperandsImpl()
168 HloFftInstruction::HloFftInstruction(const Shape& shape, in HloFftInstruction()
201 const Shape& shape, absl::Span<HloInstruction* const> new_operands, in CloneWithNewOperandsImpl()
208 HloCopyStartInstruction::HloCopyStartInstruction(const Shape& shape, in HloCopyStartInstruction()
[all …]
Dindexed_array_analysis.h78 const Shape& shape() const override { return instruction().shape(); } in shape() function
95 const Shape& shape() const override { return literal()->shape(); } in shape() function
114 const Shape& shape() const override { return shape_; } in shape() function
117 explicit ReshapedArray(Array* operand, Shape shape) in ReshapedArray()
178 const Shape& shape() const override { return shape_; } in shape() function
195 std::vector<int64> output_dims, Shape shape) in ScalarIndexedArray()
227 Shape shape) in ScalarIndexedConstantArray()
338 std::vector<int64> output_dims, Shape shape) { in ConstructScalarIndexedArray()
Dhlo_instruction.cc139 Shape shape(proto.shape()); in CreateFromProto() local
824 int64 parameter_number, const Shape& shape, const string& name) { in CreateParameter()
840 const Shape& shape, int64 iota_dimension) { in CreateIota()
845 HloInstruction::CreateGetTupleElement(const Shape& shape, in CreateGetTupleElement()
852 const Shape& shape, RandomDistribution distribution, in CreateRng()
858 HloInstruction::CreateRngGetAndUpdateState(const Shape& shape, int64 delta) { in CreateRngGetAndUpdateState()
863 HloInstruction::CreateRngBitGenerator(const Shape& shape, HloInstruction* state, in CreateRngBitGenerator()
870 const Shape& shape, HloOpcode opcode, in CreateNary()
884 const Shape& shape, HloOpcode opcode, HloInstruction* operand) { in CreateUnary()
924 const Shape& shape, HloOpcode opcode, HloInstruction* lhs, in CreateBinary()
[all …]
/external/tensorflow/tensorflow/lite/delegates/gpu/gl/kernels/
Delementwise_test.cc32 TensorRef<BHWC> GetTensorRef(int ref, const BHWC& shape) { in GetTensorRef()
42 const BHWC shape(1, 2, 2, 1); in TEST() local
54 const BHWC shape(1, 2, 2, 1); in TEST() local
66 const BHWC shape(1, 2, 2, 1); in TEST() local
77 const BHWC shape(1, 1, 1, 7); in TEST() local
92 const BHWC shape(1, 1, 1, 7); in TEST() local
108 const BHWC shape(1, 1, 1, 7); in TEST() local
122 const BHWC shape(1, 2, 2, 1); in TEST() local
134 const BHWC shape(1, 2, 2, 1); in TEST() local
146 const BHWC shape(1, 2, 2, 1); in TEST() local
[all …]
/external/tensorflow/tensorflow/lite/swift/Tests/
DTensorTests.swift24 let shape = Tensor.Shape(Constant.dimensions) in testInit() variable
44 let shape = Tensor.Shape(Constant.dimensions) in testEquatable() variable
77 let shape = Tensor.Shape(Constant.dimensions) in testInitWithArray() variable
83 let shape = Tensor.Shape(2, 2, 3) in testInitWithElements() variable
89 let shape: Tensor.Shape = [2, 2, 3] in testInitWithArrayLiteral() variable
/external/tensorflow/tensorflow/java/src/test/java/org/tensorflow/op/core/
DZerosTest.java42 long[] shape = {2, 2}; in createIntZeros() local
60 long[] shape = {2, 2}; in createFloatZeros() local
78 long[] shape = {2, 2}; in createDoubleZeros() local
96 long[] shape = {2, 2}; in createLongZeros() local
114 long[] shape = {2, 2}; in createBooleanZeros() local
132 long[] shape = {2, 2}; in createUInt8Zeros() local
151 long[] shape = {2, 2}; in cannotCreateStringZeros() local
162 long[] shape = {2, 2}; in operationsComposingZerosAreCorrectlyNamed() local
/external/tensorflow/tensorflow/compiler/xla/client/lib/
Dtesting.cc36 int64 DataSizeOfShape(const Shape& shape) { in DataSizeOfShape()
49 XlaOp BuildFakeDataOpOnDevice(const Shape& shape, XlaBuilder* builder) { in BuildFakeDataOpOnDevice()
63 const Shape& shape, Client* client, DebugOptions* debug_opts) { in MakeFakeDataViaDeviceOrDie()
80 const Shape& shape, Client* client, DebugOptions* debug_opts /*=nullptr*/) { in MakeFakeDataOrDie()
105 for (const ShapeProto& shape : program_shape.parameters()) { in MakeFakeArgumentsOrDie() local
/external/tensorflow/tensorflow/c/
Dtf_shape.cc29 int TF_ShapeDims(const TF_Shape* shape) { in TF_ShapeDims()
33 int64_t TF_ShapeDimSize(const TF_Shape* shape, int d) { in TF_ShapeDimSize()
37 void TF_DeleteShape(TF_Shape* shape) { delete tensorflow::unwrap(shape); } in TF_DeleteShape()
/external/tensorflow/tensorflow/python/grappler/
Ddatasets_test.py164 def fn(dataset, tensor, shape): argument
172 def fn(dataset, tensor, shape): argument
180 def fn(dataset, tensor, shape): argument
188 def fn(dataset, tensor, shape): argument
196 def fn(dataset, tensor, shape): argument
204 def fn(dataset, tensor, shape): argument
212 def fn(dataset, tensor, shape): argument
220 def fn(dataset, tensor, shape): argument
228 def fn(dataset, tensor, shape): argument
/external/tensorflow/tensorflow/python/training/
Dwarm_starting_util_test.py61 shape=None, argument
542 partitioner = lambda shape, dtype: [1] * len(shape) argument
571 partitioner = lambda shape, dtype: [1] * len(shape) argument
605 partitioner = lambda shape, dtype: [1] * len(shape) argument
641 partitioner = lambda shape, dtype: [1] * len(shape) argument
686 partitioner = lambda shape, dtype: [1] * len(shape) argument
729 partitioner = lambda shape, dtype: [1] * len(shape) argument
800 partitioner = lambda shape, dtype: [1] * len(shape) argument
872 def _partitioner(shape, dtype): # pylint:disable=unused-argument argument
998 def _partitioner(shape, dtype): # pylint:disable=unused-argument argument
[all …]
/external/gemmlowp/test/
Dbenchmark_meta_gemm.cc179 void time_one(Shape* shape, double max_time) { in time_one()
270 for (auto& shape : googlenet_gemms) { in main() local
279 for (auto& shape : small_gemms) { in main() local
288 for (auto& shape : others) { in main() local
299 for (auto& shape : lstm) { in main() local
315 for (auto& shape : googlenet_gemms) { in main() local
319 for (auto& shape : small_gemms) { in main() local
323 for (auto& shape : others) { in main() local
327 for (auto& shape : lstm) { in main() local
/external/tensorflow/tensorflow/compiler/tf2xla/
Dshape_util.cc28 Status PopulateInfeedLayoutVector(const xla::Shape& shape, in PopulateInfeedLayoutVector()
75 xla::Shape* shape) { in AssignLayout()
88 Status XLAShapeToTensorShape(const xla::Shape& shape, in XLAShapeToTensorShape()
105 xla::Shape* shape) { in TensorShapeToXLAShape()
146 xla::Shape* shape) { in TensorShapeToXLAShape()
167 xla::StatusOr<std::vector<int>> GetShapeLayoutVector(const xla::Shape& shape) { in GetShapeLayoutVector()
183 const xla::Shape& shape = in GetShapeWithLayout() local
/external/tensorflow/tensorflow/lite/delegates/gpu/common/
Dconvert.cc43 absl::Status ConvertToPHWO4I4(absl::Span<const float> in, const OHWI& shape, in ConvertToPHWO4I4()
86 uint32_t GetElementsSizeForPHWO4I4(const OHWI& shape) { in GetElementsSizeForPHWO4I4()
91 uint32_t GetElementsSizeForPHWO4I4(const IHWO& shape) { in GetElementsSizeForPHWO4I4()
116 uint3 Get3DSizeForPHWO4I4(const OHWI& shape) { in Get3DSizeForPHWO4I4()
122 absl::Status ConvertToPHWO4I4(absl::Span<const float> in, const IHWO& shape, in ConvertToPHWO4I4()
171 uint32_t GetElementsSizeForPIOHW4(const OHWI& shape) { in GetElementsSizeForPIOHW4()
176 absl::Status ConvertToPIOHW4(absl::Span<const float> in, const OHWI& shape, in ConvertToPIOHW4()
219 const BHWC& shape, absl::Span<T> out) { in ValidateConvertToPHWC4()
234 absl::Status ConvertToPHWC4(absl::Span<const float> in, const BHWC& shape, in ConvertToPHWC4()
287 absl::Status ConvertToPHWC4Half(absl::Span<const float> in, const BHWC& shape, in ConvertToPHWC4Half()
[all …]
/external/tensorflow/tensorflow/python/ops/
Dstateful_random_ops.py77 def non_deterministic_ints(shape, dtype=dtypes.int64): argument
157 def _check_state_shape(shape, alg): argument
219 def _shape_tensor(shape): argument
544 def _standard_normal(self, shape, dtype): argument
633 def _prepare_key_counter(self, shape): argument
645 def normal(self, shape, mean=0.0, stddev=1.0, dtype=dtypes.float32, argument
669 def _truncated_normal(self, shape, dtype): argument
681 def truncated_normal(self, shape, argument
715 def _uniform(self, shape, dtype): argument
727 def _uniform_full_int(self, shape, dtype, name=None): argument
[all …]
Drandom_ops.py47 def random_normal(shape, argument
105 def parameterized_truncated_normal(shape, argument
163 def truncated_normal(shape, argument
218 def random_uniform(shape, argument
539 def _maybe_set_static_shape_helper(tensor, shape, postfix_tensor): argument
552 def random_gamma(shape, argument
646 def random_poisson(lam, shape, dtype=dtypes.float32, seed=None, name=None): argument
686 def random_poisson_v2(shape, lam, dtype=dtypes.float32, seed=None, name=None): argument
Dstateless_random_ops.py139 def stateless_random_uniform(shape, argument
252 def stateless_random_binomial(shape, argument
322 def stateless_random_gamma(shape, argument
422 def stateless_random_poisson(shape, argument
485 def stateless_random_normal(shape, argument
531 def stateless_truncated_normal(shape, argument
674 def stateless_parameterized_truncated_normal(shape, argument
/external/tensorflow/tensorflow/python/keras/initializers/
Dinitializers_v2.py81 def __call__(self, shape, dtype=None, **kwargs): argument
138 def __call__(self, shape, dtype=None, **kwargs): argument
175 def __call__(self, shape, dtype=None, **kwargs): argument
224 def __call__(self, shape, dtype=None, **kwargs): argument
277 def __call__(self, shape, dtype=None, **kwargs): argument
340 def __call__(self, shape, dtype=None, **kwargs): argument
405 def __call__(self, shape, dtype=None, **kwargs): argument
495 def __call__(self, shape, dtype=None, **kwargs): argument
582 def __call__(self, shape, dtype=None, **kwargs): argument
649 def __call__(self, shape, dtype=None, **kwargs): argument
[all …]

12345678910>>...53