Search Options

Results per page
Sort
Preferred Languages
Advance

Results 1 - 10 of 216 for yield (0.04 sec)

  1. tensorflow/compiler/mlir/tensorflow/tests/merge_control_flow.mlir

            "tf.Yield"() : () -> ()
            }, {
            "tf.Yield"() : () -> ()
           }) {is_stateless = true} : (tensor<i1>) -> ()
           "tf.Yield"(%1) : (tensor<i1>) -> ()
        }, {
        ^bb0(%arg1: tensor<i32>, %arg2: tensor<?xf32>):
          "tf.IfRegion"(%0) ({
            %2 = "tf.B"() : () -> (tensor<f32>)
            "tf.Yield"() : () -> ()
            }, {
            "tf.Yield"() : () -> ()
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Mon Oct 30 06:52:55 UTC 2023
    - 63.7K bytes
    - Viewed (0)
  2. tensorflow/compiler/mlir/tensorflow/tests/resource_op_lifting.mlir

           // CHECK: "tf.Yield"(%[[CONST]])
           %constant = "tf.Const"() {value = dense<0.0> : tensor<4xf32>} : () -> tensor<4xf32>
           "tf.AssignVariableOp"(%0, %constant) : (tensor<*x!tf_type.resource<tensor<4xf32>>>, tensor<4xf32>) -> ()
           "tf.Yield"() : () -> ()
          }, {
           // CHECK: "tf.Yield"(%[[READ]])
           "tf.Yield"() : () -> ()
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Mon Oct 30 06:52:55 UTC 2023
    - 74K bytes
    - Viewed (0)
  3. tensorflow/compiler/mlir/quantization/stablehlo/python/integration_test/quantize_model_test.py

            rng.uniform(low=0.0, high=1.0, size=static_input_shape).astype(
                np.float32
            )
        )
    
        def data_gen() -> repr_dataset.RepresentativeDataset:
          for _ in range(100):
            yield {
                'input_tensor': rng.uniform(
                    low=0.0, high=1.0, size=static_input_shape
                ).astype(np.float32)
            }
    
        dataset_path = self.create_tempfile('tfrecord').full_path
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Tue May 14 06:31:57 UTC 2024
    - 51.4K bytes
    - Viewed (0)
  4. tensorflow/compiler/mlir/tensorflow/tests/convert_control_to_data_outputs.mlir

      %graph = tf_executor.graph {
        %island, %ctrl = tf_executor.island {
          %pred = "tf.SomeOp"(%arg2) : (tensor<f32>) -> tensor<i32>
          tf_executor.yield %pred : tensor<i32>
        }
        tf_executor.fetch %island : tensor<i32>
      }
      func.return %graph : tensor<i32>
    }
    
    // CHECK-LABEL:   func @simple_independent_chains
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Thu Feb 22 18:35:00 UTC 2024
    - 68.9K bytes
    - Viewed (0)
  5. tensorflow/compiler/mlir/g3doc/_includes/tf_passes.md

    For example:
    
    ```mlir
    "tf.IfRegion"(%0) ( {
      %2 = "tf.A"() : () -> (tensor<f32>)
      "tf.Yield"() : () -> ()
      }, {
      "tf.Yield"() : () -> ()
     }) { is_stateless = true } : (tensor<i1>) -> ()
    "tf.IfRegion"(%0) ( {
      %2 = "tf.B"() : () -> (tensor<f32>)
      "tf.Yield"() : () -> ()
      }, {
      "tf.Yield"() : () -> ()
      }) { is_stateless = true } : (tensor<i1>) -> ()
    ```
    
    Would be transformed to:
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Wed Aug 02 02:26:39 UTC 2023
    - 96.4K bytes
    - Viewed (0)
  6. tensorflow/compiler/mlir/tensorflow/tests/tensor_array_ops_decomposition.mlir

      ^bb0(%barg0: tensor<f32>, %barg1: tensor<i32>):
        // CHECK: %[[PRED:.*]] = "tf._SomeOp"(%[[BARG1]])
        // CHECK: "tf.Yield"(%[[PRED]])
        %pred = "tf._SomeOp"(%barg1) : (tensor<i32>) -> tensor<i1>
        "tf.Yield" (%pred) : (tensor<i1>) -> ()
      }, {
      // CHECK: ^bb0(%[[BARG0:.*]]: tensor<f32>, %[[BARG1:.*]]: tensor<i32>):
      ^bb0(%barg0: tensor<f32>, %barg1: tensor<i32>):
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Mon Oct 30 06:52:55 UTC 2023
    - 49K bytes
    - Viewed (0)
  7. tensorflow/compiler/mlir/lite/experimental/tac/tests/raise-target-subgraphs.mlir

    module {
    func.func @simpleWhile(%arg0: tensor<i32>) -> tensor<i32> {
      %0 = "tfl.while"(%arg0) ({
      ^bb0(%block: tensor<i32>):
        "tfl.yield"(%block) : (tensor<i32>) -> ()
      },{
      ^bb0(%block: tensor<i32>):
        "tfl.yield"(%block) : (tensor<i32>) -> ()
      }) {tac.device = "CPU", fused_activation_function = "RELU6", tac.inference_type = "FLOAT"} : (tensor<i32>) -> tensor<i32>
      func.return %0 : tensor<i32>
    }
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Thu May 02 09:41:17 UTC 2024
    - 74.9K bytes
    - Viewed (0)
  8. tensorflow/compiler/mlir/tensorflow/ir/tf_ops.td

      regions accept the current value of the iteration variables as inputs.
    
      The condition region yields a tensor<i1> which, if false, will exit the loop.
      It can also, optionally and additionally, yield the iteration variables, which
      must be unchanged.
    
      The body region always has to yield the (possibly updated) iteration variables.
    
      The iteration variables are initialized to the Op input, and the results of the
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Wed Apr 24 04:08:35 UTC 2024
    - 90.5K bytes
    - Viewed (0)
  9. src/reflect/type.go

    		c := field.Name[0]
    		if 'a' <= c && c <= 'z' || c == '_' {
    			panic("reflect.StructOf: field \"" + field.Name + "\" is unexported but missing PkgPath")
    		}
    	}
    
    	resolveReflectType(field.Type.common()) // install in runtime
    	f := structField{
    		Name:   newName(field.Name, string(field.Tag), field.IsExported(), field.Anonymous),
    		Typ:    field.Type.common(),
    		Offset: 0,
    	}
    	return f, field.PkgPath
    }
    Registered: Wed Jun 12 16:32:35 UTC 2024
    - Last Modified: Wed May 29 17:58:53 UTC 2024
    - 85.5K bytes
    - Viewed (0)
  10. tensorflow/compiler/mlir/tfr/python/tfr_gen.py

      def visit_block(self, block):
        return [self.visit(item) for item in block]
    
      def visit_Pass(self, node):
        if self.symbol_table.in_scf_scope():
          self._emit_with_loc('\nscf.yield', node)
        else:
          self._emit_with_loc('\ntfr.return', node)
    
      def visit_Attribute(self, node):
        node_type = self._get_inferred_type(node, None)
        if isinstance(node.value, ast.Name):
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Wed Apr 27 15:27:03 UTC 2022
    - 55.8K bytes
    - Viewed (0)
Back to top