Home
last modified time | relevance | path

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

12345678910>>...62

/external/tensorflow/tensorflow/compiler/xla/
Dshape_util.cc197 /* static */ int64 ShapeUtil::TrueRank(const Shape& shape) { in TrueRank()
210 Shape* shape) { in FillNewShape()
247 for (const Shape& shape : parameters) { in MakeProgramShape() local
256 Shape shape; in MakeShape() local
273 const Shape& shape) { in MakeShapeWithStaticDimensions()
281 Shape shape; in MakeValidatedShape() local
299 Shape shape; in MakeValidatedShape() local
322 /* static */ Shape ShapeUtil::MoveDimToMajor(const Shape& shape, int64_t dim) { in MoveDimToMajor()
357 const Shape& shape) { in MakeShapeWithDescendingLayoutAndSamePhysicalLayout()
377 Shape* shape) { in PopulateShape()
[all …]
Dindex_util.cc29 const Shape& shape, absl::Span<const int64> multi_index) { in MultidimensionalIndexToLinearIndex()
93 const Shape& shape, int64_t 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()
/external/ComputeLibrary/tests/validation/fixtures/
DElementWiseUnaryFixture.h118 TensorType compute_target(const TensorShape &shape, DataType data_type, bool in_place) in compute_target()
156 SimpleTensor<T> compute_reference(const TensorShape &shape, DataType data_type) in compute_reference()
177 void setup(const TensorShape &shape, DataType data_type) in setup()
188 void setup(const TensorShape &shape, DataType data_type) in setup()
199 void setup(const TensorShape &shape, DataType data_type) in setup()
210 void setup(const TensorShape &shape, DataType data_type, bool in_place) in setup()
221 void setup(const TensorShape &shape, DataType data_type) in setup()
232 void setup(const TensorShape &shape, DataType data_type) in setup()
243 void setup(const TensorShape &shape, DataType data_type) in setup()
254 void setup(const TensorShape &shape, DataType data_type) in setup()
DConvolutionFixture.h86 …SimpleTensor<T> compute_reference(const TensorShape &shape, DataType output_data_type, const int16… in compute_reference()
112 …void setup(TensorShape shape, DataType output_data_type, BorderMode border_mode, const unsigned in… in setup()
118 …TensorType compute_target(const TensorShape &shape, DataType output_data_type, const int16_t *conv… in compute_target()
154 …void setup(TensorShape shape, DataType output_data_type, BorderMode border_mode, const unsigned in… in setup()
160 …TensorType compute_target(const TensorShape &shape, DataType output_data_type, const int16_t *conv… in compute_target()
196 …void setup(TensorShape shape, DataType output_data_type, BorderMode border_mode, const unsigned in… in setup()
202 …TensorType compute_target(const TensorShape &shape, DataType output_data_type, const int16_t *conv… in compute_target()
DScaleFixture.h48 …void setup(TensorShape shape, DataType data_type, QuantizationInfo quantization_info, DataLayout d… in setup()
70 void generate_scale(const TensorShape &shape) in generate_scale()
118 TensorType compute_target(TensorShape shape, DataLayout data_layout) in compute_target()
160 SimpleTensor<T> compute_reference(const TensorShape &shape) in compute_reference()
190 …void setup(TensorShape shape, DataType data_type, QuantizationInfo quantization_info, DataLayout d… in setup()
208 …void setup(TensorShape shape, DataType data_type, DataLayout data_layout, InterpolationPolicy poli… in setup()
DSoftmaxLayerFixture.h50 …void setup(TensorShape shape, DataType data_type, QuantizationInfo quantization_info, float beta, … in setup()
74 TensorType compute_target(const TensorShape &shape, DataType data_type, in compute_target()
104 SimpleTensor<T> compute_reference(const TensorShape &shape, DataType data_type, in compute_reference()
126 void setup(TensorShape shape, DataType data_type, float beta, size_t axis) in setup()
141 …void setup(TensorShape shape, DataType data_type, QuantizationInfo quantization_info, float beta, … in setup()
/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/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()
169 const Shape& shape, absl::Span<const XlaOp> all_operands, in ReduceInternal()
186 const Shape& shape, XlaOp operand, XlaOp init_value, in ReduceWindowInternal()
214 XlaOp MlirHloBuilder::Iota(const Shape& shape, int64_t iota_dimension) { in Iota()
226 StatusOr<XlaOp> MlirHloBuilder::BitcastConvertTypeInternal(const Shape& shape, in BitcastConvertTypeInternal()
236 const Shape& shape, XlaOp operand, absl::Span<const int64> permutation) { in TransposeInternal()
245 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/compiler/xla/service/
Dhlo_instructions.cc80 HloOpcode opcode, const Shape& shape, HloInstruction* operand, in HloBatchNormInstruction()
112 const Shape& shape, HloInstruction* operand, HloInstruction* scale, in HloBatchNormTrainingInstruction()
121 const Shape& shape, absl::Span<HloInstruction* const> new_operands, in CloneWithNewOperandsImpl()
130 const Shape& shape, HloInstruction* operand, HloInstruction* scale, in HloBatchNormInferenceInstruction()
142 const Shape& shape, absl::Span<HloInstruction* const> new_operands, in CloneWithNewOperandsImpl()
151 const Shape& shape, HloInstruction* operand, HloInstruction* scale, in HloBatchNormGradInstruction()
163 const Shape& shape, absl::Span<HloInstruction* const> new_operands, in CloneWithNewOperandsImpl()
171 HloFftInstruction::HloFftInstruction(const Shape& shape, in HloFftInstruction()
204 const Shape& shape, absl::Span<HloInstruction* const> new_operands, in CloneWithNewOperandsImpl()
211 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
196 std::vector<int64> output_dims, Shape shape) in ScalarIndexedArray()
228 Shape shape) in ScalarIndexedConstantArray()
339 std::vector<int64> output_dims, Shape shape) { in ConstructScalarIndexedArray()
Dhlo_instruction.cc140 Shape shape(proto.shape()); in CreateFromProto() local
939 int64_t parameter_number, const Shape& shape, const string& name) { in CreateParameter()
955 const Shape& shape, int64_t iota_dimension) { in CreateIota()
960 HloInstruction::CreateGetTupleElement(const Shape& shape, in CreateGetTupleElement()
967 const Shape& shape, RandomDistribution distribution, in CreateRng()
973 HloInstruction::CreateRngGetAndUpdateState(const Shape& shape, int64_t delta) { in CreateRngGetAndUpdateState()
978 HloInstruction::CreateRngBitGenerator(const Shape& shape, HloInstruction* state, in CreateRngBitGenerator()
985 const Shape& shape, HloOpcode opcode, in CreateNary()
999 const Shape& shape, HloOpcode opcode, HloInstruction* operand) { in CreateUnary()
1041 const Shape& shape, HloOpcode opcode, HloInstruction* lhs, in CreateBinary()
[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/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/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, 1, 1, 7); in TEST() local
136 const BHWC shape(1, 2, 2, 1); in TEST() local
148 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/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/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/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/keras/initializers/
Dinitializers_v2.py77 def __call__(self, shape, dtype=None, **kwargs): argument
134 def __call__(self, shape, dtype=None, **kwargs): argument
171 def __call__(self, shape, dtype=None, **kwargs): argument
220 def __call__(self, shape, dtype=None, **kwargs): argument
273 def __call__(self, shape, dtype=None, **kwargs): argument
336 def __call__(self, shape, dtype=None, **kwargs): argument
401 def __call__(self, shape, dtype=None, **kwargs): argument
491 def __call__(self, shape, dtype=None, **kwargs): argument
578 def __call__(self, shape, dtype=None, **kwargs): argument
645 def __call__(self, shape, dtype=None, **kwargs): argument
[all …]
/external/tensorflow/tensorflow/lite/delegates/gpu/cl/
Dtensor.cc34 absl::Status AllocateTensorMemory(const CLContext& context, const BHWDC& shape, in AllocateTensorMemory()
260 absl::Status CreateTensor(const CLContext& context, const BHWDC& shape, in CreateTensor()
283 absl::Status CreateTensorShared(const CLContext& context, const BHWDC& shape, in CreateTensorShared()
302 Tensor::Tensor(cl_mem memory, bool memory_owner, const BHWC& shape, in Tensor()
310 Tensor::Tensor(cl_mem memory, bool memory_owner, const BHWDC& shape, in Tensor()
319 const BHWC& shape, const TensorDescriptor& descriptor) in Tensor()
333 const BHWDC& shape, const TensorDescriptor& descriptor) in Tensor()
587 absl::Status CreateTensor(const CLContext& context, const BHWC& shape, in CreateTensor()
593 absl::Status CreateTensor(const CLContext& context, const BHWDC& shape, in CreateTensor()
599 const BHWC& shape, in CreateSharedTensor()
[all …]
/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.py73 def non_deterministic_ints(shape, dtype=dtypes.int64): argument
158 def _check_state_shape(shape, alg): argument
192 def _shape_tensor(shape): argument
542 def _standard_normal(self, shape, dtype): argument
631 def _prepare_key_counter(self, shape): argument
643 def normal(self, shape, mean=0.0, stddev=1.0, dtype=dtypes.float32, argument
667 def _truncated_normal(self, shape, dtype): argument
672 def truncated_normal(self, shape, argument
706 def _uniform(self, shape, dtype): argument
711 def _uniform_full_int(self, shape, dtype, name=None): 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

12345678910>>...62