Search Options

Results per page
Sort
Preferred Languages
Advance

Results 51 - 60 of 4,402 for SAME (0.03 sec)

  1. tensorflow/compiler/mlir/quantization/tensorflow/tests/insert_quantized_functions.mlir

    // CHECK-SAME: tf_quant.quantized_ops = ["DepthwiseConv2D", "BiasAdd", "Relu"]
    // CHECK: func private @quantized_matmul_with_bias_fn
    // CHECK: func private @quantized_matmul_with_bias_and_relu_fn
    // CHECK: func private @quantized_matmul_with_bias_and_relu6_fn
    // CHECK: func private @quantized_matmul_fn
    // CHECK-SAME: tf_quant.quantized_ops = ["MatMul"]
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Tue Aug 29 01:13:58 UTC 2023
    - 3.3K bytes
    - Viewed (0)
  2. tensorflow/compiler/mlir/tensorflow/tests/tf_saved_model/remove_init_variable_v1.py

    # it is being invoked.
    # CHECK: module
    # CHECK-SAME: tf.versions
    # CHECK-SAME: bad_consumers
    # CHECK-SAME: min_consumer
    # CHECK-SAME: producer
    
    # CHECK: "tf_saved_model.global_tensor"() <{is_mutable, sym_name = "[[VAR:[a-zA-Z_0-9]+]]", type = tensor<1x3xf32>, value = {{.*}} : tensor<1x3xf32>}> : () -> ()
    # CHECK-NOT: session_initializer
    
    # CHECK:      func {{@[a-zA-Z_0-9]+}}(
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Tue Oct 31 08:49:35 UTC 2023
    - 2.8K bytes
    - Viewed (0)
  3. tensorflow/compiler/mlir/quantization/tensorflow/tests/quantize_composite_functions.mlir

    // CHECK-SAME: f = @quantize_i8
    // CHECK: %[[conv_quant:.*]] = "tf.PartitionedCall"(%[[quantize]], %[[w_quant]], %[[b_quant]],
    // CHECK-SAME: %[[in_scale]], %[[in_zp]], %[[w_scale]], %[[w_zp]],
    // CHECK-SAME: %[[b_scale]], %[[w_zp]], %[[out_scale]], %[[out_zp]])
    // CHECK-SAME: f = @quantized_conv2d_with_bias_and_relu6_fn_0
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Mon Nov 06 01:23:21 UTC 2023
    - 15.2K bytes
    - Viewed (0)
  4. tensorflow/compiler/mlir/tensorflow/tests/shape_inference.mlir

      // CHECK-SAME: %arg21: tensor<!tf_type.resource<tensor<640xf32>>>
      // CHECK-SAME: %arg22: tensor<!tf_type.resource<tensor<640xf32>>>
      // CHECK-SAME: %arg23: tensor<!tf_type.resource<tensor<512x640xf32>>>
      // CHECK-SAME: %arg24: tensor<!tf_type.resource<tensor<640x640xf32>>>
      // CHECK-SAME: %arg25: tensor<!tf_type.resource<tensor<4096xf32>>>
      // CHECK-SAME: %arg26: tensor<!tf_type.resource<tensor<640x4096xf32>>>
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Tue Jan 23 17:24:10 UTC 2024
    - 167.4K bytes
    - Viewed (0)
  5. tensorflow/compiler/mlir/tensorflow/tests/tf_saved_model_optimize_global_tensors.mlir

      // CHECK: "tf_saved_model.global_tensor"() <{
      // CHECK-SAME: is_mutable
      // CHECK-SAME: }> : () -> ()
      "tf_saved_model.global_tensor"() { is_mutable, sym_name = "v", type = tensor<f32>, value = dense<42.> : tensor<f32> } : () -> ()
    
      // CHECK: "tf_saved_model.global_tensor"() <{
      // CHECK-SAME: is_mutable
      // CHECK-SAME: }> : () -> ()
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Tue Oct 31 08:49:35 UTC 2023
    - 9.3K bytes
    - Viewed (0)
  6. tensorflow/compiler/mlir/tensorflow/tests/tpu_resource_partitioning.mlir

      // CHECK-SAME: _XlaSharding = ""
      // CHECK-SAME: partition_dims = []
      // CHECK-DAG:  "tf.AssignVariableOp"([[ARG0]], [[OUTPUT]]#0)
      // CHECK-DAG:  "tf.AssignVariableOp"([[ARG1]], [[OUTPUT]]#1)
      "tf.AssignVariableOp"(%0, %2) : (tensor<!tf_type.resource<tensor<i32>>>, tensor<i32>) -> ()
      func.return
    }
    
    // CHECK-LABEL: func @read_write_packed_resource
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Tue Jan 23 23:53:20 UTC 2024
    - 15.7K bytes
    - Viewed (0)
  7. tensorflow/compiler/mlir/tf2xla/tests/legalize-tf-collective.mlir

    // RUN: tf-opt -split-input-file -verify-diagnostics -xla-legalize-tf-collective -xla-legalize-tf %s | FileCheck %s
    
    
    // CHECK: module attributes
    // CHECK-SAME{LITERAL}: tf2xla.collective_info.group_key = 0
    // CHECK-SAME{LITERAL}: tf2xla.collective_info.group_size = 2
    // CHECK-LABEL: func @all_reduce_cross_replica
    func.func @all_reduce_cross_replica(%input: tensor<f32>) -> tensor<f32> {
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Sat Apr 06 15:32:52 UTC 2024
    - 15.6K bytes
    - Viewed (0)
  8. tensorflow/compiler/mlir/quantization/tensorflow/tests/quantize_composite_functions_xla.mlir

      }
    
    // CHECK-LABEL: func @conv_with_single_layer
    
    // CHECK: %[[quantize:.*]] = "tf.PartitionedCall"(%arg0
    // CHECK-SAME: f = @quantize_i8
    // CHECK: %[[conv_quant:.*]] = "tf.PartitionedCall"(%[[quantize]]
    // CHECK-SAME: f = @quantized_conv2d_with_bias_and_relu6_float_output_fn_0
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Mon Jan 08 01:16:10 UTC 2024
    - 25.2K bytes
    - Viewed (0)
  9. tensorflow/compiler/mlir/tensorflow/tests/tpu_colocate_composite_resource_ops.mlir

    // tf_device.Cluster.
    
    // CHECK-LABEL: func @testReadVariableOpColocated
    // CHECK-SAME: (%[[ARG0:.*]]: tensor<*x!tf_type.resource<tensor<4xf32>>>)
    func.func @testReadVariableOpColocated(%arg0: tensor<*x!tf_type.resource<tensor<4xf32>>>) {
      // CHECK:      tf_device.replicate
      // CHECK-SAME: (%[[ARG0]] as %[[RI_0:[a-z0-9]*]]: tensor<*x!tf_type.resource<tensor<4xf32>>>)
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Tue Oct 31 08:59:10 UTC 2023
    - 6.3K bytes
    - Viewed (0)
  10. tensorflow/compiler/mlir/tensorflow/tests/tpu_cluster_formation.mlir

      func.return
    }
    
    // CHECK:      tf_device.replicate
    // CHECK-SAME: [%[[ARG_0]], %[[ARG_0]]] as %{{[a-z0-9]*}}
    // CHECK-SAME: [%[[ARG_2]], %[[ARG_2]]] as %{{[a-z0-9]*}}
    // CHECK-SAME: [%[[ARG_4]], %[[ARG_4]]] as %{{[a-z0-9]*}}
    // CHECK-SAME: %[[ARG_1]] as %{{[a-z0-9]*}}
    // CHECK-SAME: %[[ARG_3]] as %{{[a-z0-9]*}}
    // CHECK-SAME: %[[ARG_5]] as %{{[a-z0-9]*}}
    
    
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Thu May 02 22:03:30 UTC 2024
    - 53.9K bytes
    - Viewed (0)
Back to top