245 references to Sqrt
Microsoft.Build (1)
Collections\RetrievableEntryHashSet\HashHelpers.cs (1)
41int limit = (int)Math.Sqrt(candidate);
Microsoft.Build.Framework (1)
HashHelpers.cs (1)
49var limit = (int)Math.Sqrt(candidate);
Microsoft.CodeAnalysis (1)
src\Dependencies\Collections\Internal\HashHelpers.cs (1)
49var limit = (int)Math.Sqrt(candidate);
Microsoft.CodeAnalysis.CodeStyle (1)
src\Dependencies\Collections\Internal\HashHelpers.cs (1)
49var limit = (int)Math.Sqrt(candidate);
Microsoft.CodeAnalysis.Collections.Package (1)
Internal\HashHelpers.cs (1)
49var limit = (int)Math.Sqrt(candidate);
Microsoft.CodeAnalysis.Remote.ServiceHub (2)
Services\DiagnosticAnalyzer\PerformanceQueue.cs (2)
120var stddev = Math.Sqrt(data.Select(ms => Math.Pow(ms - average, 2)).Average()); 121var squareLength = Math.Sqrt(data.Count);
Microsoft.CodeAnalysis.UnitTests (2)
Collections\HashSet\SegmentedHashSet_Generic_Tests`1.cs (1)
49int root = (int)Math.Sqrt(i);
Collections\TopologicalSortTests.cs (1)
145successors[possibleSort[i]] = randomSubset((int)Math.Sqrt(i), i);
Microsoft.CodeAnalysis.Workspaces (1)
src\Dependencies\Collections\Internal\HashHelpers.cs (1)
49var limit = (int)Math.Sqrt(candidate);
Microsoft.CodeAnalysis.Workspaces.MSBuild.BuildHost (1)
src\Dependencies\Collections\Internal\HashHelpers.cs (1)
49var limit = (int)Math.Sqrt(candidate);
Microsoft.Maui.Controls (3)
Shapes\GeometryHelper.cs (3)
290 double vectLength = Math.Sqrt(vect.X * vect.X + vect.Y * vect.Y); 301 double vectRotatedLength = Math.Sqrt(vectRotated.X * vectRotated.X + vectRotated.Y * vectRotated.Y); 308 double centerDistance = Math.Sqrt(Math.Abs((radiusY * radiusY) - (halfChord * halfChord)));
Microsoft.Maui.Essentials (1)
UnitConverters\UnitConverters.shared.cs (1)
262 var c = 2 * Math.Asin(Math.Sqrt(a));
Microsoft.Maui.Graphics (2)
PathF.cs (1)
1565 numberOfPoints = (int)(Math.Sqrt(rCurve / flatness)) + 3;
Point.cs (1)
117 return (double)Math.Sqrt(Math.Pow(X - other.X, 2) + Math.Pow(Y - other.Y, 2));
Microsoft.Maui.Maps (2)
Primitives\Distance.cs (2)
70 distance = 2 * GeographyUtils.EarthRadiusKm * Math.Atan2(Math.Sqrt(distance), Math.Sqrt(1 - distance));
Microsoft.ML.AutoML (11)
Sweepers\Parameters.cs (2)
261var maxPlusEpsilon = _args.Max * Math.Sqrt(logBase); 379var maxPlusEpsilon = _args.Max * Math.Sqrt(logBase);
Sweepers\SweeperProbabilityUtils.cs (3)
16return 1 / Math.Sqrt(2 * Math.PI) * Math.Exp(-Math.Pow(x, 2) / 2); 21return 0.5 * (1 + ProbabilityFunctions.Erf(x * 1 / Math.Sqrt(2))); 41rvs.Add(mu + sigma * Math.Sqrt(-2.0 * Math.Log(u1)) * Math.Sin(2.0 * Math.PI * u2));
Tuner\Flow2.cs (2)
50_step = _stepSize * Math.Sqrt(_dim); 51_stepUpperBound = Math.Sqrt(_dim);
Tuner\SmacTuner.cs (1)
291var newFeatured = mu + sigma * Math.Sqrt(-2.0 * Math.Log(u1)) * Math.Sin(2.0 * Math.PI * u2);
Utils\ArrayMath.cs (2)
76return Math.Sqrt(s); 136var rmse = Math.Sqrt(mean);
Utils\RandomNumberGenerator.cs (1)
37double std = Math.Sqrt(-2.0 * Math.Log(u)) * Math.Sin(2.0 * Math.PI * v);
Microsoft.ML.Core (21)
Utilities\MathUtils.cs (2)
32return Math.Sqrt(x).ToFloat(); 753Double similarity = ab / (Math.Sqrt(a2 * b2) + epsilon);
Utilities\Stats.cs (5)
32int max = (int)Math.Ceiling(Math.Sqrt(rangeSize)); 45private static readonly double _vScale = 2 * Math.Sqrt(2 / Math.E); 85double c = 1 / Math.Sqrt(9 * d); 159double sqrtLam = Math.Sqrt(lambda); 315double spq = Math.Sqrt(npq);
Utilities\SummaryStatistics.cs (14)
69public double SampleStdDev => Math.Sqrt(SampleVariance); 74public double StandardErrorMean => SampleStdDev / Math.Sqrt(RawCount); 218public double Skewness => Math.Sqrt(Count) * _m3 / Math.Pow(M2, 1.5); 241double y = b1 * Math.Sqrt((n + 1) * (n + 3) / (6 * (n - 2))); 243double w2 = -1.0 + Math.Sqrt(2.0 * (beta - 1.0)); 244double delta = 1.0 / Math.Sqrt(Math.Log(Math.Sqrt(w2))); 245double alpha = Math.Sqrt(2.0 / (w2 - 1.0)); 247double z1 = delta * Math.Log(yDivAlpha + Math.Sqrt(yDivAlpha * yDivAlpha + 1.0)); 274double x = (b2 - e) / Math.Sqrt(var); // Standardized b2. 277Math.Sqrt(n * (n - 2) * (n - 3) / (6 * (n + 3) * (n + 5))); 278double a = 6 + 8 * ibeta * (2 * ibeta + Math.Sqrt(1 + 4 * ibeta * ibeta)); 279double toCubeRoot = (1 - 2 / a) / (1 + x * Math.Sqrt(2 / (a - 4))); 281Math.Sqrt(2 / (9 * a));
Microsoft.ML.CpuMath (7)
EigenUtils.cs (5)
19var n = (int)Math.Sqrt(count); 38eigenvalues[i] = eigenvalues[i] <= 0 ? (float)(0.0) : (float)Math.Sqrt(eigenvalues[i]); 52return y * (float)Math.Sqrt(1 + t * t); 57return x * (float)Math.Sqrt(1 + t * t); 158g = CopySign((float)Math.Sqrt(h), (float)f);
ProbabilityFunctions.cs (2)
83double cc = Math.Sqrt(Math.PI) / 2.0; 140r = Math.Sqrt(-Math.Log(r));
Microsoft.ML.Data (16)
Evaluators\EvaluatorUtils.cs (3)
1307vectorStdevMetrics[j] = Math.Sqrt(agg[iMetric + j].SumSq / numFolds - vectorMetrics[j] * vectorMetrics[j]); 1329dvBldr.AddColumn(agg[iMetric].Name, NumberDataViewType.Double, avg, Math.Sqrt(agg[iMetric].SumSq / numFolds - avg * avg)); 1553Math.Sqrt(sumSqMetrics[i] / numFolds - avg * avg)));
Evaluators\MultiOutputRegressionEvaluator.cs (2)
220res[i] = Math.Sqrt(_l2Loss[i] / _sumWeights); 268_sumEuclidean += Math.Sqrt(l2) * weight;
Evaluators\QuantileRegressionEvaluator.cs (1)
103res[i.Key] = Math.Sqrt(i.Value / SumWeights);
Evaluators\RegressionEvaluator.cs (1)
97return SumWeights > 0 ? Math.Sqrt(TotalL2Loss / SumWeights) : 0;
Transforms\NormalizeColumnDbl.cs (4)
442get { return _m2.Select((m2, i) => Math.Sqrt(m2 / _cnz[i])).ToArray(); } 447get { return _m2.Select((m2, i) => Math.Sqrt(m2 / Math.Max(0, _cnz[i] - 1))).ToArray(); } 1472scale = 1 / (TFloat)Math.Sqrt(meanSquaredError + mean * mean); 1489return (TFloat)(0.5 + 0.5 * Math.Sign(x) * Math.Sqrt(1 - Math.Exp(-x2 * (4 / Math.PI + ax2) / (1 + ax2))));
Transforms\NormalizeColumnSng.cs (4)
443get { return _m2.Select((m2, i) => Math.Sqrt(m2 / _cnz[i])).ToArray(); } 448get { return _m2.Select((m2, i) => Math.Sqrt(m2 / Math.Max(0, _cnz[i] - 1))).ToArray(); } 1635scale = 1 / (TFloat)Math.Sqrt(meanSquaredError + mean * mean); 1652return (TFloat)(0.5 + 0.5 * Math.Sign(x) * Math.Sqrt(1 - Math.Exp(-x2 * (4 / Math.PI + ax2) / (1 + ax2))));
Utils\LossFunctions.cs (1)
638return output + label / output - Math.Sqrt(label);
Microsoft.ML.FastTree (18)
Dataset\FeatureFlock.cs (4)
325double erfcArg = Math.Sqrt((bestShiftedGain - gainShift) * (totalCount - 1) / (2 * leafSplitCandidates.VarianceTargets * totalCount)); 484double erfcArg = Math.Sqrt((bestShiftedGain - gainShift) * (totalCount - 1) / (2 * leafSplitCandidates.VarianceTargets * totalCount)); 696double erfcArg = Math.Sqrt((bestShiftedGain - gainShift) * (totalCount - 1) / (2 * leafSplitCandidates.VarianceTargets * totalCount)); 918double erfcArg = Math.Sqrt((bestShiftedGain - gainShift) * (totalCount - 1) / (2 * leafSplitCandidates.VarianceTargets * totalCount));
FastTree.cs (4)
3154double normFactor = max == 0 ? 1.0 : (1.0 / Math.Sqrt(max)); 3160yield return new KeyValuePair<string, double>(name, Math.Sqrt(pair.Value) * normFactor); 3247double normFactor = max == 0 ? 1.0 : (1.0 / Math.Sqrt(max)); 3251bldr.AddFeature(pair.Key, (float)(Math.Sqrt(pair.Value) * normFactor));
Training\EnsembleCompression\LassoBasedEnsembleCompressor.cs (3)
192float factor = (float)(1.0 / Math.Sqrt(_numObservations)); 207featureStds[j] = Math.Sqrt(VectorUtils.GetDotProduct(_observations[j], _observations[j])); 223float targetStd = (float)Math.Sqrt(VectorUtils.GetDotProduct(_targets, _targets));
Training\StepSearch.cs (1)
34private static readonly double _phi = (1.0 + Math.Sqrt(5)) / 2;
Training\Test.cs (1)
137return Math.Sqrt(RawValue / Factor);
Training\TreeLearners\LeastSquaresRegressionTreeLearner.cs (1)
804double erfcArg = Math.Sqrt((bestShiftedGain - gainShift) * (totalCount - 1) / (2 * varianceTargets * totalCount));
TreeEnsemble\InternalTreeEnsemble.cs (1)
331double normalizingFactor = normalize && maxValue != 0 ? Math.Sqrt(maxValue) : 1.0;
Utils\VectorUtils.cs (3)
16sum /= Math.Sqrt(sum); 177return Math.Sqrt(sum / length); 320return Math.Sqrt(sum);
Microsoft.ML.GenAI.Core (2)
Module\Attention.cs (1)
185attnWeights = attnWeights / Math.Sqrt(this._headDim);
Module\NewGELUActivation.cs (1)
23using var result3 = Math.Sqrt(2.0 / Math.PI) * result2;
Microsoft.ML.GenAI.Phi (2)
Module\Phi2Attention.cs (1)
147attnWeights = attnWeights / Math.Sqrt(this._headDim);
Module\Phi3SuScaledRotaryEmbedding.cs (1)
72scalingFactor = Math.Sqrt(1 + Math.Log(scale) / Math.Log(this._originalMaxPositionEmbeddings));
Microsoft.ML.IntegrationTests (2)
DataTransformation.cs (2)
44var petalMagnitude = Math.Sqrt(petalWidth * petalWidth + petalLength * petalLength); 45var sepalMagnitude = Math.Sqrt(sepalWidth * sepalWidth + sepalLength * sepalLength);
Microsoft.ML.Mkl.Components (3)
ComputeLRTrainingStdThroughHal.cs (2)
57stdErrorValues[0] = (float)Math.Sqrt(invHessian[0]); 89stdErrorValues[i] = (float)Math.Sqrt(stdErrorValues[i]);
OlsLinearRegression.cs (1)
526standardErrors[i] = Math.Sqrt(s2 * standardErrors[i]);
Microsoft.ML.StandardTrainers (8)
LdSvm\LdSvmTrainer.cs (6)
284int sampleSize = Math.Max(1, (int)Math.Sqrt(data.Length)); 292float etaTW = (float)1.0 / (_options.LambdaW * (float)Math.Sqrt(iter + 1)); 293float etaTTheta = (float)1.0 / (_options.LambdaTheta * (float)Math.Sqrt(iter + 1)); 294float etaTThetaPrime = (float)1.0 / (_options.LambdaThetaprime * (float)Math.Sqrt(iter + 1)); 531var sampleSize = Math.Max(1, (int)Math.Sqrt(Length)); 620var sampleSize = Math.Max(1, (int)Math.Sqrt(Length));
Optimizer\DifferentiableFunction.cs (1)
360return (float)(Math.Sqrt(-2 * Math.Log(a)) * MathUtils.Cos(2 * Math.PI * b));
Optimizer\Optimizer.cs (1)
543double t2 = Math.Sign(p1.A - p0.A) * Math.Sqrt(t1 * t1 - p0.D * p1.D);
Microsoft.ML.Sweeper (10)
Algorithms\KdoSweeper.cs (2)
337weights[i] = _args.Simple ? Math.Pow(weights[i], Math.Min(Math.Sqrt(n), 100)) : Math.Pow(weights[i], _args.WeightRescalingPower * currentMaxPerf); 471a[i][j] = i + j == d - 1 ? Math.Sqrt(diagonalCovariance[i][i]) : 0;
Algorithms\SweeperProbabilityUtils.cs (6)
33return 1 / Math.Sqrt(2 * Math.PI * variance) * Math.Exp(-Math.Pow(x - mean, 2) / (2 * variance)); 39double ztrans = centered / (Math.Sqrt(variance) * Math.Sqrt(2)); 46return 1 / Math.Sqrt(2 * Math.PI) * Math.Exp(-Math.Pow(x, 2) / 2); 51return 0.5 * (1 + ProbabilityFunctions.Erf(x * 1 / Math.Sqrt(2))); 71rvs.Add(mu + sigma * Math.Sqrt(-2.0 * Math.Log(u1)) * Math.Sin(2.0 * Math.PI * u2));
Parameters.cs (2)
269var maxPlusEpsilon = _options.Max * Math.Sqrt(logBase); 393var maxPlusEpsilon = _options.Max * Math.Sqrt(logBase);
Microsoft.ML.Tests (1)
PermutationFeatureImportanceTests.cs (1)
254Assert.Equal(pfi[0].RootMeanSquaredError.StandardError, pfi[0].RootMeanSquaredError.StandardDeviation / Math.Sqrt(pfi[0].RootMeanSquaredError.Count));
Microsoft.ML.TimeSeries (15)
AdaptiveSingularSpectrumSequenceModeler.cs (2)
1318var temp = (Single)(1f / Math.Sqrt(_windowSize)); 1471sdEditor.Values[i] = (float)Math.Sqrt(sdEditor.Values[i]);
EigenUtils.cs (5)
21var n = (int)Math.Sqrt(count); 40eigenvalues[i] = eigenvalues[i] <= 0 ? (float)(0.0) : (float)Math.Sqrt(eigenvalues[i]); 54return y * (float)Math.Sqrt(1 + t * t); 59return x * (float)Math.Sqrt(1 + t * t); 160g = CopySign((float)Math.Sqrt(h), f);
PolynomialUtils.cs (1)
28var sqrtDelta = Math.Sqrt(Math.Abs(delta));
SeasonalityDetector.cs (1)
192double threshold = randomnessValue / Math.Sqrt(timeSeriesLength);
SequentialAnomalyDetectionTransformBase.cs (2)
484Double bandWidth = Math.Sqrt(2) * ((n == 1) ? 1 : Math.Sqrt(_sumSquaredDist) / n);
SrCnnEntireAnomalyDetector.cs (3)
514_std = Math.Sqrt((squareSum - (sum * sum) / values.Length) / values.Length); 566_magList[i] = Math.Sqrt(_fftRe[i] * _fftRe[i] + _fftIm[i] * _fftIm[i]); 610_ifftMagList[i] = Math.Sqrt(_ifftRe[i] * _ifftRe[i] + _ifftIm[i] * _ifftIm[i]);
TrajectoryMatrix.cs (1)
156return (Single)(coeff * Math.Sign(re) * Math.Sqrt(re * re + im * im));
Microsoft.ML.TorchSharp (7)
NasBert\Modules\ActivationFunction.cs (1)
64private readonly double _alpha = Math.Sqrt(2 / Math.PI);
NasBert\Modules\ConvSeparable.cs (1)
28var std = Math.Sqrt((4 * (1.0 - dropout)) / (kernelSize * inChannels));
NasBert\Modules\MultiHeadAttention.cs (3)
112ModelUtils.InitXavierUniform(QProjection.weight, 1.0 / Math.Sqrt(2.0)); 113ModelUtils.InitXavierUniform(KProjection.weight, 1.0 / Math.Sqrt(2.0)); 114ModelUtils.InitXavierUniform(VProjection.weight, 1.0 / Math.Sqrt(2.0));
NasBert\Optimizers\BaseOptimizer.cs (1)
65return Math.Sqrt(Parameters
Roberta\Modules\AttentionSelf.cs (1)
57queryLayer.div_(Math.Sqrt(AttentionHeadSize));
Microsoft.ML.Transforms (2)
Expression\BuiltinFunctions.cs (2)
258FunctionProviderUtils.Fn<R8, R8>(Math.Sqrt)); 679return (R4)Math.Sqrt(a);
PresentationCore (30)
MS\Internal\AnimatedTypeHelpers.cs (1)
465return Math.Sqrt((a * a) + (b * b));
MS\Internal\Ink\Bezier.cs (1)
532nPoints = (int)(Math.Sqrt(rCurv / tolerance)) + 3;
MS\Internal\Ink\EllipticalNodeOperations.cs (4)
117double distance = Math.Sqrt(distanceSquared); 138rad *= Math.Sqrt(1 - rSinSquared); 139spine *= Math.Sqrt(rSinSquared); 721double tmp = Math.Sqrt(B*B-4.0f * A * C);
MS\Internal\Ink\StrokeNodeOperations2.cs (1)
507return Math.Sqrt(nearestOnFirst.LengthSquared / shortest.LengthSquared);
MS\Internal\Media3D\GeneralTransform2DTo3DTo2D.cs (1)
1088closestIntersection = ((currClosest - edges[i]._p1Transformed).Length / Math.Sqrt(denom) *
MS\Internal\Media3D\LineUtil.cs (3)
285maxvalue = Math.Sqrt(maxvalue); 334double root = Math.Sqrt(1+tau*tau); 337_c = 1/Math.Sqrt(1+t*t);
System\Windows\Ink\IncrementalHitTester.cs (4)
828weight += Math.Sqrt(da.Width*da.Width + da.Height*da.Height) / 2.0f; 833weight += Math.Sqrt(spine.LengthSquared) / 2.0f; 838weight += Math.Sqrt(da.Width*da.Width + da.Height*da.Height) / 2.0f; 843weight += Math.Sqrt(spine.LengthSquared) / 2.0f;
System\Windows\Ink\Stroke.cs (1)
355return Math.Sqrt(spine.LengthSquared);
System\Windows\Ink\Stroke2.cs (2)
683double newWidth = Math.Sqrt(w.X * w.X + w.Y * w.Y); 684double newHeight = Math.Sqrt(h.X * h.X + h.Y * h.Y);
System\Windows\Input\Stylus\Pointer\PointerFlickEngine.cs (1)
475return Math.Sqrt(Math.Pow((p1.X - p2.X), 2) + Math.Pow((p1.Y - p2.Y), 2));
System\Windows\Media\Animation\CircleEase.cs (1)
17return 1.0 - Math.Sqrt(1.0 - normalizedTime * normalizedTime);
System\Windows\Media\GlyphRun.cs (1)
1754_baseVectorX = Math.Sqrt(m11 * m11 + m12 * m12);
System\Windows\Media\MediaContext.cs (1)
98int sqrt = (int) Math.Sqrt(number);
System\Windows\Media3D\Quaternion.cs (6)
142double msin = Math.Sqrt(_x*_x + _y*_y + _z*_z); 155msin = Math.Sqrt(x*x + y*y + z*z); 252double normInverse = 1.0 / Math.Sqrt(norm2); 434double smallLength = Math.Sqrt(x*x+y*y+z*z+w*w); 438return Math.Sqrt(norm2); 551double sinOmega = Math.Sqrt(1.0 - cosOmega*cosOmega);
System\Windows\Media3D\Vector3D.cs (2)
61return Math.Sqrt(_x * _x + _y * _y + _z * _z); 102double length = Math.Sqrt(_x * _x + _y * _y + _z * _z);
PresentationFramework (9)
MS\Internal\AnimatedTypeHelpers.cs (1)
92return Math.Sqrt(totalLength);
MS\Internal\Documents\MultiPageTextView.cs (1)
1108textViewProximities[i] = Math.Sqrt(Math.Pow(horz, 2) + Math.Pow(vert, 2));
MS\Internal\Ink\LassoHelper.cs (1)
108double step = Math.Sqrt(MinDistanceSquared / distanceSquared);
System\Windows\Controls\Primitives\UniformGrid.cs (1)
289_rows = (int)Math.Sqrt(nonCollapsedCount);
System\Windows\Documents\FixedSOMTextRun.cs (2)
137double yScale = Math.Sqrt(mat.M12*mat.M12 + mat.M22*mat.M22); 138double xScale = Math.Sqrt(mat.M11 * mat.M11 + mat.M21 * mat.M21);
System\Windows\Documents\TextStore.cs (2)
2860double radSin = Math.Asin(tf.M12 / Math.Sqrt((tf.M11 * tf.M11) + (tf.M12 * tf.M12))); 2861double radCos = Math.Acos(tf.M11 / Math.Sqrt((tf.M11 * tf.M11) + (tf.M12 * tf.M12)));
System\Windows\Input\KeyboardNavigation.cs (1)
2528return Math.Sqrt(deltaX * deltaX + deltaY * deltaY);
ReachFramework (10)
AlphaFlattener\BrushProxy.cs (4)
1912double length = Math.Sqrt(dx * dx + dy * dy); 3869return Math.Sqrt(sum); 4384double root = Math.Sqrt(B4AC); 4427double len = Math.Sqrt(dx * dx + dy * dy);
AlphaFlattener\Utility.cs (2)
175scale = Math.Sqrt(A); 208return y * Math.Sqrt(r * r + 1.0);
Serialization\DrawingContextFlattener.cs (4)
670rSin = Math.Sqrt(rSin); // = R*cos(a) 671rCos = Math.Sqrt(rCos); // = R*sin(a) 774r = Math.Sqrt(rHalfChord2); 788r = Math.Sqrt((1 - rHalfChord2) / rHalfChord2);
System.Collections (1)
src\libraries\System.Private.CoreLib\src\System\Collections\HashHelpers.cs (1)
44int limit = (int)Math.Sqrt(candidate);
System.Collections.Concurrent (1)
src\libraries\System.Private.CoreLib\src\System\Collections\HashHelpers.cs (1)
44int limit = (int)Math.Sqrt(candidate);
System.Collections.Immutable (1)
src\libraries\System.Private.CoreLib\src\System\Collections\HashHelpers.cs (1)
44int limit = (int)Math.Sqrt(candidate);
System.Data.Common (20)
System\Data\Common\ByteStorage.cs (1)
95return Math.Sqrt(var);
System\Data\Common\DecimalStorage.cs (1)
98return Math.Sqrt(var);
System\Data\Common\DoubleStorage.cs (1)
95return Math.Sqrt(var);
System\Data\Common\Int16Storage.cs (1)
98return Math.Sqrt(var);
System\Data\Common\Int32Storage.cs (1)
98return Math.Sqrt(var);
System\Data\Common\Int64Storage.cs (1)
98return Math.Sqrt(var);
System\Data\Common\SByteStorage.cs (1)
95return Math.Sqrt(var);
System\Data\Common\SingleStorage.cs (1)
95return Math.Sqrt(var);
System\Data\Common\SQLTypes\SQLByteStorage.cs (1)
97return Math.Sqrt(var.Value);
System\Data\Common\SQLTypes\SQLDecimalStorage.cs (1)
97return Math.Sqrt(var.Value);
System\Data\Common\SQLTypes\SQLDoubleStorage.cs (1)
97return Math.Sqrt(var.Value);
System\Data\Common\SQLTypes\SQLInt16Storage.cs (1)
97return Math.Sqrt(var.Value);
System\Data\Common\SQLTypes\SQLInt32Storage.cs (1)
97return Math.Sqrt(var.Value);
System\Data\Common\SQLTypes\SQLInt64Storage.cs (1)
97return Math.Sqrt(var.Value);
System\Data\Common\SQLTypes\SQLMoneyStorage.cs (1)
97return Math.Sqrt(var.Value);
System\Data\Common\SQLTypes\SQLSingleStorage.cs (1)
97return Math.Sqrt(var.Value);
System\Data\Common\TimeSpanStorage.cs (1)
129ulong stDev = (ulong)Math.Round(Math.Sqrt(varSum / (count - 1)));
System\Data\Common\UInt16Storage.cs (1)
98return Math.Sqrt(var);
System\Data\Common\UInt32Storage.cs (1)
98return Math.Sqrt(var);
System\Data\Common\UInt64Storage.cs (1)
98return Math.Sqrt(var);
System.Numerics.Tensors (2)
System\Numerics\Tensors\netcore\Tensor.Factory.cs (1)
128values[i] = T.CreateChecked(Math.Sqrt(-2.0 * Math.Log(u1)) * Math.Sin(2.0 * Math.PI * u2));
System\Numerics\Tensors\netcore\TensorExtensions.cs (1)
3532return T.CreateChecked(Math.Sqrt(double.CreateChecked(variance)));
System.Private.CoreLib (11)
src\libraries\System.Private.CoreLib\src\System\Collections\HashHelpers.cs (1)
44int limit = (int)Math.Sqrt(candidate);
src\libraries\System.Private.CoreLib\src\System\Diagnostics\Tracing\EventCounter.cs (1)
108payload.StandardDeviation = Math.Sqrt(_sumSquared / _count - _sum * _sum / _count / _count);
src\libraries\System.Private.CoreLib\src\System\Double.cs (1)
1745public static double Sqrt(double x) => Math.Sqrt(x);
src\libraries\System.Private.CoreLib\src\System\Runtime\Intrinsics\Scalar.cs (7)
1475return (T)(object)(double)Math.Sqrt((double)(object)value); 1483return (T)(object)(int)Math.Sqrt((int)(object)value); 1487return (T)(object)(long)Math.Sqrt((long)(object)value); 1491return (T)(object)(nint)Math.Sqrt((nint)(object)value); 1495return (T)(object)(nuint)Math.Sqrt((nuint)(object)value); 1511return (T)(object)(uint)Math.Sqrt((uint)(object)value); 1515return (T)(object)(ulong)Math.Sqrt((ulong)(object)value);
src\libraries\System.Private.CoreLib\src\System\Threading\PortableThreadPool.HillClimbing.Complex.cs (1)
35public double Abs() => Math.Sqrt(Real * Real + Imaginary * Imaginary);
System.Reflection.MetadataLoadContext (1)
System\Reflection\TypeLoading\General\HashHelpers.cs (1)
36int limit = (int)Math.Sqrt(candidate);
System.Runtime.Numerics (11)
System\Numerics\Complex.cs (11)
42private static readonly double s_sqrtRescaleThreshold = double.MaxValue / (Math.Sqrt(2.0) + 1.0); 45private static readonly double s_asinOverflowThreshold = Math.Sqrt(double.MaxValue) / 2.0; 565bPrime = x / Math.Sqrt((a + x) * amx); 573bPrime = x / y / Math.Sqrt((a + x) * t); 590v = Log1P(am1 + y * Math.Sqrt(t * (a + 1.0))); 595v = Log1P(am1 + Math.Sqrt(am1 * (a + 1.0))); 601v = Math.Log(a + Math.Sqrt((a - 1.0) * (a + 1.0))); 664return new Complex(0.0, Math.Sqrt(-value.m_real)); 667return new Complex(Math.Sqrt(value.m_real), 0.0); 717x = Math.Sqrt((double.Hypot(realCopy, imaginaryCopy) + realCopy) * 0.5); 722y = Math.Sqrt((double.Hypot(realCopy, imaginaryCopy) - realCopy) * 0.5);
System.Runtime.Serialization.Formatters (1)
src\libraries\System.Private.CoreLib\src\System\Collections\HashHelpers.cs (1)
44int limit = (int)Math.Sqrt(candidate);
System.Windows.Forms (1)
System\Windows\Forms\Controls\ToolStrips\ToolStrip.cs (1)
2171double hypotenuse = Math.Sqrt(adjacentSide * adjacentSide + oppositeSide * oppositeSide);
System.Windows.Input.Manipulations (2)
System\Windows\Input\Manipulations\VectorD.cs (1)
361return Math.Sqrt(LengthSquared);
System\Windows\Input\Manipulations\VectorF.cs (1)
346return (float)Math.Sqrt(LengthSquared);