Search Options

Results per page
Sort
Preferred Languages
Advance

Results 91 - 100 of 879 for shake (0.04 sec)

  1. tensorflow/compiler/mlir/tensorflow/tests/tpu-multiple-while-body-func.mlir

      "func.func"() ({
      ^bb0(%arg0: tensor<i32>):
        "func.return"(%arg0) : (tensor<i32>) -> ()
      }) {sym_name = "main_while_body_4225150", sym_visibility = "private", tf._input_shapes = [#tf_type.shape<>], tf.signature.is_stateful, function_type = (tensor<i32>) -> (tensor<i32>)} : () -> ()
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Wed Mar 13 21:23:47 UTC 2024
    - 2.9K bytes
    - Viewed (0)
  2. tensorflow/compiler/mlir/lite/stablehlo/transforms/fuse_convolution_pass.cc

                  .getOutputDimensions()
                  .getDefiningOp<shape::ShapeOfOp>();
          // Check if the shape come from the original conv op.
          if (!shape_of_op ||
              shape_of_op.getArg().getDefiningOp<mhlo::ConvolutionOp>() !=
                  conv_op) {
            return failure();
          }
          Value new_shape_of = rewriter.create<shape::ShapeOfOp>(
              mul_op.getLoc(), shape_of_op.getType(), new_conv);
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Thu Feb 22 22:21:19 UTC 2024
    - 8.3K bytes
    - Viewed (0)
  3. tensorflow/cc/ops/const_op.h

    }
    
    template <typename T>
    Output Const(const Scope& scope, const T& v, const TensorShape shape) {
      return Const(scope, Input::Initializer(v, shape));
    }
    
    template <typename T>
    Output Const(const Scope& scope, const std::initializer_list<T>& v,
                 const TensorShape shape) {
      return Const(scope, Input::Initializer(v, shape));
    }
    
    std::vector<NodeBuilder::NodeOut> AsNodeOutList(const Scope& scope,
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Thu Sep 17 09:17:01 UTC 2020
    - 2.8K bytes
    - Viewed (0)
  4. tensorflow/compiler/mlir/tfr/examples/mnist/mnist_train.py

        # output shape: [-1, 7*7*64]
        reshape = tf.reshape(max_pool2, [-1, flatten_size])
    
        # output shape: [-1, 1024]
        fc1 = gen_mnist_ops.new_fully_connected(reshape, self.weights['f3'],
                                                self.biases['b3'], 'RELU')
        # output shape: [-1, 10]
        return gen_mnist_ops.new_fully_connected(fc1, self.weights['f4'],
                                                 self.biases['b4'])
    
    
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Wed Oct 20 03:05:18 UTC 2021
    - 6.5K bytes
    - Viewed (0)
  5. tensorflow/compiler/jit/xla_host_recv_device_context.h

    //  xla::Shape shape(xla::F32, {2, 2}, {}, {})
    //  tsl::AsyncValueRef<std::unique_ptr<se::Event>> done_event =
    //      tsl::MakeConstructedAsyncValueRef<std::unique_ptr<se::Event>>(stream.parent());
    //  done_event->Init();
    //  Tensor dest_cpu_tensor;
    //
    //  XlaHostRecvDeviceContext device_context(&stream, gpu_dst,
    //    shape, done_event);
    //  device_context.CopyDeviceTensorToCPUSync(
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Fri May 17 22:46:36 UTC 2024
    - 3.9K bytes
    - Viewed (0)
  6. tensorflow/compiler/mlir/tensorflow/utils/convert_type.cc

                            llvm::SmallVectorImpl<int64_t>* shape) {
      shape->reserve(input_shape.dims());
      for (const auto& d : input_shape) {
        shape->push_back(d.size == kTFDynamicSize ? ShapedType::kDynamic : d.size);
      }
    }
    
    Status ConvertToMlirShape(const TensorShapeProto& input_shape,
                              llvm::SmallVectorImpl<int64_t>* shape) {
      shape->reserve(input_shape.dim_size());
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Fri Apr 26 09:37:10 UTC 2024
    - 7.5K bytes
    - Viewed (0)
  7. tensorflow/compiler/mlir/tensorflow/tests/promote_var_handles_to_args.mlir

      %0 = "tf.VarHandleOp"() {container = "", shape = "tfshape$", shared_name = "x"} : () -> tensor<!tf_type.resource<tensor<f32>>>
      func.return
    }
    
    // CHECK-LABEL: func @some_args
    // CHECK-SAME: (%arg0: tensor<i1>, %arg1: tensor<!tf_type.resource<tensor<f32>>> {tf.resource_name = "x"})
    // CHECK-NOT: "tf.VarHandleOp"
    func.func @some_args(%arg0: tensor<i1>) {
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Mon Mar 28 12:06:33 UTC 2022
    - 2.7K bytes
    - Viewed (0)
  8. tensorflow/compiler/mlir/lite/tests/mlir2flatbuffer/custom_op_with_tflite_op.mlir

    // CHECK-NEXT:    subgraphs: [ {
    // CHECK-NEXT:      tensors: [ {
    // CHECK-NEXT:        shape: [ 4 ],
    // CHECK-NEXT:        buffer: 1,
    // CHECK-NEXT:        name: "arg0",
    // CHECK-NEXT:        quantization: {
    // CHECK-EMPTY:
    // CHECK-NEXT:        },
    // CHECK-NEXT:        has_rank: true
    // CHECK-NEXT:      }, {
    // CHECK-NEXT:        shape: [ 4 ],
    // CHECK-NEXT:        buffer: 2,
    // CHECK-NEXT:        name: "Const",
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Thu Jul 14 16:41:28 UTC 2022
    - 4.1K bytes
    - Viewed (0)
  9. tensorflow/c/experimental/saved_model/core/ops/variable_ops.cc

      TF_RETURN_IF_ERROR(varhandle_op->SetAttrType("dtype", dtype));
    
      // Note that if shape is unknown rank, shape.dim_sizes() will be empty, and
      // shape.dims() will be -1.
      absl::InlinedVector<int64_t, 4UL> dim_sizes = shape.dim_sizes();
      TF_RETURN_IF_ERROR(varhandle_op->SetAttrShape(
          "shape", reinterpret_cast<const int64_t*>(dim_sizes.data()),
          shape.dims()));
      TF_RETURN_IF_ERROR(varhandle_op->SetAttrString("container", "", 0));
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Tue Apr 23 11:28:19 UTC 2024
    - 5K bytes
    - Viewed (0)
  10. test/typeparam/issue54497.go

    func isAligned[T C](x, y T) bool { // ERROR "can inline isAligned\[uint\]" "can inline isAligned\[go\.shape\.uint\]" "inlining call to isAligned\[go\.shape\.uint\]"
    	return x%y == 0
    }
    
    func foo(x uint) bool { // ERROR "can inline foo"
    	return isAligned(x, 64) // ERROR "inlining call to isAligned\[go\.shape\.uint\]"
    Registered: Wed Jun 12 16:32:35 UTC 2024
    - Last Modified: Thu Aug 18 17:26:40 UTC 2022
    - 618 bytes
    - Viewed (0)
Back to top