Search Options

Results per page
Sort
Preferred Languages
Advance

Results 1 - 10 of 12 for rsqrt (0.34 sec)

  1. tensorflow/compiler/mlir/tensorflow/transforms/lower_tf.td

            $round_val
          ),
          /*incompatible_shape_error*/ConstBoolAttrTrue
        ),
        $zero,
        $rounded
      )>;
    
    //===----------------------------------------------------------------------===//
    // Rsqrt op patterns.
    //===----------------------------------------------------------------------===//
    
    // RsqrtGrad(lhs, rhs) = (lhs * lhs * lhs) * (rhs / -2)
    def LowerRsqrtGradOp : Pat<
      (TF_RsqrtGradOp $lhs, $rhs),
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Tue Jun 04 13:30:42 UTC 2024
    - 24.7K bytes
    - Viewed (0)
  2. tensorflow/compiler/mlir/lite/tests/ops.mlir

    ^bb0(%arg0: tensor<? x f32>):
      // CHECK: "tfl.rsqrt"(%arg0)
      %0 = "tfl.rsqrt"(%arg0): (tensor<? x f32>) -> tensor<? x f32>
      func.return %0 : tensor<? x f32>
    }
    
    // CHECK-LABEL: testRsqrtQuant
    func.func @testRsqrtQuant(%arg0: tensor<1x80x1x!quant.uniform<i8:f32, 0.048358432948589325:-128>>) -> tensor<1x80x1x!quant.uniform<i8:f32, 0.0066055487841367722:-128>> {
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Thu Jun 06 19:09:08 UTC 2024
    - 189.2K bytes
    - Viewed (0)
  3. tensorflow/compiler/mlir/lite/ir/tfl_ops.td

      );
    
      let results = (outs
        TFL_TensorOf<[F32, I32, I64, QI16, QUI8, TFL_Quint8]>:$output
      );
    
      let hasOptions = 1;
    }
    
    def TFL_RsqrtOp: TFL_Op<"rsqrt", [Pure,
                                      QuantizableResult,
                                      TFL_SameFirstOperandAndFirstResultElementType,
                                      SameOperandsAndResultShape]> {
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Thu Jun 06 19:09:08 UTC 2024
    - 186K bytes
    - Viewed (0)
  4. tensorflow/compiler/mlir/tensorflow/ir/tf_generated_ops.td

    $$\text{lr}_t := \mathrm{lr} \cdot \frac{\sqrt{1 - \beta_2^t}}{1 - \beta_1^t}$$
    $$m_t := \beta_1 \cdot m_{t-1} + (1 - \beta_1) \cdot g$$
    $$v_t := \beta_2 \cdot v_{t-1} + (1 - \beta_2) \cdot g^2$$
    $$\text{var} := \begin{cases} \text{var} - (m_t \beta_1 + g \cdot (1 - \beta_1))\cdot\text{lr}_t/(\sqrt{v_t} + \epsilon), &\text{if use_nesterov}\\\\  \text{var} - m_t \cdot \text{lr}_t /(\sqrt{v_t} + \epsilon), &\text{otherwise} \end{cases}$$
      }];
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Tue Jun 11 23:24:08 UTC 2024
    - 793K bytes
    - Viewed (0)
  5. tensorflow/compiler/mlir/tf2xla/transforms/legalize_tf.cc

            non_feature_dims.push_back(i);
          }
          auto reduce_dims = GetI64ElementsAttr(non_feature_dims, &rewriter);
          auto scalar_broadcast_dims = rewriter.getDenseI64ArrayAttr({});
    
          // scratch1 = rsqrt(var + epsilon)
          RankedTensorType scalar_float =
              tensorflow::GetTypeFromTFTensorShape({}, kernel_type);
          auto epsilon = rewriter.create<ConstantOp>(
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Tue Jun 11 20:00:43 UTC 2024
    - 291.8K bytes
    - Viewed (0)
  6. RELEASE.md

            1e-10))` Alternatively, you can override `convolution_op`: `python class
            StandardizedConv2D(tf.keras.Layer): def convolution_op(self, inputs,
            kernel): mean, var = tf.nn.moments(kernel, axes=[0, 1, 2],
            keepdims=True) # Author code uses std + 1e-5 return
            super().convolution_op(inputs, (kernel - mean) / tf.sqrt(var + 1e-10))`
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Tue Jun 11 23:24:08 UTC 2024
    - 730.3K bytes
    - Viewed (0)
  7. src/cmd/compile/internal/ssa/_gen/PPC64.rules

    (Cvt64Fto32F ...) => (FRSP ...)
    
    (CvtBoolToUint8 ...) => (Copy ...)
    
    (Round(32|64)F ...) => (LoweredRound(32|64)F ...)
    
    (Sqrt ...) => (FSQRT ...)
    (Sqrt32 ...) => (FSQRTS ...)
    (Floor ...) => (FFLOOR ...)
    (Ceil ...) => (FCEIL ...)
    (Trunc ...) => (FTRUNC ...)
    (Round ...) => (FROUND ...)
    (Copysign x y) => (FCPSGN y x)
    (Abs ...) => (FABS ...)
    Registered: Wed Jun 12 16:32:35 UTC 2024
    - Last Modified: Fri Jun 07 19:02:52 UTC 2024
    - 53.2K bytes
    - Viewed (0)
  8. tensorflow/compiler/mlir/lite/tests/legalize-tf.mlir

    // CHECK-LABEL: sigmoid
    // CHECK:  "tfl.logistic"(%arg0) : (tensor<?x88xf32>) -> tensor<?x88xf32>
    }
    
    func.func @sqrt(%arg0: tensor<8x16xf32>) -> tensor<8x16xf32> {
      %0 = "tf.Sqrt"(%arg0) : (tensor<8x16xf32>) -> tensor<8x16xf32>
      func.return %0 : tensor<8x16xf32>
    // CHECK-LABEL: sqrt
    // CHECK:  "tfl.sqrt"(%arg0) : (tensor<8x16xf32>) -> tensor<8x16xf32>
    }
    
    func.func @square(%arg0: tensor<8x16xf32>) -> tensor<8x16xf32> {
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Wed Jun 05 01:54:33 UTC 2024
    - 153.4K bytes
    - Viewed (0)
  9. pkg/config/validation/validation.go

    func isPrime(x uint64) bool {
    	if x != 0 && x < 4 {
    		return true // eliminates special-casing 2.
    	} else if (x & 1) == 0 {
    		return false // eliminates even numbers >2.
    	}
    
    	limit := uint64(math.Sqrt(float64(x)))
    	for factor := uint64(3); factor <= limit; factor += 2 {
    		if (x % factor) == 0 {
    			return false
    		}
    	}
    	return true
    }
    
    func validateSubset(subset *networking.Subset) error {
    Registered: Fri Jun 14 15:00:06 UTC 2024
    - Last Modified: Wed Jun 12 04:03:33 UTC 2024
    - 107.2K bytes
    - Viewed (0)
  10. src/cmd/compile/internal/ssa/rewritePPC64.go

    	v_0 := v.Args[0]
    	// match: (FSQRT (FMOVDconst [x]))
    	// cond: x >= 0
    	// result: (FMOVDconst [math.Sqrt(x)])
    	for {
    		if v_0.Op != OpPPC64FMOVDconst {
    			break
    		}
    		x := auxIntToFloat64(v_0.AuxInt)
    		if !(x >= 0) {
    			break
    		}
    		v.reset(OpPPC64FMOVDconst)
    		v.AuxInt = float64ToAuxInt(math.Sqrt(x))
    		return true
    	}
    	return false
    }
    Registered: Wed Jun 12 16:32:35 UTC 2024
    - Last Modified: Fri Jun 07 19:02:52 UTC 2024
    - 360.2K bytes
    - Viewed (0)
Back to top