Search Options

Results per page
Sort
Preferred Languages
Advance

Results 71 - 80 of 163 for I64 (0.02 sec)

  1. tensorflow/compiler/mlir/tensorflow/tests/cannonicalize_ops_outside_compilation.mlir

        "tf.TPUReplicateMetadata"() {_tpu_replicate = "cluster_Fn", allow_soft_placement = true, computation_shape = [], device = "", device_assignment = [], host_compute_core = [], num_cores_per_replica = 1 : i64, num_replicas = 1 : i64, padding_map = [], step_marker_location = "STEP_MARK_AT_ENTRY", topology = "", use_spmd_for_xla_partitioning = true, use_tpu = true} : () -> ()
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Wed Mar 13 21:23:47 UTC 2024
    - 2.6K bytes
    - Viewed (0)
  2. tensorflow/compiler/mlir/tensorflow/tests/mlir2graphdef/optional_symbol_ref.mlir

          %control = tf_executor.island wraps "tf.XlaHostCompute"() {_xla_original_oc_node_name = "Add", _xla_token_input_nodes = ["_xla_token_arg_node"], ancestors = [], cost_estimate_ns = 1024 : i64, key = "host_compute_channel_1_retvals", send_key = "", recv_key = "", shapes = [], tpu_core = 0 : i64} : () -> ()
          tf_executor.fetch
        }
        func.return
      }
    }
    
    // CHECK: op: "XlaHostCompute"
    
    // CHECK:       attr {
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Mon Mar 28 12:06:33 UTC 2022
    - 967 bytes
    - Viewed (0)
  3. tensorflow/compiler/mlir/tensorflow/tests/mark_input_output_aliases.mlir

      func.return
    }
    
    // CHECK-LABEL: func @device_func_5
    // CHECK-SAME: [[ARG0:%.*]]: tensor<f32> {tf.aliasing_output = 1 : i64},
    // CHECK-SAME: [[ARG1:%.*]]: tensor<f32> {tf.aliasing_output = 2 : i64},
    // CHECK-NOT: [[ARG2:%.*]]:  tensor<f32> {tf.aliasing_output = 0 : i64}
    func.func @device_func_5(%arg0: tensor<f32>, %arg1: tensor<f32>, %arg2: tensor<f32>) -> (tensor<f32>, tensor<f32>, tensor<f32>) {
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Tue Mar 05 04:14:26 UTC 2024
    - 6.4K bytes
    - Viewed (0)
  4. tensorflow/compiler/mlir/tensorflow/tests/tf_device_ops.mlir

    func.func @no_operand_replicate() {
      tf_device.replicate {n = 2 : i32} {
        %0 = "tf.Const"() { value = dense<0> : tensor<i64> } : () -> tensor<i64>
        %1 = "tf.Const"() { value = dense<1> : tensor<i64> } : () -> tensor<i64>
        tf_device.return %0, %1 : tensor<i64>, tensor<i64>
      }
      func.return
      // CHECK:      tf_device.replicate
      // CHECK-SAME: n = 2
      // CHECK:   tf_device.return
    }
    
    // -----
    
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Tue Jan 23 23:53:20 UTC 2024
    - 7.7K bytes
    - Viewed (0)
  5. tensorflow/compiler/mlir/tfrt/tests/tf_to_corert/derived_attrs.mlir

      %dense_value =
        "tf.ParseExampleV2"(%serialized, %names, %sparse_keys, %dense_keys, %ragged_keys, %dense_default)
        // CHECK: Tdense = [i64]
        // CHECK-SAME: dense_shapes = [#corert.shape<>]
        { device = "/device:CPU:0", num_sparse = 0 : i64, dense_shapes = [#tf_type.shape<>], resultSegmentSizes = array<i32: 0, 0, 0, 1, 0, 0>}
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Mon Aug 14 15:35:49 UTC 2023
    - 959 bytes
    - Viewed (0)
  6. tensorflow/compiler/mlir/tfrt/tests/tf_to_corert/fallback.mlir

    // CHECK-SAME: Tdense = [f32, f32], dense_shapes = [#corert.shape<>, #corert.shape<>]
    // CHECK-SAME: num_sparse = 2 : i64, ragged_split_types = [], ragged_value_types = []
    // CHECK-SAME: sparse_types = [!corert.string, i64]}
    // CHECK-SAME: num_args(7)
    
    // CHECK: tfrt_fallback_async.createop(%0) key(1) device("/device:CPU:0") "tf.ReadVariableOp"() {dtype = f32} num_args(1)
    
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Wed May 08 00:18:59 UTC 2024
    - 9.1K bytes
    - Viewed (0)
  7. tensorflow/compiler/mlir/quantization/stablehlo/tests/passes/prepare_quantize/prepare_quantize_per_channel.mlir

          window = {
            stride = [1, 1], pad = [[0, 0], [1, 1]],
            lhs_dilate = [1, 1],
            rhs_dilate = [1, 1]
          }
          {
            batch_group_count = 1 : i64,
            feature_group_count = 1 : i64
          } : (tensor<1x3x2x3xf32>, tensor<2x3x3x2xf32>)
          -> tensor<1x2x2x2xf32>
        %3 = "quantfork.stats"(%arg2) {layerStats = dense<[7.05456924, 7.11401462]> : tensor<2xf32>} : (tensor<2xf32>) -> tensor<2xf32>
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Tue Mar 26 07:48:15 UTC 2024
    - 8.6K bytes
    - Viewed (0)
  8. tensorflow/compiler/mlir/tensorflow/tests/graph_pruning_preserve_ops.mlir

        %2 = tf_executor.island(%1) wraps "tf.TPUReplicateMetadata"() {allow_soft_placement = false, computation_shape = [], device_assignment = [], host_compute_core = [], num_cores_per_replica = 1 : i64, num_replicas = 1 : i64, step_marker_location = "STEP_MARK_AT_ENTRY", topology = "", use_spmd_for_xla_partitioning = true, use_tpu = true} : () -> ()
        tf_executor.fetch %0 : !tf_executor.control
      }
      func.return
    }
    
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Mon Mar 28 12:06:33 UTC 2022
    - 3.2K bytes
    - Viewed (0)
  9. tensorflow/compiler/mlir/quantization/stablehlo/tests/passes/quantize/quantize_weight_only.mlir

        %0 = stablehlo.convolution(%arg0, %arg1) dim_numbers = [b, 0, 1, f]x[0, 1, i, o]->[b, 0, 1, f], window = {pad = [[0, 1], [1, 1]]} {batch_group_count = 1 : i64, feature_group_count = 1 : i64} : (tensor<1x3x4x3xf32>, tensor<2x3x3x2xf32>) -> tensor<1x3x4x2xf32>
        return %0 : tensor<1x3x4x2xf32>
      }
    }
    
    // CHECK-LABEL: quantize_conv_fn
    // CHECK-SAME: %[[ARG0:.+]]: tensor<1x3x4x3xf32>
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Tue May 14 17:10:32 UTC 2024
    - 4.8K bytes
    - Viewed (0)
  10. tensorflow/compiler/mlir/tensorflow/tests/end-to-end-tpu-reshard-variables.mlir

          %outputs, %control = tf_executor.island {
            "tf.TPUReplicateMetadata"() <{allow_soft_placement = true, computation_shape = [], device_assignment = [], host_compute_core = [], num_cores_per_replica = 1 : i64, num_replicas = 2 : i64, padding_map = [], step_marker_location = "STEP_MARK_AT_ENTRY", topology = "", tpu_compile_options_proto = "", use_spmd_for_xla_partitioning = false, use_tpu = true}> {_tpu_replicate = "cluster", device = ""} : () -> ()
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Wed Mar 13 21:23:47 UTC 2024
    - 4.5K bytes
    - Viewed (0)
Back to top