Search Options

Results per page
Sort
Preferred Languages
Advance

Results 1 - 10 of 54 for output2 (0.38 sec)

  1. tensorflow/compiler/mlir/quantization/stablehlo/python/integration_test/quantize_model_test.py

            Args:
              input_tensor: Input tensor to matmul with the filter.
    
            Returns:
              A 'output' -> output tensor mapping
            """
            out = math_ops.matmul(input_tensor, random_tensor_gen_fn((2, 3)))
            out = math_ops.matmul(out, random_tensor_gen_fn((3, 4)))
            return {'output': out}
    
        model = TwoMatmulModel()
        input_shape = (1, 2)
    
        save.save(
            model,
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Tue May 14 06:31:57 UTC 2024
    - 51.4K bytes
    - Viewed (0)
  2. tensorflow/compiler/mlir/lite/flatbuffer_import.cc

      for (const auto& op : subgraph.operators) {
        for (int32_t output : op->outputs) {
          if (!llvm::is_contained(input_indices, output)) {
            defining_op[output] = op.get();
          }
        }
      }
    
      std::vector<const tflite::OperatorT*> queue;
      for (int32_t output : output_indices) {
        if (auto& op = defining_op[output]) {
          queue.push_back(op);
        }
      }
    
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Tue May 21 18:21:50 UTC 2024
    - 66.8K bytes
    - Viewed (0)
  3. tensorflow/compiler/mlir/lite/quantization/lite/quantize_model_test.cc

      // Check that we have two inputs and one output.
      ASSERT_THAT(op->inputs, SizeIs(2));
      ASSERT_THAT(op->outputs, SizeIs(1));
    
      // Check that all is quantized.
      auto output = subgraph->tensors[op->outputs[0]].get();
      auto input1 = subgraph->tensors[op->inputs[0]].get();
      auto input2 = subgraph->tensors[op->inputs[1]].get();
    
      EXPECT_THAT(output->type, Eq(TensorType_INT8));
    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/tensorflow/ir/tf_ops.td

          [DeclareOpInterfaceMethods<SymbolUserOpInterface>]> {
      let summary = [{
    output = input; While (Cond(output)) { output = Body(output) }
      }];
    
      let description = [{
    output = input; While (Cond(output)) { output = Body(output) }
    
    input: A list of input tensors whose types are T.
    output: A list of output tensors whose types are T.
    cond: A function that takes 'input' and returns a tensor.  If the tensor is
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Wed Apr 24 04:08:35 UTC 2024
    - 90.5K bytes
    - Viewed (0)
  5. tensorflow/compiler/mlir/tf2xla/internal/passes/extract_outside_compilation.cc

      shard_output_types.reserve(outputs.size());
      full_output_types.reserve(outputs.size());
      for (const auto& output : outputs) {
        Type shard_type;
        if (failed(GetShardShapedType(original_op, num_cores_per_replica,
                                      output.getType(), shard_type)))
          return mlir::failure();
        shard_output_types.push_back(shard_type);
        full_output_types.push_back(output.getType());
      }
    
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Tue Apr 30 21:25:12 UTC 2024
    - 68.3K bytes
    - Viewed (0)
  6. tensorflow/compiler/mlir/tensorflow/transforms/sparsecore/embedding_pipelining.cc

              results.insert(result);
              break;
            }
          }
        }
      }
      llvm::SetVector<Value> outputs;
      for (auto output : results) outputs.insert(output);
      auto tf_caller =
          EncapsulateOpsInFunc(builder, symbol_table, ops, inputs, outputs,
                               parent_func, module, func_name, flag_for_inlining);
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Thu Apr 25 16:01:03 UTC 2024
    - 92.9K bytes
    - Viewed (0)
  7. src/cmd/compile/internal/ssa/_gen/ARM64Ops.go

    	var (
    		gp01           = regInfo{inputs: nil, outputs: []regMask{gp}}
    		gp0flags1      = regInfo{inputs: []regMask{0}, outputs: []regMask{gp}}
    		gp11           = regInfo{inputs: []regMask{gpg}, outputs: []regMask{gp}}
    		gp11sp         = regInfo{inputs: []regMask{gpspg}, outputs: []regMask{gp}}
    		gp1flags       = regInfo{inputs: []regMask{gpg}}
    		gp1flags1      = regInfo{inputs: []regMask{gpg}, outputs: []regMask{gp}}
    Registered: Wed Jun 12 16:32:35 UTC 2024
    - Last Modified: Thu May 23 15:49:20 UTC 2024
    - 58.8K bytes
    - Viewed (0)
  8. tensorflow/compiler/mlir/tfrt/tests/mlrt/while_to_map_fn.mlir

      %outputs =  "tf.Const"() {device = "", value = dense<16> : tensor<i32>} : () -> tensor<i32>
      %outputs_0 =  "tf.Less"(%arg0, %arg1) {device = ""} : (tensor<i32>, tensor<i32>) -> tensor<*xi1>
      %outputs_2 =  "tf.Less"(%arg2, %outputs) {device = ""} : (tensor<i32>, tensor<i32>) -> tensor<*xi1>
      %outputs_4 =  "tf.LogicalAnd"(%outputs_0, %outputs_2) {device = ""} : (tensor<*xi1>, tensor<*xi1>) -> tensor<*xi1>
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Tue Apr 23 06:40:22 UTC 2024
    - 68.6K bytes
    - Viewed (0)
  9. platforms/core-configuration/configuration-cache/src/integTest/groovy/org/gradle/internal/cc/impl/ConfigurationCacheDependencyResolutionIntegrationTest.groovy

                    void transform(TransformOutputs outputs) {
                        def input = inputArtifact.get().asFile
                        println "converting \${input.name} to red"
                        assert input.file
                        def output = outputs.file(input.name + ".red")
                        output.text = input.text + ".red"
                    }
                }
    
    Registered: Wed Jun 12 18:38:38 UTC 2024
    - Last Modified: Sat Jun 08 11:29:25 UTC 2024
    - 54.1K bytes
    - Viewed (0)
  10. tensorflow/compiler/mlir/lite/tests/prepare-quantize-post-training.mlir

    }
    
    // CHECK-LABEL: QuantizeWithoutNorm
    func.func @QuantizeWithoutNorm(%arg0: tensor<1x1x5xf32>) -> tensor<*xf32> attributes {tf.entry_function = {inputs = "input0", outputs = "output24"}} {
      %none = "tfl.no_value"() {value = unit} : () -> none
      %input = "quantfork.stats"(%arg0) {layerStats = dense<[-1.2, 1.5]> : tensor<2xf32>} : (tensor<1x1x5xf32>) -> tensor<1x1x5xf32>
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Thu May 02 09:41:17 UTC 2024
    - 52.6K bytes
    - Viewed (0)
Back to top