Search Options

Results per page
Sort
Preferred Languages
Advance

Results 1 - 10 of 11 for shape_of (0.23 sec)

  1. tensorflow/compiler/mlir/quantization/stablehlo/tests/components/tf_to_stablehlo.mlir

    // CHECK-DAG: %[[SHAPE_OF:.*]] = shape.shape_of %[[CONV]] : tensor<?x3x2x2xf32> -> tensor<4xindex>
    // CHECK-DAG: %[[BROADCAST:.*]] = stablehlo.dynamic_broadcast_in_dim %[[CONST_0]], %[[SHAPE_OF]], dims = [3] : (tensor<2xf32>, tensor<4xindex>) -> tensor<?x3x2x2xf32>
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Mon Apr 08 20:05:12 UTC 2024
    - 13.6K bytes
    - Viewed (0)
  2. tensorflow/compiler/mlir/lite/stablehlo/transforms/optimize.cc

          shape_before.take_back(shape_c.size()) != shape_c) {
        return failure();
      }
      ArrayRef<int64_t> shape_y2 =
          shape_before.drop_front(shape_b.size()).drop_back(shape_c.size());
    
      // No need to check %dot; dot_general verifier ensures correct shapes.
      // Extract Z from %dot.
      ArrayRef<int64_t> shape_z =
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Thu Apr 25 16:01:03 UTC 2024
    - 26.9K bytes
    - Viewed (0)
  3. tensorflow/compiler/aot/compile.cc

      absl::StatusOr<std::unique_ptr<xla::ProgramShape>> pshape_or =
          client->GetComputationShape(computation);
      if (!pshape_or.ok()) {
        return errors::Unknown("Couldn't get XLA program shape: ",
                               pshape_or.status().message());
      }
      compile_result->program_shape = pshape_or.value()->ToProto();
      xla::ProgramShapeProto* pshape = &compile_result->program_shape;
    
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Mon Apr 15 08:28:57 UTC 2024
    - 11.9K bytes
    - Viewed (0)
  4. tensorflow/compiler/mlir/tf2xla/transforms/tf2xla_rewriter.cc

                 << operand.getType();
        }
    
        auto shape_or = expr.GetShape();
        if (!shape_or.ok()) {
          return op_->emitRemark()
                 << "failed to get shape for expression. " << expr.HumanString();
        }
    
        tensors.emplace_back(
            device_->GetAllocator(tensorflow::AllocatorAttributes()), expr.dtype(),
            shape_or.value());
    
        tensorflow::Tensor& tensor = tensors.back();
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Thu May 02 09:16:07 UTC 2024
    - 18.9K bytes
    - Viewed (0)
  5. tensorflow/compiler/mlir/tensorflow/transforms/host_runtime/tpu_rewrite_pass.cc

            metadata.args(operand_and_idx.index()).shape());
        if (shape.IsFullyDefined()) continue;
    
        auto shape_op = builder->create<TF::ShapeOp>(
            cluster_func.getLoc(),
            tensorflow::GetTypeFromTFTensorShape({-1}, builder->getIntegerType(64)),
            operand_and_idx.value());
        compile_op_operands.emplace_back(shape_op.getResult());
      }
    
      FlatSymbolRefAttr func_attr = cluster_func.getFuncAttr();
      func::FuncOp func =
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Tue Apr 30 21:25:12 UTC 2024
    - 29.7K bytes
    - Viewed (0)
  6. tensorflow/compiler/mlir/tf2xla/internal/passes/mark_ops_for_outside_compilation.cc

          OperationName(mlir::TF::RankOp::getOperationName(), context),
          OperationName(mlir::TF::RangeOp::getOperationName(), context),
          OperationName(mlir::TF::ShapeOp::getOperationName(), context),
          OperationName(mlir::TF::ShapeNOp::getOperationName(), context),
          OperationName(mlir::TF::SizeOp::getOperationName(), context),
      };
    
      supported_ops->insert(allowlist_ops.begin(), allowlist_ops.end());
    }
    
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Thu Apr 25 16:01:03 UTC 2024
    - 21.4K bytes
    - Viewed (0)
  7. tensorflow/compiler/mlir/tensorflow/transforms/tensor_list_ops_decomposition.cc

    // returns an error.
    LogicalResult GetConstShapeValue(Value shape_value,
                                     llvm::SmallVector<int64_t, 8>* shape) {
      auto shape_op = shape_value.getDefiningOp();
      if (!shape_op) return failure();
      auto shape_const_op = llvm::dyn_cast<TF::ConstOp>(shape_op);
      if (!shape_const_op) return failure();
      for (const auto& v : shape_const_op.getValue().getValues<APInt>()) {
        int64_t dim_size = v.getSExtValue();
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Thu Apr 25 16:01:03 UTC 2024
    - 39.2K bytes
    - Viewed (0)
  8. tensorflow/c/experimental/saved_model/internal/saved_model_api_test.cc

          TF_SignatureDefParamTensorSpec(param_out);
      const TF_Shape* shape_out = TF_TensorSpecShape(tensor_spec_out);
    
      // Output "output_0" is a scalar, float32 tensor
      EXPECT_EQ("output_0", std::string(TF_SignatureDefParamName(param_out)));
      EXPECT_EQ(TF_FLOAT, TF_TensorSpecDataType(tensor_spec_out));
      EXPECT_EQ(0, TF_ShapeDims(shape_out));
    
      std::vector<TFE_TensorHandle*> compute_fn_inputs;
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Tue Apr 23 08:08:45 UTC 2024
    - 21.3K bytes
    - Viewed (0)
  9. tensorflow/compiler/mlir/tensorflow/transforms/lower_tf.td

      NativeCodeCall<"GetF32Scalar(&$_builder, " # value # ")">;
    
    def TrueBoolAttr : AttrConstraint<CPred<"$_self.cast<::mlir::BoolAttr>().getValue()">>;
    
    def CreateTFShapeOp : NativeCodeCall<
        "$_builder.create<TF::ShapeOp>($0.getLoc(), $1, $2)">;
    
    def IsI32 : NativeCodeCall<
        "$_builder.getBoolAttr(getElementTypeOrSelf($0.getType()).isInteger(32))">;
    
    def CreateTFCastOpF32 : NativeCodeCall<
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Tue Jun 04 13:30:42 UTC 2024
    - 24.7K bytes
    - Viewed (0)
  10. tensorflow/compiler/mlir/lite/transforms/legalize_tf.cc

        return rewriter.create<TF::ConstOp>(loc, static_shape_attr).getOutput();
      }
    
      // If the shape is not static, create a new ShapeOp.
      BoolAttr false_attr = rewriter.getBoolAttr(false);
      return rewriter
          .create<TF::ShapeOp>(loc, input,
                               /*use_32bit=*/false_attr)
          .getOutput();
    }
    
    mlir::TFL::MirrorPaddingType GetTFLMirrorPaddingFromString(
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Mon May 20 20:06:54 UTC 2024
    - 45.2K bytes
    - Viewed (0)
Back to top