Search Options

Results per page
Sort
Preferred Languages
Advance

Results 41 - 50 of 201 for constop (0.23 sec)

  1. tensorflow/compiler/mlir/quantization/tensorflow/python/unfreeze_constants.cc

    absl::Status UnfreezeConstantsAndSaveVariables(
        const absl::string_view checkpoint_dir, mlir::MLIRContext &ctx,
        mlir::ModuleOp module_op) {
      TF_RETURN_IF_ERROR(RunPasses(
          /*name=*/kTfQuantConstantUnfreezingStepName, /*add_passes_func=*/
          [](mlir::PassManager &pm) {
            pm.addPass(mlir::quant::CreateUnfreezeConstantsPass());
          },
          ctx, module_op));
    
      if (const absl::Status create_dir_status =
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Sun Apr 14 11:07:03 UTC 2024
    - 3K bytes
    - Viewed (0)
  2. tensorflow/compiler/mlir/tfrt/tests/mlrt/inline.mlir

    }
    
    // CHECK-LABEL: func @while_test_if
    // CHECK-SAME: -> !tf_mlrt.tensor
    func.func @while_test_if(%cond: tensor<i1>, %x: tensor<i1>, %y: tensor<i1>) -> (tensor<i32>) {
      // CHECK: [[CONST:%.*]] = tf_mlrt.constop {tensor_proto = "\08\03\12\00"}
      %cst = "tf.Const"() {__op_key = 2: i32, device = "/device:CPU:0", value = dense<0> : tensor<i32>} : () -> tensor<i32>
      // Predicate should be inlined.
      // CHECK-NEXT: tf_mlrt.predicate
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Fri Mar 22 01:01:31 UTC 2024
    - 2.3K bytes
    - Viewed (0)
  3. tensorflow/compiler/mlir/quantization/tensorflow/ops/tf_quantize_op_test.cc

      quant_spec.set_tensor_type(QuantizationComponentSpec::TENSORTYPE_INT_8);
    
      std::optional<TF::PartitionedCallOp> dequantize_op = ApplyUniformQuantization(
          pattern_rewriter, cast<TF::ConstOp>(value.getDefiningOp()), quant_spec);
      EXPECT_TRUE(dequantize_op.has_value());
      EXPECT_EQ(dequantize_op.value().func().getName().str(),
                "composite_dequantize_uniform");
    }
    
    }  // namespace
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Sun Dec 10 05:52:02 UTC 2023
    - 3K bytes
    - Viewed (0)
  4. tensorflow/compiler/mlir/lite/stablehlo/transforms/unfuse_batch_norm_pass.cc

          if (i != feature_index) {
            reduce_dim_axes.push_back(i);
          }
        }
        auto mean_dims = DenseIntElementsAttr::get(dims_type, reduce_dim_axes);
        ::mlir::TF::ConstOp reduce_dim_op =
            rewriter.create<TF::ConstOp>(bn_op.getLoc(), mean_dims);
        int64_t feature_dim_size = input_type.getDimSize(feature_index);
        auto mean_var_type = RankedTensorType::get(/*shape=*/{feature_dim_size},
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Thu Apr 25 16:01:03 UTC 2024
    - 11.2K bytes
    - Viewed (0)
  5. tensorflow/compiler/mlir/lite/transforms/prepare_tf.cc

          state.padding = rewriter.getStringAttr("VALID");
        }
        auto conv_op = static_cast<const ConcreteType *>(this)->createTFLOp(
            &state, rewriter, op->getLoc(), tf_op.getType(), input, filter, bias);
    
        rewriter.replaceOp(op, conv_op.getResult());
        return success();
      }
    
      const IntegerAttr intAttrOne;
    
     private:
      bool allow_bf16_and_f16_type_legalization_;
    };
    
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Tue May 28 21:49:50 UTC 2024
    - 64.6K bytes
    - Viewed (0)
  6. tensorflow/compiler/mlir/lite/utils/lstm_utils.cc

    }
    
    TF::ConstOp Create1DConstantOp(const std::vector<int>& value, Location loc,
                                   OpBuilder* builder) {
      auto type =
          mlir::RankedTensorType::get(value.size(), builder->getIntegerType(32));
      auto dense_values = mlir::DenseIntElementsAttr::get(type, value);
      return builder->create<TF::ConstOp>(loc, dense_values);
    }
    
    TF::ConstOp CreateScalarConstantOp(int value, Location loc,
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Thu Apr 25 16:01:03 UTC 2024
    - 36.2K bytes
    - Viewed (0)
  7. tensorflow/compiler/mlir/quantization/tensorflow/tests/unfreeze_constants.mlir

        %cst_0 = "tf.Const"() {device = "", value = dense<3.0> : tensor<8xf32>} : () -> tensor<8xf32>
        return %cst_0 : tensor<8xf32>
      }
    }
    
    // -----
    
    // Tests the case when there is no ConstOp.
    module attributes {tf_saved_model.semantics} {
    
    // Check that nothing happens when there's no ConstOp in the graph.
    // CHECK-NOT: "tf_saved_model.session_initializer"()
    
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Mon Oct 30 06:52:55 UTC 2023
    - 17.2K bytes
    - Viewed (0)
  8. tensorflow/compiler/mlir/quantization/tensorflow/cc/constant_fold_test.cc

            %cst = "tf.Const"() {value = dense<2.000000e+00> : tensor<2x3x3x1xf32>} : () -> tensor<2x3x3x1xf32>
            %cst_0 = "tf.Const"() {value = dense<0.400000e+00> : tensor<3xf32>} : () -> tensor<3xf32>
            %cst_1 = "tf.Const"() {value = dense<0.500000e+00> : tensor<3xf32>} : () -> tensor<3xf32>
            %cst_2 = "tf.Const"() {value = dense<3.0> : tensor<f32>} : () -> tensor<f32>
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Thu Apr 04 07:19:09 UTC 2024
    - 10.1K bytes
    - Viewed (0)
  9. tensorflow/compiler/mlir/quantization/common/attrs_and_constraints.h

      }
    
      const auto type = RankedTensorType::get(shape, builder.getF32Type());
      const auto value_attr = DenseFPElementsAttr::get(type, values);
      return builder.create<TF::ConstOp>(loc, value_attr);
    }
    
    // Creates a 1D array with integer/float type.
    template <typename T>
    Value Create1DConstValue(OpBuilder& builder, const Location loc,
                             const SmallVector<T>& values) {
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Thu Apr 25 16:01:03 UTC 2024
    - 9.9K bytes
    - Viewed (0)
  10. tensorflow/compiler/mlir/lite/quantization/lite/tfl_to_std.cc

          auto qcast = b.create<quantfork::QuantizeCastOp>(
              q.getLoc(), q.getOutput().getType(), q.getInput());
          q.getOutput().replaceAllUsesWith(qcast);
          q.erase();
        } else if (auto q = llvm::dyn_cast<ConstOp>(op)) {
          auto value = q.getValue();
          auto type = q.getResult().getType();
          if (arith::ConstantOp::isBuildableWith(value, type)) {
            auto c = b.create<arith::ConstantOp>(q.getLoc(), q.getValue());
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Mon Apr 22 02:50:01 UTC 2024
    - 3.5K bytes
    - Viewed (0)
Back to top