Search Options

Results per page
Sort
Preferred Languages
Advance

Results 1 - 10 of 12 for Bias (0.06 sec)

  1. tensorflow/compiler/mlir/lite/transforms/optimize.cc

            auto attr = rewriter.getZeroAttr(type);
            bias = rewriter.create<arith::ConstantOp>(add_op.getLoc(), type, attr);
            auto none_af = rewriter.getStringAttr("NONE");
    
            bias =
                rewriter.create<AddOp>(add_op.getLoc(), bias, constant_val, none_af)
                    .getOutput();
          } else {
            // If there no pre-existing bias and the `constant_val` is 1D, simply
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Tue Apr 30 00:40:15 UTC 2024
    - 102.3K bytes
    - Viewed (0)
  2. tensorflow/compiler/mlir/lite/stablehlo/transforms/uniform_quantized_stablehlo_to_tfl_pass.cc

      }
    }
    
    // Creates a new `tfl.qconst` op for the bias. The bias values are 0s, because
    // this bias a dummy bias (note that bias fusion is not considered for this
    // transformation). The quantization scale for the bias is input scale *
    // filter scale. `filter_const_op` is used to retrieve the filter scales and
    // the size of the bias constant.
    TFL::QConstOp CreateTflConstOpForDummyBias(
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Mon Apr 22 09:00:19 UTC 2024
    - 99.8K bytes
    - Viewed (0)
  3. tensorflow/compiler/mlir/lite/ir/tfl_ops.td

        output = input / (bias + alpha * sqr_sum) ** beta
    
    For details, see [Krizhevsky et al., ImageNet classification with deep
    convolutional neural networks (NIPS 2012)](http://papers.nips.cc/paper/4824-imagenet-classification-with-deep-convolutional-neural-networks).
      }];
    
      let arguments = (ins
          TFL_FpTensor:$input,
          I32Attr:$radius,
          F32Attr:$bias,
          F32Attr:$alpha,
    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/quantization/tensorflow/python/integration_test/quantize_model_test.py

                narrow_range=False,
            )
            return {'output': out}
    
        bias = None
        if has_bias:
          bias_shape = shapes[1][-1]
          if bias_shape is not None:
            bias = array_ops.constant(
                np.random.uniform(size=[shapes[1][-1]]), dtype=dtypes.float32
            )
        model = MatmulModel(bias)
        x = array_ops.constant(
            np.random.uniform(size=x_shape), dtype=dtypes.float32
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Fri May 17 03:36:50 UTC 2024
    - 235.6K bytes
    - Viewed (0)
  5. tensorflow/compiler/mlir/lite/ir/tfl_ops.cc

        return constant.getSplatValue<APFloat>().isZero();
      } else {
        return false;
      }
    }
    
    // Replaces the bias operand with a "none" type value if the bias value is
    // constant zero.
    // `ConcreteOpType` must be an concrete MLIR op class that has an optional
    // bias operand named 'bias'.
    template <typename ConcreteOpType>
    struct RemoveOptionalZeroBias : public OpRewritePattern<ConcreteOpType> {
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Thu May 02 09:41:17 UTC 2024
    - 169.2K bytes
    - Viewed (0)
  6. tensorflow/compiler/mlir/lite/tests/ops.mlir

      func.return %0 : tensor<?x?x?xf32>
    }
    
    // -----
    
    // test violation of projection weight and projection bias pred op trait
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Thu Jun 06 19:09:08 UTC 2024
    - 189.2K bytes
    - Viewed (0)
  7. tensorflow/compiler/mlir/tensorflow/ir/tf_ops_a_m.cc

    // BiasAddOp
    //===----------------------------------------------------------------------===//
    
    // Verifies that,
    // * the value and bias operands have valid ranks or are unranked.
    // * Channel dimension of the value operand and length of bias matches if they
    //   are not unknown.
    //
    LogicalResult BiasAddOp::verify() {
      BiasAddOp op = *this;
      absl::string_view data_format(op.getDataFormat().data(),
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Thu Apr 25 16:01:03 UTC 2024
    - 146.7K bytes
    - Viewed (0)
  8. src/cmd/vendor/golang.org/x/sys/windows/types_windows.go

    	Month        uint16
    	DayOfWeek    uint16
    	Day          uint16
    	Hour         uint16
    	Minute       uint16
    	Second       uint16
    	Milliseconds uint16
    }
    
    type Timezoneinformation struct {
    	Bias         int32
    	StandardName [32]uint16
    	StandardDate Systemtime
    	StandardBias int32
    	DaylightName [32]uint16
    	DaylightDate Systemtime
    	DaylightBias int32
    }
    
    // Socket related.
    
    Registered: Wed Jun 12 16:32:35 UTC 2024
    - Last Modified: Fri Apr 05 22:18:42 UTC 2024
    - 104.1K bytes
    - Viewed (0)
  9. tensorflow/compiler/mlir/lite/stablehlo/tests/uniform-quantized-stablehlo-to-tfl.mlir

    // CHECK-DAG: %[[QCONST_1:.+]] = "tfl.pseudo_qconst"() <{qtype = tensor<2x!quant.uniform<i32:f32:0, {1.000000e+08,1.500000e+09}>>, value = dense<0> : tensor<2xi32>}> : () -> tensor<2x!quant.uniform<i32:f32:0, {1.000000e+08,1.500000e+09}>>
    // Bias tensor's scale is input scale * filter scale.
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Tue May 14 17:10:32 UTC 2024
    - 106.2K bytes
    - Viewed (0)
  10. tensorflow/compiler/mlir/lite/tests/legalize-tf.mlir

      %0 = "tf.LRN"(%arg0) {depth_radius = 5 :i64, bias = 1.0 :f32, alpha = 1.0 : f32, beta = 0.5 :f32} : (tensor<2x3x4x5xf32>) -> (tensor<2x3x4x5xf32>)
      func.return %0: tensor<2x3x4x5xf32>
    
      // CHECK-LABEL: LRN
      // CHECK: "tfl.local_response_normalization"(%arg0) <{alpha = 1.000000e+00 : f32, beta = 5.000000e-01 : f32, bias = 1.000000e+00 : f32, radius = 5 : i32}> : (tensor<2x3x4x5xf32>) -> tensor<2x3x4x5xf32>
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Wed Jun 05 01:54:33 UTC 2024
    - 153.4K bytes
    - Viewed (0)
Back to top