Search Options

Results per page
Sort
Preferred Languages
Advance

Results 1 - 10 of 44 for _einsum (0.12 sec)

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

              ]
          )
          def einsum_without_kernel(
              self, x: core.Tensor, y: core.Tensor
          ) -> Mapping[str, core.Tensor]:
            return self._einsum(x, y)
    
          def _einsum(self, x, y):
    
            out = tensorflow.einsum(equation, x, y)
            if self._bias is not None:
              out = nn_ops.bias_add(out, self._bias)
            return {'output': out}
    
        model = EinsumModel()
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Tue May 14 06:31:57 UTC 2024
    - 18.2K bytes
    - Viewed (0)
  2. tensorflow/compiler/mlir/quantization/tensorflow/python/integration_test/quantize_model_test_base.py

                  ),
              ]
          )
          def einsum_without_kernel(
              self, x: core.Tensor, y: core.Tensor
          ) -> Mapping[str, core.Tensor]:
            return self._einsum(x, y)
    
          def _einsum(self, x, y):
            if is_qat_model:
              x = array_ops.fake_quant_with_min_max_vars(
                  x,
                  min=ops.convert_to_tensor(self._min[0]),
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Thu Mar 21 08:51:46 UTC 2024
    - 51.2K bytes
    - Viewed (0)
  3. tensorflow/compiler/mlir/tensorflow/tests/einsum.mlir

    // RUN: tf-opt -split-input-file -verify-diagnostics -tf-einsum %s | FileCheck %s
    
    func.func @unary_einsum_reduce_sum_transpose(%arg0: tensor<3x4x5x6xf32>) -> tensor<3x5x4xf32> {
      %0 = "tf.Einsum"(%arg0) {T = "tfdtype$DT_FLOAT", equation = "...gse->...sg"}: (tensor<3x4x5x6xf32>) -> tensor<3x5x4xf32>
      func.return %0 : tensor<3x5x4xf32>
      // CHECK-LABEL: unary_einsum_reduce_sum_transpose
      // CHECK-DAG: %[[cst:.*]] = arith.constant dense<3> : tensor<1xi32>
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Fri Jan 05 18:35:42 UTC 2024
    - 25.9K bytes
    - Viewed (0)
  4. tensorflow/compiler/mlir/tensorflow/transforms/einsum.cc

    }
    
    struct EinsumDimensionNumbers {
      // Each field contains the list of dimensions appearing only in the specifed
      // arguments of the einsum op with natural ordering. For example `rhs_out`
      // contains the dimensions appearing in the RHS and the OUTPUT of the einsum
      // but not in the LHS.
      std::vector<int64_t> lhs;
      std::vector<int64_t> rhs;
      std::vector<std::tuple<int64_t, int64_t>> lhs_rhs;
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Thu Apr 25 16:01:03 UTC 2024
    - 33.3K bytes
    - Viewed (0)
  5. tensorflow/compiler/mlir/tensorflow/tests/batchmatmul_to_einsum.mlir

    // RUN: tf-opt %s -tf-batch-matmul-to-tf-einsum | FileCheck %s
    
    func.func @test_batch_matmul_to_einsum(%arg0: tensor<1x2x3xf32>, %arg1: tensor<3x4xf32>) -> tensor<1x2x4xf32> {
      // CHECK-LABEL: test_batch_matmul_to_einsum
      // CHECK: "tf.Einsum"(%arg0, %arg1) <{equation = "...mk,...kn->...mn"}> : (tensor<1x2x3xf32>, tensor<3x4xf32>) -> tensor<1x2x4xf32>
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Mon Oct 30 06:52:55 UTC 2023
    - 3K bytes
    - Viewed (0)
  6. tensorflow/compiler/mlir/quantization/tensorflow/tests/convert_tf_xla_op_to_tf_op.mlir

      func.return %0 : tensor<?x2x4x5xf32>
    }
    
    // CHECK: func @xla_dot_v2
    // CHECK: %[[einsum:.*]] = "tf.Einsum"(%arg0, %arg1) <{equation = "abc,cde->abde"}> : (tensor<?x2x3xf32>, tensor<3x4x5xf32>) -> tensor<?x2x4x5xf32>
    // CHECK: return %[[einsum]] : tensor<?x2x4x5xf32>
    
    // -----
    
    // dimension_numbers: {
    //   offset_dims: 0
    //   collapsed_slice_dims: 1
    //   start_index_map: 1
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Mon Oct 30 06:52:55 UTC 2023
    - 3.7K bytes
    - Viewed (0)
  7. tensorflow/compiler/mlir/quantization/common/lift_as_function_call.td

                        "\""# func_name #"\", $0...)", returns>;
    
    // Add the second argument to the first argument, which is expected to be an
    // argument list.
    // bias(einsum(inputs), bias) --> einsum_with_bias(AppendToVector(inputs, bias))
    // Since inputs is a vector in case of einsum, we cannot use ArgumentList here.
    def AppendToVector : NativeCodeCall<"AppendToVector($0, $1)">;
    
    // The list of arguments of the composite function.
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Mon Mar 25 00:32:20 UTC 2024
    - 3.4K bytes
    - Viewed (0)
  8. tensorflow/compiler/mlir/quantization/tensorflow/passes/replace_cast_hacks_with_tf_xla_ops.td

      [], (addBenefit 10)>;
    
    // Converts inlined Einsum pattern to TF XlaDotV2 op.
    def ConvertTFEinsumToXLADotV2Op : Pat<
      (TF_EinsumOp:$einsum
        $args, $equation),
      (CreateXlaDotV2OpFromTfEinsumOp
        $equation, $args, $einsum),
      [(IsInt32ElementType $einsum),
       // Constraint to check:
       // 1. The einsum has two inputs and one output.
       // 2. The einsum is not created by the convert function itself.
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Sun Dec 10 05:52:02 UTC 2023
    - 21.1K bytes
    - Viewed (0)
  9. tensorflow/compiler/mlir/quantization/tensorflow/passes/convert_tf_xla_op_to_tf_op.td

    def IsPrecisionEmpty :
      Constraint<CPred<"IsPrecisionEmpty($0)">>;
    
    // Creates Einsum Op from XlaDotV2 Op by generating equation.
    def CreateEinsumOpFromXlaDotV2Op : NativeCodeCall<
      "CreateEinsumOpFromXlaDotV2Op($_builder, $_loc, $0...)">;
    
    // Convert XlaDotV2 Op to Einsum Op with above two functions.
    def ConvertXlaDotV2OpToEinsumOp : Pat<
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Sun Dec 10 05:52:02 UTC 2023
    - 2.3K bytes
    - Viewed (0)
  10. ci/official/containers/linux_arm64/jax.requirements.txt

    # REQUIREMENTS_FILE=jax.requirements.txt
    
    
    setuptools
    wheel
    cloudpickle
    colorama>=0.4.4
    matplotlib
    pillow>=9.1.0
    rich
    absl-py
    portpicker
    six
    opt-einsum
    auditwheel
    typing_extensions
    importlib_metadata>=4.6
    numpy==1.26.0;python_version=="3.12"
    numpy==1.23.4;python_version=="3.11"
    numpy==1.22.4;python_version<"3.11"
    scipy==1.11.2;python_version=="3.12"
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Tue Jan 30 20:02:17 UTC 2024
    - 570 bytes
    - Viewed (0)
Back to top