HomeSort by relevance Sort by last modified time
    Searched defs:dims (Results 76 - 100 of 182) sorted by null

1 2 34 5 6 7 8

  /external/tensorflow/tensorflow/core/framework/
tensor_shape_test.cc 39 EXPECT_EQ(s.dims(), 0);
47 ASSERT_EQ(2, s.dims());
52 ASSERT_EQ(2, s.dims());
61 ASSERT_EQ(1, s.dims());
70 ASSERT_EQ(3, s.dims());
77 ASSERT_EQ(3, s.dims());
81 ASSERT_EQ(1, s.dims());
90 ASSERT_EQ(4, s0.dims());
96 ASSERT_EQ(4, s0.dims());
99 ASSERT_EQ(1, s0.dims());
263 int dims() const { return dim_sizes_.size(); } function in class:tensorflow::__anon45008::TensorShapeOld
    [all...]
  /external/tensorflow/tensorflow/core/grappler/
grappler_item_builder.cc 172 std::vector<int32> dims; local
176 dims.push_back(cfg.placeholder_unknown_output_shape_dim);
180 dims.push_back(std::max<int32>(1, dim_proto.size()));
184 return TensorShapeUtils::MakeShape(dims.data(), dims.size(), shape_out);
470 // Specifically, a shape with shape.dims() == 0 could indicate either
479 (shape.dims() == 0) && (node.attr().count("_output_shapes") == 1)) {
  /external/tensorflow/tensorflow/core/kernels/
batchtospace_op.cc 47 const int input_dims = orig_input_tensor.dims();
51 orig_block_shape.dims()));
55 context, orig_input_tensor.dims() >= 1 + block_dims,
57 " instead of ", orig_input_tensor.dims()));
73 // Determine the length of the prefix of block dims that can be combined
84 // Determine the length of the suffix of block dims that can be combined
237 const int dims = in0.dims(); variable
242 OP_REQUIRES(context, kRequiredDims == dims,
244 "instead of: ", dims));
    [all...]
inplace_ops.cc 97 ctx, value.dims() == update.dims(),
101 for (int i = 1; i < value.dims(); ++i) {
265 OP_REQUIRES(ctx, x.dims() == v.dims(),
269 for (int i = 1; i < x.dims(); ++i) {
443 auto dims = shape.flat<int32>(); variable
446 reinterpret_cast<const int32*>(dims.data()),
447 dims.size(), &out_shape));
lrn_op.cc 105 Eigen::array<DimPair, 1> dims = {{DimPair(1, 0)}}; local
106 auto tmp = in_shaped.square().contract(multiplier, dims) * alpha_ + bias_;
253 OP_REQUIRES(context, in.dims() == 4,
477 OP_REQUIRES(context, in_grads.dims() == 4 && in_image.dims() == 4,
pad_op.cc 53 const int dims = in0.dims(); variable
56 OP_REQUIRES(context, kMinDims <= dims && dims <= kMaxDims,
58 kMaxDims, "]: ", dims));
65 (allow_legacy_scalars() && dims == 0 && in1.dim_size(0) == 1) ? 1
66 : dims;
94 (allow_legacy_scalars() && d == in0.dims()) ? 1 : in0.dim_size(d);
127 OperateWithVariableRank(context, collapsed_input_shape.dims(),
172 collapsed_input_shape->InsertDim(collapsed_input_shape->dims(),
    [all...]
quantized_concat_op.cc 47 Eigen::array<Eigen::DenseIndex, 1> dims; local
48 dims[0] = n;
49 typename TTypes<T, 1>::UnalignedConstTensor input_array(src, dims);
50 typename TTypes<T, 1>::UnalignedTensor output_array(dst, dims);
135 context, in.dims() == input_dims || (input_is_scalar && in_is_scalar),
156 *output_concat_dim += in.dims() > 0 ? in.dim_size(concat_dim) : 1;
184 const int input_dims = values[0].dims();
208 if (output_shape.dims() == 0) {
spacetobatch_op.cc 49 const int input_dims = orig_input_tensor.dims();
52 orig_block_shape.dims());
56 if (orig_input_tensor.dims() < 1 + block_dims) {
58 " instead of ", orig_input_tensor.dims());
76 // Determine the length of the prefix of block dims that can be combined
87 // Determine the length of the suffix of block dims that can be combined
242 const int dims = in0.dims(); variable
245 OP_REQUIRES(context, kRequiredDims == dims,
247 "instead of: ", dims));
    [all...]
where_op_gpu.cu.h 246 const Eigen::DSizes<Eigen::DenseIndex, NDIM> dims = input.dimensions(); local
253 strides[i] = strides[i + 1] * dims[i + 1];
336 #define DECLARE_GPU_SPEC_INDEX(Dims, T, TIndex) \
337 template struct Where<GPUDevice, Dims, T, TIndex>
  /external/tensorflow/tensorflow/core/ops/
array_grad_test.cc 452 std::vector<Tensor> ReverseGrad(const Tensor& x, const Tensor& dims,
457 f::NDef("dims", "Placeholder", {}, {{"dtype", DT_BOOL}}),
459 f::NDef("dx", "SymbolicGradient", {"x", "dims", "dy"},
467 TF_CHECK_OK(sess->Run({{"x:0", x}, {"dims:0", dims}, {"dy:0", dy}},
477 auto dims = test::AsTensor<bool>({false, true}); local
480 auto dx = ReverseGrad(x, dims, dy);
    [all...]
  /external/tensorflow/tensorflow/core/util/
strided_slice_op.cc 31 int64 dims; member in struct:tensorflow::__anon45805::StridedSliceSparseSpec
47 const int64 dims; member in struct:tensorflow::__anon45805::StridedSliceDenseSpec
76 dense->begin.resize(dense->dims);
77 dense->end.resize(dense->dims);
78 dense->strides.resize(dense->dims);
97 for (int i = 0; i < sparse.dims; i++) {
101 int32 next_index = std::min(dense->dims - (sparse.dims - i) + 1 +
103 dense->dims);
118 dense->dims, " dims")
    [all...]
tensor_format.h 109 // Returns the number of spatial dims of a tensor of rank 'num_dims' and tensor
511 const int dims = GetTensorDimsFromSpatialDims(spatial.size(), format); local
512 gtl::InlinedVector<int64, 6> dim_sizes(dims);
513 dim_sizes[GetTensorBatchDimIndex(dims, format)] = N;
521 dim_sizes[GetTensorInnerWidthDimIndex(dims, format)] = 4;
524 dim_sizes[GetTensorSpatialDimIndex(dims, format, dim)] = dim_size;
527 int feature_index = GetTensorFeatureDimIndex(dims, format);
532 dim_sizes[GetTensorInnerFeatureDimIndex(dims, format)] = 4;
545 const int dims = GetFilterTensorDimsFromSpatialDims(spatial.size(), format); local
546 gtl::InlinedVector<int64, 6> dim_sizes(dims);
    [all...]
  /external/tensorflow/tensorflow/lite/examples/label_image/
label_image.cc 164 TfLiteIntArray* dims = interpreter->tensor(input)->dims; local
165 int wanted_height = dims->data[1];
166 int wanted_width = dims->data[2];
167 int wanted_channels = dims->data[3];
222 TfLiteIntArray* output_dims = interpreter->tensor(output)->dims;
223 // assume output dims to be something like (1, 1, ... ,size)
  /external/tensorflow/tensorflow/lite/experimental/kernels/
ctc_beam_search_decoder.cc 202 Eigen::array<Eigen::DenseIndex, 1> dims; local
203 dims[0] = num_classes;
204 optimized_ops::TTypes<float>::Flat input_chip_t(input_chip_t_data, dims);
  /external/tensorflow/tensorflow/lite/kernels/
mirror_pad.cc 114 auto* dims = eval_data->input_dims; local
124 for (int i = 0; i < dims->data[current_dim]; ++i) {
129 for (int i = dims->data[current_dim] - (1 + offset); i >= 0 && right_pad > 0;
180 dimension_num_elements[i + 1] * input_tensor->dims->data[i + 1];
195 eval_data.input_dims = input_tensor->dims; \
strided_slice.cc 49 dims = NumDimensions(input);
57 int dims; member in struct:tflite::ops::builtin::strided_slice::StridedSliceContext
82 const int dim = op_context->input->dims->data[idx];
91 const int dim = op_context->input->dims->data[idx];
106 for (int idx = op_context->dims - 1; idx >= 0; --idx) {
158 TF_LITE_ENSURE_MSG(context, op_context.dims <= 4,
190 for (int i = op_context.dims; i < kMaxDim; i++) {
196 for (int idx = 0; idx < op_context.dims; ++idx) {
202 int begin_mask = op_context.params->begin_mask << (4 - op_context.dims);
203 int end_mask = op_context.params->end_mask << (4 - op_context.dims);
    [all...]
  /external/tensorflow/tensorflow/lite/
model.cc 368 std::vector<int> dims = FlatBufferIntArrayToVector(tensor->shape()); local
421 i, type, get_name(tensor), dims, quantization, buffer_ptr,
429 dims, quantization,
  /external/tensorflow/tensorflow/lite/toco/graph_transformations/
unroll_batch_matmul.cc 46 std::vector<int> slice_size_a = input_array_a.shape().dims();
67 {-1, input_array_a.shape().dims(dims_count - 1)})};
78 std::vector<int> slice_size_b = input_array_b.shape().dims();
99 {-1, input_array_b.shape().dims(dims_count - 1)})};
126 const auto& dims_vec = input_array_a.shape().dims();
165 const int32 dims = input_array.shape().dimensions_count(); local
166 std::vector<int32> perm_array_val(dims);
167 for (int i = 0; i < dims; ++i) {
170 perm_array_val[dims - 2] = dims - 1
177 const int32 dims = input_shape.dimensions_count(); local
249 const int dims = input_array_a.shape().dimensions_count(); local
    [all...]
  /external/tensorflow/tensorflow/python/grappler/
cost_analyzer.cc 267 std::vector<int> dims; local
  /external/tensorflow/tensorflow/python/lib/core/
ndarray_tensor.cc 275 gtl::InlinedVector<npy_intp, 4> dims(ndims);
279 dims.push_back(TF_TensorByteSize(tensor));
280 *nelems = dims[0];
284 dims[i] = TF_Dim(tensor, i);
285 *nelems *= dims[i];
288 return dims;
369 gtl::InlinedVector<npy_intp, 4> dims = local
376 if (ArrayFromMemory(dims.size(), dims.data(), TF_TensorData(moved),
389 tensorflow::make_safe(PyArray_Empty(dims.size(), dims.data(), descr, 0))
430 gtl::InlinedVector<int64_t, 4> dims; local
    [all...]
  /external/androidplot/AndroidPlot-Core/src/main/java/com/androidplot/ui/
LayoutManager.java 100 //DisplayDimensions dims = widgetRects.get(widget);
101 DisplayDimensions dims = widget.getWidgetDimensions(); local
105 canvas.drawRect(dims.canvasRect, outlineShadowPaint);
114 canvas.clipRect(dims.canvasRect, Region.Op.INTERSECT);
116 widget.draw(canvas, dims.canvasRect);
118 //RectF marginatedWidgetRect = widget.getMarginatedRect(dims.canvasRect);
122 drawSpacing(canvas, dims.canvasRect, dims.marginatedRect, getMarginPaint());
126 drawSpacing(canvas, dims.marginatedRect, dims.paddedRect, getPaddingPaint());
    [all...]
  /external/eigen/unsupported/Eigen/CXX11/src/Tensor/
TensorScan.h 119 const Dimensions& dims = m_impl.dimensions(); local
122 m_stride = m_stride * dims[i];
126 m_stride = m_stride * dims[i];
  /external/mesa3d/src/gallium/drivers/freedreno/ir3/
ir3_shader.c 636 uint32_t dims[align(v->const_layout.image_dims.count, 4)]; local
648 dims[off + 0] = rsc->cpp;
651 dims[off + 1] = rsc->slices[lvl].pitch * rsc->cpp;
652 dims[off + 2] = rsc->slices[lvl].size0;
658 0, ARRAY_SIZE(dims), dims, NULL);
  /external/mesa3d/src/intel/compiler/
brw_fs_surface_builder.cpp 40 unsigned dims, unsigned arg, unsigned rsize,
48 addr, src, usurface, brw_imm_ud(dims), brw_imm_ud(arg)
60 * Emit an untyped surface read opcode. \p dims determines the number
67 unsigned dims, unsigned size,
71 addr, fs_reg(), surface, dims, size, size, pred);
75 * Emit an untyped surface write opcode. \p dims determines the number
82 unsigned dims, unsigned size,
86 addr, src, surface, dims, size, 0, pred);
90 * Emit an untyped surface atomic opcode. \p dims determines the number
98 unsigned dims, unsigned rsize, unsigned op
493 const unsigned dims = local
994 const unsigned dims = local
1099 const unsigned dims = local
1199 const unsigned dims = local
    [all...]
  /external/mesa3d/src/mesa/main/
texstore.c 152 (void) dims;
168 const GLvoid *src = _mesa_image_address(dims, srcPacking,
189 (void) dims;
198 const GLvoid *src = _mesa_image_address(dims, srcPacking,
219 (void) dims;
228 const GLvoid *src = _mesa_image_address(dims, srcPacking,
252 (void) dims;
262 const GLvoid *src = _mesa_image_address(dims, srcPacking,
284 (void) ctx; (void) dims; (void) baseInternalFormat;
296 _mesa_memcpy_texture(ctx, dims,
981 GLuint dims, slice, numSlices = 1, sliceOffset = 0; local
    [all...]

Completed in 2587 milliseconds

1 2 34 5 6 7 8