Search Options

Results per page
Sort
Preferred Languages
Advance

Results 1 - 10 of 12 for tensorspecs (0.17 sec)

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

              input_signature=[
                  tensor_spec.TensorSpec(
                      name='x', shape=x_signature, dtype=dtypes.float32
                  )
              ]
          )
          def einsum_with_kernel(self, x: core.Tensor) -> Mapping[str, core.Tensor]:
            return self._einsum(x, self._kernel)
    
          @def_function.function(
              input_signature=[
                  tensor_spec.TensorSpec(
    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/cc/experimental/libtf/impl/iostream_test.cc

      ASSERT_EQ(stream.str(), "None");
    }
    
    TEST(OStreamTest, TestTensorSpec) {
      std::stringstream stream;
      TensorSpec tensor_spec;
      tensor_spec.shape = tensorflow::PartialTensorShape({2});
      tensor_spec.dtype = tensorflow::DT_FLOAT;
      stream << tensor_spec;
      ASSERT_EQ(stream.str(), "TensorSpec(shape = [2], dtype = 1)");
    }
    
    }  // namespace impl
    }  // namespace libtf
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Thu Apr 18 09:47:46 UTC 2024
    - 2K bytes
    - Viewed (0)
  3. tensorflow/cc/experimental/libtf/impl/tensor_spec_test.cc

    namespace impl {
    
    TEST(TensorSpecTest, TestSupportsAbslHash) {
      tensorflow::PartialTensorShape unknown_shape;
      TensorSpec ts1;
      ts1.shape = unknown_shape;
      ts1.dtype = tensorflow::DT_FLOAT;
    
      TensorSpec ts2;
      ts2.shape = tensorflow::PartialTensorShape({2});
      ts2.dtype = tensorflow::DT_FLOAT;
    
      TensorSpec ts3;
      ts3.shape = tensorflow::PartialTensorShape({1, 2});
      ts3.dtype = tensorflow::DT_FLOAT;
    
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Thu Apr 18 09:47:46 UTC 2024
    - 1.5K bytes
    - Viewed (0)
  4. tensorflow/cc/experimental/libtf/value.h

      const TaggedValueTensor& tensor() const { return get<TaggedValueTensor>(); }
    
      /// Retrieves underlying value from a TaggedValue with type TENSOR_SPEC.
      const TensorSpec& tensor_spec() const { return get<TensorSpec>(); }
    
      /// Retrieves underlying value from a TaggedValue with type CAPSULE.
      void* capsule() const { return get<impl::Capsule>().get(); }
    
      /// Retrieves type of TaggedValue.
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Sat Apr 13 05:23:45 UTC 2024
    - 20.4K bytes
    - Viewed (0)
  5. tensorflow/compiler/mlir/quantization/tensorflow/python/integration_test/quantize_model_test.py

              input_signature=[
                  tensor_spec.TensorSpec(
                      name='x', shape=shapes[0], dtype=dtypes.float32
                  )
              ]
          )
          def matmul_with_kernel(self, x: core.Tensor) -> Mapping[str, core.Tensor]:
            return self._matmul(x, self._kernel)
    
          @def_function.function(
              input_signature=[
                  tensor_spec.TensorSpec(
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Fri May 17 03:36:50 UTC 2024
    - 235.6K bytes
    - Viewed (0)
  6. tensorflow/cc/experimental/libtf/impl/BUILD

            "iostream.cc",
        ],
        deps = [
            ":none",
            ":string",
            ":tensor_spec",
        ],
    )
    
    tf_cc_test(
        name = "iostream_test",
        size = "small",
        srcs = ["iostream_test.cc"],
        deps = [
            ":iostream",
            ":none",
            ":scalars",
            ":string",
            ":tensor_spec",
            "//tensorflow/core:framework",
            "//tensorflow/core:protos_all_cc",
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Thu Apr 18 09:47:46 UTC 2024
    - 2.5K bytes
    - Viewed (0)
  7. tensorflow/compiler/mlir/quantization/stablehlo/python/integration_test/stablehlo_quantizer_odml_oss.ipynb

            "\n",
            "tf_module = tf.Module()\n",
            "tf_module.f = tf.function(\n",
            "    jax_callable,\n",
            "    autograph=False,\n",
            "    input_signature=[\n",
            "        tf.TensorSpec(input_shape, jnp.float32, 'lhs_operand')\n",
            "    ],\n",
            ")\n",
            "\n",
            "saved_model_dir = '/tmp/saved_model'\n",
            "tf.saved_model.save(tf_module, saved_model_dir)\n",
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Fri Apr 12 03:40:43 UTC 2024
    - 5.4K bytes
    - Viewed (0)
  8. tensorflow/compiler/mlir/tensorflow/utils/convert_tensor.cc

        const mlir::Type& type) {
      DataType dtype;
      TF_RETURN_IF_ERROR(ConvertToDataType(type, &dtype));
      TensorSpecProto tensor_spec;
      tensor_spec.set_dtype(dtype);
      *tensor_spec.mutable_shape() = ConvertTypeToTensorShape(type).AsProto();
      return tensor_spec;
    }
    
    // Converts the tensor shape proto into an MLIR shape attribute.
    absl::StatusOr<mlir::Attribute> ConvertTensorShapeProto(
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Fri Apr 26 09:37:10 UTC 2024
    - 20.5K bytes
    - Viewed (0)
  9. tensorflow/compiler/mlir/quantization/stablehlo/python/integration_test/quantize_model_test.py

        model = TwoMatmulModel()
        input_shape = (1, 2)
    
        save.save(
            model,
            self._input_saved_model_path,
            signatures=model.matmul.get_concrete_function(
                tensor_spec.TensorSpec(
                    shape=input_shape, dtype=dtypes.float32, name='input_tensor'
                )
            ),
        )
    
        def data_gen() -> repr_dataset.RepresentativeDataset:
          for _ in range(50):
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Tue May 14 06:31:57 UTC 2024
    - 51.4K bytes
    - Viewed (0)
  10. tensorflow/c/experimental/saved_model/internal/saved_model_api_test.cc

    #include "tensorflow/c/experimental/saved_model/public/signature_def_param.h"
    #include "tensorflow/c/experimental/saved_model/public/signature_def_param_list.h"
    #include "tensorflow/c/experimental/saved_model/public/tensor_spec.h"
    #include "tensorflow/c/tf_datatype.h"
    #include "tensorflow/c/tf_shape.h"
    #include "tensorflow/c/tf_status.h"
    #include "tensorflow/c/tf_tensor.h"
    #include "tensorflow/core/lib/io/path.h"
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Tue Apr 23 08:08:45 UTC 2024
    - 21.3K bytes
    - Viewed (0)
Back to top