Search Options

Results per page
Sort
Preferred Languages
Advance

Results 1 - 10 of 91 for const2 (0.1 sec)

  1. tensorflow/c/c_api_test.cc

        //        |         |
        //      Const_0    Const_1
        //
        const float const0_val[] = {1.0, 2.0, 3.0, 4.0};
        const float const1_val[] = {1.0, 0.0, 0.0, 1.0};
        TF_Operation* const0 = FloatConst2x2(graph_, s_, const0_val, "Const_0");
        TF_Operation* const1 = FloatConst2x2(graph_, s_, const1_val, "Const_1");
        TF_Operation* matmul = MatMul(graph_, s_, const0, const1, "MatMul");
        inputs[0] = TF_Output{const0, 0};
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Mon Apr 15 03:35:10 UTC 2024
    - 96.9K bytes
    - Viewed (0)
  2. tensorflow/compiler/mlir/quantization/stablehlo/tests/passes/quantize_composite_functions.mlir

    // CHECK-DAG: %[[CONST_2:.+]] = stablehlo.constant dense<3> : tensor<1xi32>
    // CHECK-DAG: %[[CONST_3:.+]] = stablehlo.constant dense<4> : tensor<1xi32>
    // CHECK-DAG: %[[CONST_4:.+]] = stablehlo.constant dense<2> : tensor<1xi32>
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Thu May 09 05:56:10 UTC 2024
    - 91.6K bytes
    - Viewed (0)
  3. tensorflow/compiler/mlir/lite/quantization/lite/quantize_model_test.cc

      ASSERT_THAT(status, Eq(kTfLiteOk));
      const auto& subgraph = model_.subgraphs[0];
      auto conv_op = subgraph->operators[0].get();
      const int input_tensor_idx = 0;
      const int weights_tensor_idx = 1;
      const int bias_tensor_index = 2;
      const int output_tensor_idx = 0;
      const auto bias_tensor =
          subgraph->tensors[conv_op->inputs[bias_tensor_index]].get();
      const auto input_tensor =
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Wed Jun 12 23:15:24 UTC 2024
    - 73.9K bytes
    - Viewed (0)
  4. tensorflow/compiler/mlir/tfrt/tests/mlrt/while_to_map_fn.mlir

      // CHECK-NEXT: [[loop_counter:%.*]] = "tf.Const"
      %outputs_16 =  "tf.Const"() {device = "", value = dense<0> : tensor<i32>} : () -> tensor<i32>
      // CHECK-NEXT: [[max_iterations:%.*]] = "tf.Const"
      %outputs_18 =  "tf.Const"() {device = "", value = dense<16> : tensor<i32>} : () -> tensor<i32>
      %outputs_20 =  "tf.Const"() {device = "", value = dense<1> : tensor<i32>} : () -> tensor<i32>
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Tue Apr 23 06:40:22 UTC 2024
    - 68.6K bytes
    - Viewed (0)
  5. tensorflow/compiler/mlir/lite/flatbuffer_import.cc

    // TODO(krzysd) Handle function calls
    StatusOr<Operation*> ConvertOp(
        const tflite::OperatorT& op, const std::vector<Value>& vals_map,
        const std::vector<mlir::TensorType>& intermediate_types,
        Value optional_arg_marker,
        const std::vector<std::unique_ptr<tflite::OperatorCodeT>>& op_codes,
        const std::vector<std::string>& func_names,
        const std::vector<std::unique_ptr<tflite::TensorT>>& tensors, Location loc,
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Tue May 21 18:21:50 UTC 2024
    - 66.8K bytes
    - Viewed (0)
  6. tensorflow/compiler/mlir/quantization/tensorflow/passes/quantize_composite_functions.cc

      explicit QuantizeCompositeFunctionsPass() = default;
    
      explicit QuantizeCompositeFunctionsPass(
          const QuantMethod quantization_method, const OpSet target_opset,
          const bool enable_per_channel_quantization,
          const int min_num_elements_for_weights,
          const bool enable_legacy_weight_only,
          std::optional<const std::string> mlir_dump_file_name)
          : enable_legacy_weight_only_(enable_legacy_weight_only),
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Thu Apr 25 16:01:03 UTC 2024
    - 54.5K bytes
    - Viewed (0)
  7. tensorflow/compiler/mlir/lite/stablehlo/transforms/compose_uniform_quantized_type_pass.cc

            *UniformQuantizeFunctionCallPattern::Match(uniform_quantize_call_op);
        const double input_inverse_scales_value =
            uniform_quantize_call_pattern_for_input.GetInverseScalesValueAttr()
                .getSplatValue<APFloat>()
                .convertToFloat();
        const double input_scale_value = 1.0 / input_inverse_scales_value;
        const int64_t input_zero_point_value =
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Thu Apr 25 16:01:03 UTC 2024
    - 64.6K bytes
    - Viewed (0)
  8. tensorflow/compiler/mlir/lite/transforms/lower_static_tensor_list.cc

    template <typename R>
    void UpdateTensorListResultTypesForIf(
        const llvm::SmallSet<int, 4> &tensor_list_index,
        const llvm::SmallSet<int, 4> &resized_tensor_list_index,
        const llvm::DenseMap<int, int> &tensor_list_map, ArrayRef<Type> types,
        R &&range, ValueRange operands,
        llvm::SmallVectorImpl<Type> *updated_types) {
      int i = 0;
      for (const auto it : llvm::zip(types, range)) {
        if (!tensor_list_index.count(i)) {
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Tue Jun 11 20:00:43 UTC 2024
    - 70.7K bytes
    - Viewed (0)
  9. tensorflow/compiler/mlir/quantization/stablehlo/tests/passes/lift_quantizable_spots_as_functions.mlir

      %3 = stablehlo.add %2, %1 : tensor<1x3xf32>
      func.return %3: tensor<1x3xf32>
    }
    // CHECK: %[[CONST_0:.*]] = stablehlo.constant dense<2.000000e+00>
    // CHECK: %[[CONST_1:.*]] = stablehlo.constant dense<2.000000e+00>
    // CHECK: %[[XLA_CALL_MODULE:.*]] = "tf.XlaCallModule"(%arg0, %[[CONST_0]], %[[CONST_1]])
    // CHECK: return %[[XLA_CALL_MODULE:.*]] : tensor<1x3xf32>
    // CHECK: }
    
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Fri May 10 04:07:09 UTC 2024
    - 49.8K bytes
    - Viewed (0)
  10. tensorflow/compiler/mlir/lite/transforms/prepare_tf.cc

        if (!input_type) {
          return failure();
        }
        const ArrayRef<int64_t> input_shape = input_type.getShape();
    
        const int input_size = input_shape.size();
    
        RankedTensorType begin_type = mlir::cast<RankedTensorType>(begin.getType());
        const ArrayRef<int64_t> begin_shape = begin_type.getShape();
        const int begin_dim = begin_shape.size();
    
        if (begin_dim != 1) return failure();
    
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Tue May 28 21:49:50 UTC 2024
    - 64.6K bytes
    - Viewed (0)
Back to top