Search Options

Results per page
Sort
Preferred Languages
Advance

Results 41 - 50 of 318 for rescale (0.15 sec)

  1. tensorflow/compiler/mlir/lite/experimental/tac/tests/get-alternative-subgraph.mlir

    // CHECK-DAG:       %[[VAL_4:.*]] = "tfl.pseudo_const"(){{.*}}dense<[2, 1]> : tensor<2xi32>
    // CHECK:           %[[VAL_5:.*]] = "tfl.reshape"(%[[VAL_0]], %[[VAL_2]]) {tac.device = "GPU", tac.inference_type = "FLOAT"} : (tensor<1xf32>, tensor<4xi32>) -> tensor<1x1x1x1xf32>
    // CHECK:           %[[VAL_6:.*]] = "tfl.reshape"(%[[VAL_1]], %[[VAL_2]]) {tac.device = "GPU", tac.inference_type = "FLOAT"} : (tensor<1xf32>, tensor<4xi32>) -> tensor<1x1x1x1xf32>
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Thu May 02 09:41:17 UTC 2024
    - 20.1K bytes
    - Viewed (0)
  2. tensorflow/compiler/mlir/tensorflow/g3doc/space_to_depth.md

        `tf.nn.space_to_depth`.
    
        ```python
        images = tf.reshape(images, [batch, h // block_size, block_size,
                                   w // block_size, block_size, c])
        images = tf.transpose(images, [0, 1, 3, 2, 4, 5])
        images = tf.reshape(images, [batch, h // block_size, w // block_size,
                                   c * (block_size ** 2)])
        ```
    
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Sat Oct 24 02:51:43 UTC 2020
    - 8.3K bytes
    - Viewed (0)
  3. pkg/controller/podautoscaler/metrics/client.go

    		podSum := int64(0)
    		missing := len(m.Containers) == 0
    		for _, c := range m.Containers {
    			resValue, found := c.Usage[resource]
    			if !found {
    				missing = true
    				klog.FromContext(ctx).V(2).Info("Missing resource metric", "resourceMetric", resource, "pod", klog.KRef(m.Namespace, m.Name))
    				break
    			}
    			podSum += resValue.MilliValue()
    		}
    		if !missing {
    			res[m.Name] = PodMetric{
    				Timestamp: m.Timestamp.Time,
    Registered: Sat Jun 15 01:39:40 UTC 2024
    - Last Modified: Thu Feb 16 20:17:52 UTC 2023
    - 7.8K bytes
    - Viewed (0)
  4. tensorflow/compiler/mlir/lite/tests/optimize.mlir

      // CHECK-DAG: %[[CST2:.*]] = arith.constant dense<[11, 2, 5]> : tensor<3xi32>
      // CHECK: %[[RESHAPE:.*]] = "tfl.reshape"(%arg0, %[[CST0]]) : (tensor<11x2xi32>, tensor<1xi32>) -> tensor<22xi32>
      // CHECK: %[[TMP:.*]] = "tfl.embedding_lookup"(%[[RESHAPE]], %[[CST1]]) : (tensor<22xi32>, tensor<3x5xf32>) -> tensor<22x5xf32>
      // CHECK: %[[RES:.*]] = "tfl.reshape"(%[[TMP]], %[[CST2]]) : (tensor<22x5xf32>, tensor<3xi32>) -> tensor<11x2x5xf32>
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Thu May 16 20:31:41 UTC 2024
    - 284.1K bytes
    - Viewed (0)
  5. staging/src/k8s.io/apimachinery/pkg/api/resource/quantity.go

    	}
    	return q.i.Sign()
    }
    
    // AsScale returns the current value, rounded up to the provided scale, and returns
    // false if the scale resulted in a loss of precision.
    func (q *Quantity) AsScale(scale Scale) (CanonicalValue, bool) {
    	if q.d.Dec != nil {
    		return q.d.AsScale(scale)
    	}
    	return q.i.AsScale(scale)
    }
    
    // RoundUp updates the quantity to the provided scale, ensuring that the value is at
    Registered: Sat Jun 15 01:39:40 UTC 2024
    - Last Modified: Wed May 29 21:48:10 UTC 2024
    - 23.8K bytes
    - Viewed (0)
  6. tensorflow/compiler/mlir/lite/experimental/tac/transforms/device_transform_patterns.cc

    // Bias is [N]
    //
    // So to perform the transform, we need to insert a few reshape ops:
    //
    //  Input   weight   bias
    //   \      /      /
    //       FC
    //       |
    //     output
    //
    //     |
    //    \/
    //
    //  Input   weight
    //   |        |
    //  Reshape  Reshape  bias
    //  |         |      /
    //     conv
    //      |
    //     reshape
    //      |
    //    output
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Thu Apr 25 16:01:03 UTC 2024
    - 25.4K bytes
    - Viewed (0)
  7. tensorflow/compiler/mlir/tensorflow/transforms/optimize.cc

      auto cst_attr = rewriter.getI64TensorAttr(values);
      return rewriter.create<TF::ConstOp>(location, cst_attr.getType(), cst_attr);
    }
    
    // Rewrites broadcast->reshape to a reshape->broadcast that reduces
    // the rank of the input and output of the broadcast.
    class SimplifyBroadcastReshape : public OpRewritePattern<BroadcastToOp> {
      using OpRewritePattern<BroadcastToOp>::OpRewritePattern;
    
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Thu Apr 25 16:01:03 UTC 2024
    - 8.1K bytes
    - Viewed (0)
  8. tensorflow/compiler/mlir/tf2xla/api/v1/testdata/prepare_to_library.mlir

    tensor<1x1120x?xi32>, tensor<1120x?xi32>, tensor<2xi32>) {\0A    %0 = \22tf.Reshape\22(%arg0, %arg1) {_xla_outside_compilation = \220\22} : (tensor<3360x?xi32>, tensor<3xi32>) -> tensor<3x1120x?xi32> loc(#loc9)\0A    %1:3 = \22tf.Split\22(%arg2, %0) {_xla_outside_compilation = \220\22} : (tensor<i32>, tensor<3x1120x?xi32>) -> (tensor<1x1120x?xi32>, tensor<1x1120x?xi32>, tensor<1x1120x?xi32>) loc(#loc10)\0A    %2 = \22tf.Reshape\22(%1#0, %arg3) {_xla_outside_compilation = \220\22} : (tensor<1x1120x?xi32>,...
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Wed Jan 31 23:44:50 UTC 2024
    - 2.3K bytes
    - Viewed (0)
  9. tensorflow/compiler/mlir/quantization/stablehlo/tests/passes/quantize/quantize_op_with_region.mlir

        // CHECK: %[[Q2:.*]] = "quantfork.qcast"(%[[ARG0]])
        // CHECK: %[[CALL:.*]] = call @quantized_dot_general_fn_1(%[[Q2]], %[[Q1]])
        // CHECK: %[[RESHAPE:.*]] = stablehlo.reshape %[[CALL]]
    
        // CHECK: %[[REDUCE:.*]] = "stablehlo.reduce_window"(%[[RESHAPE]], %[[Q0]])
        // CHECK{LITERAL}: padding = dense<[[0, 0], [1, 1], [0, 0]]> : tensor<3x2xi64>
        // CHECK-SAME: window_dimensions = array<i64: 1, 3, 1>
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Thu Apr 18 20:32:46 UTC 2024
    - 18.9K bytes
    - Viewed (0)
  10. tensorflow/compiler/mlir/lite/tests/canonicalize.mlir

      func.return %1 : tensor<64xf32>
    
    // CHECK-LABEL: func @reshape_removeAdjacent
    // CHECK:  %[[CST:.*]] = arith.constant dense<64> : tensor<1xi32>
    // CHECK:  %[[RESHAPE:.*]] = "tfl.reshape"(%arg0, %[[CST]]) : (tensor<4x4x4xf32>, tensor<1xi32>) -> tensor<64xf32>
    // CHECK:  return %[[RESHAPE]]
    }
    
    // Checks that tfl.reshape should be removed if its output has more than one
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Thu May 02 09:41:17 UTC 2024
    - 20.6K bytes
    - Viewed (0)
Back to top