Search Options

Results per page
Sort
Preferred Languages
Advance

Results 31 - 40 of 79 for identity_op (0.19 sec)

  1. tensorflow/compiler/mlir/tf2xla/internal/passes/xla_broadcast.cc

                                       val_bcast.getType(), block_arg))) {
        return failure();
      }
    
      OpBuilder before_cluster_builder(cluster);
      IdentityOp assigned_id = before_cluster_builder.create<IdentityOp>(
          val_bcast.getLoc(), block_arg.getType(), block_arg);
      assigned_id->setAttr(kICIWeightDistributionMlirBridgeMarker,
                           before_cluster_builder.getBoolAttr(true));
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Thu Jun 13 18:52:07 UTC 2024
    - 13.9K bytes
    - Viewed (0)
  2. tensorflow/compiler/mlir/quantization/tensorflow/utils/fake_quant_utils.h

                      AttrType &max_value) const {
        Value min = tf_op.getMin(), max = tf_op.getMax();
        if (auto min_id = min.getDefiningOp<TF::IdentityOp>()) {
          min = min_id.getInput();
        }
        if (auto max_id = max.getDefiningOp<TF::IdentityOp>()) {
          max = max_id.getInput();
        }
    
        if (!matchPattern(min, m_Constant(&min_value))) {
          return false;
        }
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Thu Apr 25 16:01:03 UTC 2024
    - 6.3K bytes
    - Viewed (0)
  3. tensorflow/c/eager/c_api_test.cc

      TFE_Op* identityOp = TFE_NewOp(ctx, "IdentityN", status);
      CHECK_EQ(TF_OK, TF_GetCode(status)) << TF_Message(status);
    
      // Try to retrieve lengths before building the attributes (should fail)
      EXPECT_EQ(-1, TFE_OpGetInputLength(identityOp, "input", status));
      CHECK_NE(TF_OK, TF_GetCode(status)) << TF_Message(status);
      EXPECT_EQ(-1, TFE_OpGetOutputLength(identityOp, "output", status));
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Thu Aug 03 20:50:20 UTC 2023
    - 94.6K bytes
    - Viewed (0)
  4. tensorflow/compiler/mlir/tensorflow/tests/executor_tpuv1_island_coarsening/executor_tpuv1_island_coarsening.mlir

        %identity_out, %control_identity = tf_executor.island wraps "tf.Identity"(%replicated_out) {device = ""} : (tensor<4x4xf32>) -> tensor<4x4xf32>
        %partitioned_out:2, %partitioned_control = tf_executor.island wraps "tf.TPUPartitionedOutput"(%identity_out) {partition_dim = 0 : i64} : (tensor<4x4xf32>) -> (tensor<2x4xf32>, tensor<2x4xf32>)
        tf_executor.fetch
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Tue Aug 02 03:15:59 UTC 2022
    - 36.2K bytes
    - Viewed (0)
  5. tensorflow/compiler/mlir/quantization/tensorflow/passes/remove_identity_op_pattern.cc

    #include "mlir/Transforms/GreedyPatternRewriteDriver.h"  // from @llvm-project
    #include "tensorflow/compiler/mlir/tensorflow/ir/tf_ops.h"
    
    namespace mlir {
    namespace quant {
    
    LogicalResult RemoveIdentity::matchAndRewrite(TF::IdentityOp identity,
                                                  PatternRewriter &rewriter) const {
      for (Operation *user : identity->getUsers()) {
        // Replace the op with the input if output is only used by TF ops.
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Wed Feb 15 06:13:49 UTC 2023
    - 1.9K bytes
    - Viewed (0)
  6. tensorflow/compiler/mlir/lite/quantization/tensorflow/fallback_to_flex_patterns.td

    class RankEquals<string rank> : Constraint<CPred<
      "RankEquals($0, " # rank # ")">>;
    
    def IsFusibleWithBias : Constraint<CPred<
      "IsFusibleWithBiasOp($0.getDefiningOp())">>;
    
    // Folds TF IdentityOp with constant input.
    def RemoveConstIdentityOp : Pat<
      (TF_IdentityOp (TF_ConstOp $input)),
      (TF_ConstOp $input)>;
    
    // Standardizes the Max and Min ops by moving constant value to rhs. This will
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Thu Sep 29 21:02:21 UTC 2022
    - 3.2K bytes
    - Viewed (0)
  7. tensorflow/compiler/mlir/tensorflow/tests/tpu_colocate_composite_resource_ops.mlir

        n = 2 : i32} {
         // CHECK:      %[[IDENTITY_OUT:.*]] = "tf.Identity"(%[[RI_0]])
         // CHECK:      %[[RESOURCE_OUT:.*]] = "tf_device.launch"()
         // CHECK-SAME: TPU_REPLICATED_CORE_0
         // CHECK-NEXT:   %[[READ_OUT:.*]] = "tf.ReadVariableOp"(%[[IDENTITY_OUT]])
         // CHECK-NEXT:   tf_device.return %[[READ_OUT]]
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Tue Oct 31 08:59:10 UTC 2023
    - 6.3K bytes
    - Viewed (0)
  8. tensorflow/compiler/mlir/tensorflow/transforms/tensor_array_ops_decomposition.cc

        const Block& func_block = func.front();
        // Walk all operations and nested regions to find accessed gradient sources
        // for function arguments.
        func.walk([&](Operation* op) {
          if (llvm::isa<TF::IdentityOp, TF::IdentityNOp>(op)) {
            op->replaceAllUsesWith(op->getOperands());
            return;
          }
          if (auto grad = llvm::dyn_cast<TF::TensorArrayGradV3Op>(op)) {
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Thu Mar 02 20:41:19 UTC 2023
    - 40.2K bytes
    - Viewed (0)
  9. tensorflow/compiler/mlir/tensorflow/transforms/tensor_list_ops_decomposition.cc

            decomposed_partitioned_call_callees) {
      for (auto& op : llvm::make_early_inc_range(block->getOperations())) {
        // TODO(yuanzx): Add a pass to remove identities in device computation.
        if (llvm::isa<TF::IdentityOp, TF::IdentityNOp, TF::StopGradientOp>(&op)) {
          op.replaceAllUsesWith(op.getOperands());
          op.erase();
        } else if (auto list = llvm::dyn_cast<TF::EmptyTensorListOp>(&op)) {
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Thu Apr 25 16:01:03 UTC 2024
    - 39.2K bytes
    - Viewed (0)
  10. tensorflow/compiler/mlir/tensorflow/transforms/resource_op_lifting_cleanup.cc

    // such nodes to carry information.
    void RemovePassthroughOp(Block &block) {
      for (auto &op : llvm::make_early_inc_range(block)) {
        if (isa<TF::IdentityOp, TF::IdentityNOp>(op) || IsCastOfResource(op)) {
          op.replaceAllUsesWith(op.getOperands());
          op.erase();
        }
      }
    }
    
    using LocalVarOp = std::variant<TF::VarHandleOp, TF::MlirLocalVarOp>;
    
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Thu Apr 25 16:01:03 UTC 2024
    - 19.7K bytes
    - Viewed (0)
Back to top