Search Options

Results per page
Sort
Preferred Languages
Advance

Results 31 - 40 of 318 for rescale (0.13 sec)

  1. tensorflow/compiler/mlir/quantization/stablehlo/tests/passes/unwrap_xla_call_module_op.mlir

        %0 = stablehlo.reshape %arg0 : (tensor<10x1x3xf32>) -> tensor<3x10xf32>
        return %0 : tensor<3x10xf32>
      }
      // CHECK: %[[RESHAPE:.*]] = stablehlo.reshape
      // CHECK-NEXT: return %[[RESHAPE]]
    
      // CHECK: @main_1
      func.func private @main_1(%arg0: tensor<3x10xf32>) -> tensor<6x5xf32> {
        %0 = stablehlo.reshape %arg0 : (tensor<3x10xf32>) -> tensor<6x5xf32>
        return %0 : tensor<6x5xf32>
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Thu Feb 08 22:40:14 UTC 2024
    - 3.7K bytes
    - Viewed (0)
  2. guava-gwt/src/com/google/common/escape/Escape.gwt.xml

    David P. Baker <******@****.***> 1641482883 -0800
    Registered: Wed Jun 12 16:38:11 UTC 2024
    - Last Modified: Thu Jan 06 15:30:58 UTC 2022
    - 1.4K bytes
    - Viewed (0)
  3. tensorflow/compiler/mlir/quantization/tensorflow/tests/prepare_quantize.mlir

    // CHECK-SAME: quant.uniform<i8:f32, 5.000000e-02:-10>
    // CHECK: %[[dq1:.*]] = "quantfork.dcast"(%[[q1]])
    // CHECK-SAME: quant.uniform<i8:f32, 5.000000e-02:-10>
    // CHECK: %[[reshape:.*]] = "tf.Reshape"(%[[dq1]]
    // CHECK: %[[q2:.*]] = "quantfork.qcast"(%[[reshape]])
    // CHECK-SAME: quant.uniform<i8:f32, 5.000000e-02:-10>
    // CHECK: %[[dq2:.*]] = "quantfork.dcast"(%[[q2]])
    // CHECK-SAME: quant.uniform<i8:f32, 5.000000e-02:-10>
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Thu Dec 29 02:42:57 UTC 2022
    - 2.1K bytes
    - Viewed (0)
  4. tensorflow/compiler/mlir/lite/transforms/optimize_patterns.td

         // `input`. In other words, the shape of the `Reshape` op are not
         // changed after the transformation.
         (IsTailOfShape $rhs, $input),
         (HasRankAtMost<4> $input),
         (HasRankAtMost<4> $lhs),
         (HasRankAtMost<4> $rhs),
         (SameElementType $input, $rhs)]>;
    
      // Move binary op before reshape:
      // binary(reshape(lhs), reshape(rhs)) => reshape(binary(lhs, rhs))
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Thu May 16 20:31:41 UTC 2024
    - 66.4K bytes
    - Viewed (0)
  5. tensorflow/compiler/mlir/tfr/tests/decompose.mlir

    // CHECK: %[[scale:.*]] = "tfr.cast"(%[[scale_cst]]) : (tensor<f32>) -> !tfr.tensor
    // CHECK: %[[input:.*]] = "tfr.cast"(%arg0) : (tensor<2xi32>) -> !tfr.tensor
    // CHECK: %[[cast:.*]] = tfr.call @tf__cast(%[[input]], %[[f32]], %false) : (!tfr.tensor, !tfr.attr, i1) -> !tfr.tensor
    // CHECK: %[[rescaled:.*]] = tfr.call @tf__mul(%[[cast]], %[[scale]]) : (!tfr.tensor, !tfr.tensor) -> !tfr.tensor
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Mon Oct 30 06:52:55 UTC 2023
    - 16.7K bytes
    - Viewed (0)
  6. tensorflow/compiler/mlir/lite/experimental/tac/tests/e2e/simple-graph.mlir

      func.return %3 : tensor<2x1xf32>
    }
    
    // CHECK: %[[CST:.*]] = arith.constant dense<1> : tensor<4xi32>
    // CHECK:  [[VAL_0:%.*]] = "tfl.reshape"(%1, %[[CST]]) {tac.device = "GPU",  tac.inference_type = "FLOAT"} : (tensor<1xf32>, tensor<4xi32>) -> tensor<1x1x1x1xf32>
    // CHECK:  [[VAL_1:%.*]] = "tfl.reshape"(%2, %[[CST]]) {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
    - 1.6K bytes
    - Viewed (0)
  7. tensorflow/compiler/mlir/quantization/tensorflow/tests/convert_tf_xla_op_to_tf_op.mlir

    // CHECK: %[[slice:.*]] = "tf.Slice"(%arg0, %[[tensor_scatter_update]], %[[arg2_i64]]) : (tensor<?x2xf32>, tensor<2xi64>, tensor<2xi64>) -> tensor<*xf32>
    // CHECK: %[[reshape:.*]] = "tf.Reshape"(%[[slice]], %[[cst_1]]) : (tensor<*xf32>, tensor<1xi64>) -> tensor<*xf32>
    // CHECK: return %[[reshape]] : tensor<*xf32>
    
    // -----
    
    // Tests that the converted `tf.Slice` has the correct number of dimensions
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Mon Oct 30 06:52:55 UTC 2023
    - 3.7K bytes
    - Viewed (0)
  8. tensorflow/compiler/mlir/tfr/examples/mnist/mnist_train.py

        max_pool2 = gen_mnist_ops.new_max_pool(conv2, 2, 2, 2, 2, 'SAME')
    
        # Reshape the feature map cuboid into a 2D matrix to feed it to the
        # fully connected layers.
        # 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')
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Wed Oct 20 03:05:18 UTC 2021
    - 6.5K bytes
    - Viewed (0)
  9. pkg/controller/deployment/sync.go

    }
    
    func (dc *DeploymentController) scaleReplicaSetAndRecordEvent(ctx context.Context, rs *apps.ReplicaSet, newScale int32, deployment *apps.Deployment) (bool, *apps.ReplicaSet, error) {
    	// No need to scale
    	if *(rs.Spec.Replicas) == newScale {
    		return false, rs, nil
    	}
    	var scalingOperation string
    	if *(rs.Spec.Replicas) < newScale {
    		scalingOperation = "up"
    	} else {
    		scalingOperation = "down"
    	}
    Registered: Sat Jun 15 01:39:40 UTC 2024
    - Last Modified: Wed Jul 05 23:39:52 UTC 2023
    - 24.5K bytes
    - Viewed (0)
  10. tensorflow/cc/gradients/array_grad.cc

        values = Reshape(scope, values, flat_values_shape);
      }
    
      indices = Reshape(scope, indices, indices_size);
      Output params_grad =
          UnsortedSegmentSum(scope, values, indices, gather_dim_size);
    
      if (batch_dims != 0) {
        // Put back the batch dimensions.
        params_grad = Reshape(scope, params_grad, params_shape);
      }
      return params_grad;
    }
    
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Tue Oct 10 23:33:32 UTC 2023
    - 31.7K bytes
    - Viewed (0)
Back to top