Search Options

Results per page
Sort
Preferred Languages
Advance

Results 21 - 30 of 358 for cc_ops (0.11 sec)

  1. tensorflow/c/kernels/BUILD

    tf_gen_op_libs(
        op_lib_names = ["bitcast"],
        deps = [
            "//tensorflow/c:ops",
            "//tensorflow/c:tf_datatype",
            "//tensorflow/c:tf_status",
            "//tensorflow/c:tf_tensor",
            "//tensorflow/core:lib",
        ],
    )
    
    tf_gen_op_libs(
        op_lib_names = ["summary"],
        deps = [
            "//tensorflow/c:ops",
            "//tensorflow/c:tf_status",
            "//tensorflow/core:lib",
        ],
    )
    
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Wed Mar 27 18:00:18 UTC 2024
    - 4.8K bytes
    - Viewed (0)
  2. tensorflow/compiler/mlir/tfrt/ir/mlrt/tf_mlrt_ops.cc

    #include "mlir/IR/TypeUtilities.h"  // from @llvm-project
    #include "mlir/Support/LLVM.h"  // from @llvm-project
    #include "mlir/Transforms/InliningUtils.h"  // from @llvm-project
    #include "tensorflow/compiler/mlir/tensorflow/ir/tf_ops.h"
    #include "tensorflow/compiler/mlir/tfrt/ir/mlrt/mlrt_dialect.h"
    
    namespace tensorflow {
    namespace tf_mlrt {
    
    namespace {
    
    struct TensorflowMlrtInlinerInterface : public mlir::DialectInlinerInterface {
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Thu Apr 25 16:01:03 UTC 2024
    - 3.4K bytes
    - Viewed (0)
  3. tensorflow/compiler/mlir/quantization/stablehlo/python/integration_test/quantize_model_test.py

      @parameterized.parameters(
          testing.parameter_combinations([{
              'bias_fn': (
                  None,
                  nn_ops.bias_add,
              ),
              'activation_fn': (
                  None,
                  nn_ops.relu,
                  nn_ops.relu6,
              ),
              'dim_sizes': (
                  # tf.MatMul cases.
                  ([None, 1024], [1024, 3]),  # dynamic batch dim.
    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/c/kernels_experimental.cc

        const Tensor& cc_b, Tensor* cc_out,
        void (*binary_add_func)(TF_OpKernelContext* ctx, TF_Tensor* a, TF_Tensor* b,
                                TF_Tensor* out)) {
      if (cc_a.dtype() == ::tensorflow::DT_INVALID) {
        *cc_out = cc_b;
        return absl::OkStatus();
      }
      if (cc_b.dtype() == ::tensorflow::DT_INVALID) {
        *cc_out = cc_a;
        return absl::OkStatus();
      }
    
      Status status;
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Tue Apr 23 06:12:29 UTC 2024
    - 30.9K bytes
    - Viewed (0)
  5. tensorflow/compiler/mlir/quantization/stablehlo/passes/lift_quantizable_spots_as_functions_simple.td

    include "mlir/IR/OpBase.td"
    include "mlir/Dialect/Func/IR/FuncOps.td"
    include "mlir/Dialect/Arith/IR/ArithOps.td"
    include "tensorflow/compiler/mlir/tensorflow/ir/tf_ops.td"
    include "tensorflow/compiler/mlir/tensorflow/ir/tf_ops.td"
    include "stablehlo/dialect/StablehloOps.td"
    include "tensorflow/compiler/mlir/quantization/common/attrs_and_constraints.td"
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Thu Mar 28 23:21:42 UTC 2024
    - 3.5K bytes
    - Viewed (0)
  6. tensorflow/compiler/mlir/quantization/tensorflow/passes/duplicate_shape_determining_constants.cc

          // $orig_input_shape
          CompileTimeConstantOperand<TF::AvgPoolGradOp, 0>,
          // $block_shape, $crops
          CompileTimeConstantOperand<TF::BatchToSpaceNDOp, 1, 2>,
          CompileTimeConstantOperand<TF::BatchToSpaceOp, 1>,      // $crops
          CompileTimeConstantOperand<TF::BincountOp, 1>,          // $size
          CompileTimeConstantOperand<TF::BroadcastArgsOp, 0, 1>,  // $s0, $s1
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Fri Mar 22 05:52:39 UTC 2024
    - 17.5K bytes
    - Viewed (0)
  7. tensorflow/compiler/mlir/tensorflow/BUILD

    )
    
    exports_files([
        "ir/tf_generated_ops.td",
        "ir/tf_op_base.td",
        "ir/tf_op_interfaces.td",
        "ir/tf_ops.td",
    ])
    
    td_library(
        name = "tensorflow_ops_td_files",
        srcs = [
            "ir/tf_generated_ops.td",
            "ir/tf_op_base.td",
            "ir/tf_op_interfaces.td",
            "ir/tf_ops.td",
        ],
        compatible_with = get_compatible_with_portable(),
        deps = [
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Wed May 22 21:28:13 UTC 2024
    - 47.7K bytes
    - Viewed (0)
  8. tensorflow/compiler/mlir/quantization/stablehlo/python/integration_test/quantize_model_test_base.py

            mean, variance = scale, offset
            out = nn_ops.conv2d(
                input_tensor,
                self.filters,
                strides=strides,
                dilations=dilations,
                padding=padding,
                data_format='NHWC',
                name='sample/conv',
            )
            if bias_fn is not None:
              out = nn_ops.bias_add(out, self.bias)
            if has_batch_norm:
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Tue May 14 06:31:57 UTC 2024
    - 18.2K bytes
    - Viewed (0)
  9. tensorflow/compiler/mlir/quantization/tensorflow/passes/prepare_quantize.td

    include "mlir/Dialect/Func/IR/FuncOps.td"
    include "mlir/Dialect/Arith/IR/ArithOps.td"
    include "tensorflow/compiler/mlir/quantization/common/attrs_and_constraints.td"
    include "tensorflow/compiler/mlir/tensorflow/ir/tf_ops.td"
    
    // Converts tf.Const to arith.constant for statically shaped, non-opaque constants.
    // Needed for QuantizationDriver to recognize constants.
    def ConvertTfConstToArithConst : Pat<
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Sun Dec 10 05:52:02 UTC 2023
    - 1.2K bytes
    - Viewed (0)
  10. tensorflow/cc/saved_model/testdata/generate_saved_models.py

    from tensorflow.python.framework import dtypes
    from tensorflow.python.framework import ops
    from tensorflow.python.framework import tensor_spec
    from tensorflow.python.module import module
    from tensorflow.python.ops import io_ops
    from tensorflow.python.ops import lookup_ops
    from tensorflow.python.ops import variables
    from tensorflow.python.platform import test
    from tensorflow.python.saved_model import save_options
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Mon Sep 18 18:06:18 UTC 2023
    - 4.6K bytes
    - Viewed (0)
Back to top