Search Options

Results per page
Sort
Preferred Languages
Advance

Results 81 - 90 of 565 for io32 (0.05 sec)

  1. tensorflow/compiler/mlir/tensorflow/tests/replicate_tensor_list_init_ops.mlir

      %one = "tf.Const"() {value = dense<1> : tensor<i32>} : () -> tensor<i32>
      %elem_shape = "tf.Const"() {value = dense<[-1, 1]> : tensor<2xi32>} : () -> tensor<2xi32>
      %size = "tf.Const"() {value = dense<10> : tensor<i32>} : () -> tensor<i32>
      // CHECK: TensorListReserve
      // CHECK: TensorListReserve
      %tl = "tf.TensorListReserve"(%elem_shape, %size) : (tensor<2xi32>, tensor<i32>) -> tensor<!tf_type.variant<tensor<?x1xf32>>>
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Sun Jan 22 17:28:34 UTC 2023
    - 8.2K bytes
    - Viewed (0)
  2. tensorflow/compiler/mlir/lite/tests/flatbuffer2mlir/many_attribute_op.mlir

      // CHECK: "tfl.average_pool_2d"(%{{.*}}) <{filter_height = 3 : i32, filter_width = 6 : i32, fused_activation_function = "NONE", padding = "VALID", stride_h = 3 : i32, stride_w = 1 : i32}> : (tensor<1x6x6x16xf32>) -> tensor<1x1x1x16xf32>
      %0 = "tfl.average_pool_2d"(%arg0) {filter_height = 3 : i32, filter_width = 6 : i32, fused_activation_function = "NONE", padding = "VALID", stride_h = 3 : i32, stride_w = 1 : i32} : (tensor<1x6x6x16xf32>) -> tensor<1x1x1x16xf32> loc("avgpool")
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Thu May 02 09:41:17 UTC 2024
    - 824 bytes
    - Viewed (0)
  3. tensorflow/compiler/mlir/tfrt/tests/mlrt/inline.mlir

      %1 = "tf.Add"(%z, %0) {__op_key = 1: i32, device = "/device:CPU:0"} : (tensor<i32>, tensor<i32>) -> tensor<i32>
      func.return %cond, %x, %y, %1 : tensor<i1>, tensor<i1>, tensor<i1>, tensor<i32>
    }
    
    // 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>) {
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Fri Mar 22 01:01:31 UTC 2024
    - 2.3K bytes
    - Viewed (0)
  4. tensorflow/compiler/mlir/quantization/tensorflow/tests/replace_cast_hacks_with_tf_xla_ops.mlir

        %23 = "tf.Cast"(%22) {Truncate = false} : (tensor<i8>) -> tensor<i32>
        %24 = "tf.Maximum"(%cst_0, %arg10) : (tensor<i32>, tensor<i32>) -> tensor<i32>
        %25 = "tf.Minimum"(%cst, %23) : (tensor<i32>, tensor<i32>) -> tensor<i32>
        %26 = "tf.ClipByValue"(%16, %24, %25) : (tensor<1x2x2x3xi32>, tensor<i32>, tensor<i32>) -> tensor<1x2x2x3xi32>
        %27 = "tf.Cast"(%26) {Truncate = false} : (tensor<1x2x2x3xi32>) -> tensor<1x2x2x3xi8>
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Mon Oct 30 06:52:55 UTC 2023
    - 81K bytes
    - Viewed (0)
  5. tensorflow/compiler/mlir/tensorflow/tests/mark_ops_for_outside_compilation.mlir

      func.return %0 : tensor<i32>
    }
    
    // -----
    
    func.func @unsupported_op_soft_placement_false() -> tensor<i32> {
      %0 = "tf_device.cluster"() ({
        // expected-error@+1 {{'tf.UnsupportedOp' op isn't compilable for TPU device}}
        %1 = "tf.UnsupportedOp"() {value = dense<1> : tensor<i32>} : () -> tensor<i32>
        %2 = "tf.Identity"(%1) : (tensor<i32>) -> tensor<i32>
        tf_device.return %2 : tensor<i32>
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Wed Apr 24 16:22:32 UTC 2024
    - 29.5K bytes
    - Viewed (0)
  6. tensorflow/compiler/mlir/quantization/stablehlo/tests/bridge/convert_tf_quant_ops_to_mhlo.mlir

      %input_zps = "tf.Const"() { value = dense<4> : tensor<i32> } : () -> tensor<i32>
      %bias_scales = "tf.Const"() { value = dense<2.0> : tensor<f32> } : () -> tensor<f32>
      %bias_zps = "tf.Const"() { value = dense<4> : tensor<i32> } : () -> tensor<i32>
      %output_scales = "tf.Const"() { value = dense<2.0> : tensor<f32> } : () -> tensor<f32>
      %output_zps = "tf.Const"() { value = dense<4> : tensor<i32> } : () -> tensor<i32>
    
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Sat Apr 06 15:32:52 UTC 2024
    - 7.2K bytes
    - Viewed (0)
  7. tensorflow/compiler/mlir/tensorflow/tests/tpu_colocate_splits.mlir

      tf_executor.graph {
        %c, %control0 = tf_executor.island wraps "tf.Const"() {value = dense<0> : tensor<i32>} : () -> tensor<i32>
        %a, %control1 = tf_executor.island wraps "tf.A"() {_class = ["loc:@class"]} : () -> (tensor<2xf32>)
        %s:2, %control2 = tf_executor.island wraps "tf.Split"(%c, %a) {num_split = 2 : i32} : (tensor<i32>, tensor<2xf32>) -> (tensor<1xf32>, tensor<1xf32>)
        tf_executor.fetch
      }
      func.return
    }
    
    // -----
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Thu Apr 27 18:44:34 UTC 2023
    - 1.9K bytes
    - Viewed (0)
  8. tensorflow/compiler/mlir/tensorflow/tests/hoist_replicate_invariant_resource_writes.mlir

    !tf_res_i32 = tensor<*x!tf_type.resource<tensor<i32>>>
    !tf_res_f32 = tensor<*x!tf_type.resource<tensor<f32>>>
    
    // CHECK-LABEL: func @hoist_tail_assign
    // CHECK-SAME:  ([[ARG0:%.*]]: tensor<*x!tf_type.resource<tensor<f32>>>)
    func.func @hoist_tail_assign(%arg0: !tf_res_f32) {
      // CHECK: [[REPLICATE:%.*]]:4 = tf_device.replicate {n = 2 : i32}
      %replicate:2 = tf_device.replicate {n = 2 : i32} {
        // CHECK: [[OP_A:%.*]] = "tf.OpA"
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Tue May 17 16:01:45 UTC 2022
    - 3.5K bytes
    - Viewed (0)
  9. tensorflow/compiler/mlir/lite/experimental/tac/tests/device-transform-gpu.mlir

      %0 = "tfl.pseudo_const"() {value = dense<[2, 2, 81]> : tensor<3xi32>} : () -> tensor<3xi32>
      %1 = "tfl.pseudo_const"() {value = dense<-1> : tensor<i32>} : () -> tensor<i32>
      %2:3 = "tfl.split_v"(%arg0, %0, %1) {num_splits = 3 : i32} : (tensor<?x13x13x85xf32>, tensor<3xi32>, tensor<i32>) -> (tensor<?x13x13x2xf32>, tensor<?x13x13x2xf32>, tensor<?x13x13x81xf32>)
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Thu May 02 09:41:17 UTC 2024
    - 15.6K bytes
    - Viewed (0)
  10. tensorflow/compiler/mlir/tensorflow/tests/region-control-flow-to-functional.mlir

      %stride = "tf.Add"(%arg2, %cst) : (tensor<i32>, tensor<i32>) -> tensor<i32>
      %cst1 = arith.constant dense<44> : tensor<i32>
      %limit = "tf.Add"(%arg2, %cst1) : (tensor<i32>, tensor<i32>) -> tensor<i32>
      // CHECK: [[Result:%.*]]:4 = "tf.While"(%arg0, %arg1, %{{.+}}, %{{.+}} <{body = @tf.WhileRegion_body, cond = @tf.WhileRegion_cond
      %0:2 = "tf.WhileRegion"(%arg0, %arg1) (
        {
          ^bb0(%carg0: tensor<*xf32>, %carg1: tensor<i32>):
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Fri Feb 02 11:15:34 UTC 2024
    - 44.3K bytes
    - Viewed (0)
Back to top