Search Options

Results per page
Sort
Preferred Languages
Advance

Results 151 - 160 of 213 for se_shape (0.15 sec)

  1. tensorflow/compiler/jit/shape_inference.cc

            }
    
            shape_inference::ShapeHandle handle;
            TF_RETURN_IF_ERROR(
                context->MakeShapeFromPartialTensorShape(arg_shape.shape, &handle));
            TF_RETURN_IF_ERROR(shape_refiner->SetShape(n, 0, handle));
          }
        }
    
        // Sometimes we have VariableShape nodes in while loop (after Enter nodes).
        // They won't be constant-folded because TensorFlow constant folding does
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Fri May 31 00:41:19 UTC 2024
    - 13K bytes
    - Viewed (0)
  2. tensorflow/compiler/mlir/tensorflow/tests/tensor_list_ops_decomposition.mlir

      // CHECK-NEXT: %[[BROADCAST:.*]] = "tf.BroadcastTo"(%[[CAST_ZERO]], %[[CONST10]]) : (tensor<f32>, tensor<1xi32>) -> tensor<10xf32>
      // CHECK-NEXT: %[[SIZE_SHAPE:.*]] = "tf.Const"() <{value = dense<1> : tensor<1xi32>}>
      // CHECK-NEXT: %[[SIZE:.*]] = "tf.Reshape"(%[[NUM]], %[[SIZE_SHAPE]])
      %tl = "tf.TensorListReserve"(%elem_shape, %num) : (tensor<0xi32>, tensor<i32>) -> tensor<!tf_type.variant<tensor<f32>>>
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Mon Oct 30 06:52:55 UTC 2023
    - 38.6K bytes
    - Viewed (0)
  3. tensorflow/compiler/mlir/tensorflow/transforms/host_runtime/tpu_metadata_utils.cc

        if (auto ranked_tensor_type =
                mlir::dyn_cast<RankedTensorType>(operand_type)) {
          tensorflow::TensorShapeProto shape_proto;
          ConvertToTensorShapeProto(ranked_tensor_type.getShape(), &shape_proto);
          *arg->mutable_shape() = std::move(shape_proto);
        } else {
          arg->mutable_shape()->set_unknown_rank(true);
        }
    
        if (failed(SetOpSharding(op, input_shardings.getValue()[index],
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Thu Apr 25 16:01:03 UTC 2024
    - 10.3K bytes
    - Viewed (0)
  4. tensorflow/compiler/mlir/tf2xla/tests/legalize-tf-with-tf2xla-hlo-importer.mlir

        // CHECK: %[[RESHAPE0:.*]] = mhlo.reshape %[[BROADCAST0]] : (tensor<4x4x1xf32>) -> tensor<4x4xf32>
        // CHECK: %[[UPDATED_ARG0:.*]] = "mhlo.broadcast_in_dim"(%[[RESHAPE0]]) <{broadcast_dimensions = dense<[0, 1]> : tensor<2xi64>}> : (tensor<4x4xf32>) -> tensor<4x4x4xf32>
    
        // CHECK: %[[RESHAPE1:.*]] = mhlo.reshape %arg1 : (tensor<4x1x4xf32>) -> tensor<4x4xf32>
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Sat Apr 06 15:32:52 UTC 2024
    - 38.6K bytes
    - Viewed (1)
  5. tensorflow/compiler/mlir/tfrt/analysis/cost_analysis.cc

    namespace tensorflow {
    namespace tfrt_compiler {
    namespace {
    
    constexpr int64_t kDefaultCheapCost = 1;
    
    int64_t GetRankedTensorSize(mlir::TensorType type) {
      auto shape = type.getShape();
    
      int64_t size = 1;
      for (int64_t dim : shape) {
        // For unknown dimensions, use 1 as the size because it is usually the batch
        // dimension.
        //
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Thu Apr 25 16:01:03 UTC 2024
    - 7.6K bytes
    - Viewed (0)
  6. tensorflow/compiler/mlir/lite/stablehlo/transforms/optimize_layout.cc

                                                        ArrayRef<int64_t> perm,
                                                        bool isInvert) {
      SmallVector<int64_t, 4> permutedShape = applyPermutation(
          type.getShape(), isInvert ? invertPermutationVector(perm) : perm);
      return RankedTensorType::get(permutedShape, type.getElementType());
    }
    
    static RankedTensorType GetInvertPermutedTensorType(RankedTensorType type,
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Thu Apr 25 21:59:06 UTC 2024
    - 8.6K bytes
    - Viewed (0)
  7. tensorflow/compiler/mlir/quantization/stablehlo/passes/fold_constant_transpose.cc

        const auto value_attr =
            mlir::cast<DenseFPElementsAttr>(const_op.getValue());
        const ArrayRef<int64_t> original_shape =
            value_attr.getShapedType().getShape();
    
        const SmallVector<float> original_values =
            llvm::to_vector(value_attr.getValues<float>());
    
        // Fold the constant value by transposing the values according to the
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Thu Apr 25 16:01:03 UTC 2024
    - 7.7K bytes
    - Viewed (0)
  8. tensorflow/compiler/mlir/lite/tests/legalize-tf.mlir

    // CHECK-LABEL: dynamicReshape
    // CHECK-NEXT:  %[[reshape:.*]] = "tfl.reshape"(%arg0, %arg1) : (tensor<*xf32>, tensor<2xi32>) -> tensor<?x?xf32>
    // CHECK-NEXT:  return %[[reshape]] : tensor<?x?xf32>
    }
    
    func.func @dynamicReshapeI64(%arg0: tensor<*xf32>, %arg1: tensor<2xi64>) -> tensor<?x?xf32> {
      %0 = "tf.Reshape"(%arg0, %arg1) : (tensor<*xf32>, tensor<2xi64>) -> tensor<?x?xf32>
      func.return %0 : tensor<?x?xf32>
    
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Wed Jun 05 01:54:33 UTC 2024
    - 153.4K bytes
    - Viewed (0)
  9. tensorflow/compiler/mlir/tensorflow/g3doc/space_to_depth.md

        `tf.nn.space_to_depth`.
    
        ```python
        images = tf.reshape(images, [batch, h // block_size, block_size,
                                   w // block_size, block_size, c])
        images = tf.transpose(images, [0, 1, 3, 2, 4, 5])
        images = tf.reshape(images, [batch, h // block_size, w // block_size,
                                   c * (block_size ** 2)])
        ```
    
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Sat Oct 24 02:51:43 UTC 2020
    - 8.3K bytes
    - Viewed (0)
  10. tensorflow/compiler/mlir/lite/experimental/tac/hardwares/gpu_hardware.cc

        return true;
      }
    };
    std::unique_ptr<TargetHardwareOperation> CreateArithmeticOp() {
      return std::make_unique<GpuArithmeticOp>();
    }
    
    // Currently used for these ops:
    // tfl.concatenation / tfl.reshape
    class GpuConcatOp : public TargetHardwareOperation {
      double GetOpCost(mlir::Operation* op) const override {
        int64_t count;
        if (ArithmeticCountUtilHelper::GetInputTensorTotalSize(op, &count))
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Tue Jun 06 03:08:33 UTC 2023
    - 7.8K bytes
    - Viewed (0)
Back to top