/external/vulkan-validation-layers/libs/glm/gtx/ |
D | transform2.inl | 71 const detail::tvec3<T, P>& normal) argument 74 r[0][0] = 1 - 2 * normal.x * normal.x; 75 r[0][1] = -2 * normal.x * normal.y; 76 r[1][0] = -2 * normal.x * normal.y; 77 r[1][1] = 1 - 2 * normal.y * normal.y; 84 const detail::tvec3<T, P>& normal) argument 87 r[0][0] = 1 - 2 * normal.x * normal.x; 88 r[0][1] = -2 * normal.x * normal.y; 89 r[0][2] = -2 * normal.x * normal.z; 91 r[1][0] = -2 * normal.x * normal.y; [all …]
|
D | handed_coordinate_space.inl | 17 detail::tvec3<T, P> const & normal argument 20 return dot(cross(normal, tangent), binormal) > T(0); 28 detail::tvec3<T, P> const & normal argument 31 return dot(cross(normal, tangent), binormal) < T(0);
|
/external/tensorflow/tensorflow/python/kernel_tests/distributions/ |
D | normal_test.py | 35 from tensorflow.python.ops.distributions import normal as normal_lib 94 normal = normal_lib.NormalWithSoftplusScale(loc=mu, scale=rho) 95 self.assertAllEqual(mu.eval(), normal.loc.eval()) 96 self.assertAllEqual(nn_ops.softplus(rho).eval(), normal.scale.eval()) 104 normal = normal_lib.Normal(loc=mu, scale=sigma) 106 log_pdf = normal.log_prob(x) 107 self.assertAllEqual(normal.batch_shape_tensor().eval(), 109 self.assertAllEqual(normal.batch_shape_tensor().eval(), 111 self.assertAllEqual(normal.batch_shape, log_pdf.get_shape()) 112 self.assertAllEqual(normal.batch_shape, log_pdf.eval().shape) [all …]
|
D | kullback_leibler_test.py | 23 from tensorflow.python.ops.distributions import normal 37 class MyDist(normal.Normal): 50 class MyDistException(normal.Normal): 80 class MyDist(normal.Normal): 99 class Sub1(normal.Normal): 104 class Sub2(normal.Normal):
|
/external/eigen/Eigen/src/Geometry/ |
D | Hyperplane.h | 70 normal() = n; in Hyperplane() 81 normal() = n; in Hyperplane() 91 result.normal() = (p1 - p0).unitOrthogonal(); in Through() 92 result.offset() = -p0.dot(result.normal()); in Through() 104 result.normal() = v0.cross(v1); in Through() 105 RealScalar norm = result.normal().norm(); in Through() 110 result.normal() = svd.matrixV().col(2); in Through() 113 result.normal() /= norm; in Through() 114 result.offset() = -p0.dot(result.normal()); in Through() 125 normal() = parametrized.direction().unitOrthogonal(); in Hyperplane() [all …]
|
/external/tensorflow/tensorflow/contrib/distributions/python/kernel_tests/ |
D | distribution_test.py | 66 normal = ds.Normal(loc=1., scale=2., validate_args=True) 67 self.assertEqual(normal.parameters, normal.copy().parameters) 74 normal = ds.Normal(loc=1., scale=2., validate_args=True) 75 unused_normal_copy = normal.copy(validate_args=False) 76 base_params = normal.parameters.copy() 77 copy_params = normal.copy(validate_args=False).parameters.copy() 87 normal = ds.Normal(mu, sigma, validate_args=True) 88 self.assertTrue(tensor_util.constant_value(normal.is_scalar_event())) 89 self.assertTrue(tensor_util.constant_value(normal.is_scalar_batch())) 91 normal = ds.Normal([mu], [sigma], validate_args=True) [all …]
|
/external/skqp/src/core/ |
D | SkStrokerPriv.cpp | 13 static void ButtCapper(SkPath* path, const SkPoint& pivot, const SkVector& normal, in ButtCapper() argument 18 static void RoundCapper(SkPath* path, const SkPoint& pivot, const SkVector& normal, in RoundCapper() argument 21 SkPointPriv::RotateCW(normal, ¶llel); in RoundCapper() 25 path->conicTo(projectedCenter + normal, projectedCenter, SK_ScalarRoot2Over2); in RoundCapper() 26 path->conicTo(projectedCenter - normal, stop, SK_ScalarRoot2Over2); in RoundCapper() 29 static void SquareCapper(SkPath* path, const SkPoint& pivot, const SkVector& normal, in SquareCapper() argument 32 SkPointPriv::RotateCW(normal, ¶llel); in SquareCapper() 35 path->setLastPt(pivot.fX + normal.fX + parallel.fX, pivot.fY + normal.fY + parallel.fY); in SquareCapper() 36 path->lineTo(pivot.fX - normal.fX + parallel.fX, pivot.fY - normal.fY + parallel.fY); in SquareCapper() 38 path->lineTo(pivot.fX + normal.fX + parallel.fX, pivot.fY + normal.fY + parallel.fY); in SquareCapper() [all …]
|
/external/skia/src/core/ |
D | SkStrokerPriv.cpp | 13 static void ButtCapper(SkPath* path, const SkPoint& pivot, const SkVector& normal, in ButtCapper() argument 18 static void RoundCapper(SkPath* path, const SkPoint& pivot, const SkVector& normal, in RoundCapper() argument 21 SkPointPriv::RotateCW(normal, ¶llel); in RoundCapper() 25 path->conicTo(projectedCenter + normal, projectedCenter, SK_ScalarRoot2Over2); in RoundCapper() 26 path->conicTo(projectedCenter - normal, stop, SK_ScalarRoot2Over2); in RoundCapper() 29 static void SquareCapper(SkPath* path, const SkPoint& pivot, const SkVector& normal, in SquareCapper() argument 32 SkPointPriv::RotateCW(normal, ¶llel); in SquareCapper() 35 path->setLastPt(pivot.fX + normal.fX + parallel.fX, pivot.fY + normal.fY + parallel.fY); in SquareCapper() 36 path->lineTo(pivot.fX - normal.fX + parallel.fX, pivot.fY - normal.fY + parallel.fY); in SquareCapper() 38 path->lineTo(pivot.fX + normal.fX + parallel.fX, pivot.fY + normal.fY + parallel.fY); in SquareCapper() [all …]
|
/external/autotest/client/site_tests/graphics_SanAngeles/src/ |
D | shader.c | 87 static void computeNormalMatrix(Matrix4x4 m, Matrix3x3 normal) in computeNormalMatrix() argument 93 normal[0*3+0] = invDet * (m[1*4+1] * m[2*4+2] - m[2*4+1] * m[1*4+2]); in computeNormalMatrix() 94 normal[1*3+0] = invDet * -(m[0*4+1] * m[2*4+2] - m[0*4+2] * m[2*4+1]); in computeNormalMatrix() 95 normal[2*3+0] = invDet * (m[0*4+1] * m[1*4+2] - m[0*4+2] * m[1*4+1]); in computeNormalMatrix() 96 normal[0*3+1] = invDet * -(m[1*4+0] * m[2*4+2] - m[1*4+2] * m[2*4+0]); in computeNormalMatrix() 97 normal[1*3+1] = invDet * (m[0*4+0] * m[2*4+2] - m[0*4+2] * m[2*4+0]); in computeNormalMatrix() 98 normal[2*3+1] = invDet * -(m[0*4+0] * m[1*4+2] - m[1*4+0] * m[0*4+2]); in computeNormalMatrix() 99 normal[0*3+2] = invDet * (m[1*4+0] * m[2*4+1] - m[2*4+0] * m[1*4+1]); in computeNormalMatrix() 100 normal[1*3+2] = invDet * -(m[0*4+0] * m[2*4+1] - m[2*4+0] * m[0*4+1]); in computeNormalMatrix() 101 normal[2*3+2] = invDet * (m[0*4+0] * m[1*4+1] - m[1*4+0] * m[0*4+1]); in computeNormalMatrix() [all …]
|
/external/mesa3d/src/mesa/tnl/ |
D | t_vb_texgen.c | 99 const GLvector4f *normal, in build_m3() argument 105 const GLfloat *norm = normal->start; in build_m3() 108 for (i=0;i<count;i++,STRIDE_F(coord,stride),STRIDE_F(norm,normal->stride)) { in build_m3() 126 const GLvector4f *normal, in build_m2() argument 133 GLfloat *norm = normal->start; in build_m2() 136 for (i=0;i<count;i++,STRIDE_F(coord,stride),STRIDE_F(norm,normal->stride)) { in build_m2() 156 const GLvector4f *normal, 175 const GLvector4f *normal, in build_f3() argument 182 GLfloat *norm = normal->start; in build_f3() 195 STRIDE_F(norm, normal->stride); in build_f3() [all …]
|
D | t_vb_normals.c | 42 GLvector4f normal; member 70 &store->normal ); /* resulting normals */ in run_normal_stage() 73 store->normal.stride = 4 * sizeof(GLfloat); in run_normal_stage() 76 store->normal.stride = 0; in run_normal_stage() 79 VB->AttribPtr[_TNL_ATTRIB_NORMAL] = &store->normal; in run_normal_stage() 158 _mesa_vector4f_alloc( &store->normal, 0, tnl->vb.Size, 32 ); in alloc_normal_data() 171 _mesa_vector4f_free( &store->normal ); in free_normal_data()
|
D | t_vb_lighttmp.h | 59 const GLfloat *normal = (GLfloat *)VB->AttribPtr[_TNL_ATTRIB_NORMAL]->data; in TAG() local 88 for (j = 0; j < nr; j++,STRIDE_F(vertex,vstride),STRIDE_F(normal,nstride)) { in TAG() 162 n_dot_VP = DOT3( normal, VP ); in TAG() 206 n_dot_h = correction * DOT3(normal, h); in TAG() 245 const GLfloat *normal = (GLfloat *)VB->AttribPtr[_TNL_ATTRIB_NORMAL]->data; in TAG() local 269 for (j = 0; j < nr; j++,STRIDE_F(vertex,vstride),STRIDE_F(normal,nstride)) { in TAG() 341 n_dot_VP = DOT3( normal, VP ); in TAG() 386 n_dot_h = correction * DOT3(normal, h); in TAG() 421 const GLfloat *normal = (GLfloat *)VB->AttribPtr[_TNL_ATTRIB_NORMAL]->data; in TAG() local 456 for (j = 0; j < nr; j++, STRIDE_F(normal,nstride)) { in TAG() [all …]
|
/external/llvm/test/Bitcode/ |
D | operand-bundles.ll | 67 …64 100, i32 %x), "bar"(float 0.000000e+00, i64 100, i32 %l) ] to label %normal unwind label %exce… 72 br label %normal 73 normal: 83 invoke void @callee0() to label %normal unwind label %exception 88 br label %normal 90 normal: 113 invoke void @callee0() [ "foo"() ] to label %normal unwind label %exception 118 br label %normal 119 normal: 128 …i64 100, i32 %x), "foo"(i32 42, float 0.000000e+00, i32 %l) ] to label %normal unwind label %exce… [all …]
|
D | use-list-order2.ll | 10 invoke void @llvm.donothing() to label %normal unwind label %exception 13 br label %normal 14 normal: 23 invoke void @llvm.donothing() to label %normal unwind label %exception 26 br label %normal 27 normal:
|
/external/replicaisland/src/com/replica/replicaisland/ |
D | SolidSurfaceComponent.java | 75 public void addSurface(Vector2 startPoint, Vector2 endPoint, Vector2 normal) { in addSurface() argument 78 mNormals.add(normal); in addSurface() 95 Vector2 normal = mNormal; in update() local 118 normal.set(normals.get(x)); in update() 120 normal.flipHorizontal(0); in update() 124 normal.flipVertical(0); in update() 127 collision.addTemporarySurface(start, end, normal, parentObject); in update()
|
/external/pcre/dist2/testdata/ |
D | testinput6 | 1154 [^\\\x80-\xff\n\015()] * # normal* 1158 [^\\\x80-\xff\n\015()] * # normal* 1159 (?: \\ [^\x80-\xff] [^\\\x80-\xff\n\015()] * )* # (special normal*)* 1162 [^\\\x80-\xff\n\015()] * # normal* 1174 [^\\\x80-\xff\n\015"] * # normal 1175 (?: \\ [^\x80-\xff] [^\\\x80-\xff\n\015"] * )* # ( special normal* )* 1182 [^\\\x80-\xff\n\015()] * # normal* 1186 [^\\\x80-\xff\n\015()] * # normal* 1187 (?: \\ [^\x80-\xff] [^\\\x80-\xff\n\015()] * )* # (special normal*)* 1190 [^\\\x80-\xff\n\015()] * # normal* [all …]
|
D | testinput1 | 683 [^\\\x80-\xff\n\015()] * # normal* 687 [^\\\x80-\xff\n\015()] * # normal* 688 (?: \\ [^\x80-\xff] [^\\\x80-\xff\n\015()] * )* # (special normal*)* 691 [^\\\x80-\xff\n\015()] * # normal* 703 [^\\\x80-\xff\n\015"] * # normal 704 (?: \\ [^\x80-\xff] [^\\\x80-\xff\n\015"] * )* # ( special normal* )* 711 [^\\\x80-\xff\n\015()] * # normal* 715 [^\\\x80-\xff\n\015()] * # normal* 716 (?: \\ [^\x80-\xff] [^\\\x80-\xff\n\015()] * )* # (special normal*)* 719 [^\\\x80-\xff\n\015()] * # normal* [all …]
|
/external/webrtc/webrtc/modules/audio_coding/neteq/ |
D | normal_unittest.cc | 42 Normal normal(fs, &db, bgn, &expand); in TEST() local 57 Normal normal(fs, &db, bgn, &expand); in TEST() local 69 normal.Process(input, 0, kModeExpand, mute_factor_array.get(), &output)); in TEST() 82 normal.Process(input, in TEST() 103 Normal normal(fs, &db, bgn, &expand); in TEST() local 116 normal.Process( in TEST()
|
/external/tensorflow/tensorflow/contrib/distributions/python/ops/ |
D | normal_conjugate_posteriors.py | 22 from tensorflow.python.ops.distributions import normal 67 if not isinstance(prior, normal.Normal): 79 return normal.Normal( 133 if not isinstance(prior, normal.Normal): 145 return normal.Normal(
|
/external/apache-commons-math/src/main/java/org/apache/commons/math/distribution/ |
D | PoissonDistributionImpl.java | 52 private NormalDistribution normal; field in PoissonDistributionImpl 159 setNormalAndMeanInternal(normal, p); in setMean() 176 normal = z; in setNormalAndMeanInternal() 177 normal.setMean(p); in setNormalAndMeanInternal() 178 normal.setStandardDeviation(FastMath.sqrt(p)); in setNormalAndMeanInternal() 239 return normal.cumulativeProbability(x + 0.5); in normalApproximateProbability()
|
/external/mesa3d/src/gallium/auxiliary/gallivm/ |
D | lp_bld_format_float.c | 81 LLVMValueRef i32_floatexpmask, i32_smallexpmask, magic, normal; in lp_build_float_to_smallfloat() local 133 normal = lp_build_mul(&f32_bld, rescale_src, magic); in lp_build_float_to_smallfloat() 140 normal = lp_build_min(&f32_bld, normal, small_max); in lp_build_float_to_smallfloat() 141 normal = LLVMBuildBitCast(builder, normal, i32_bld.vec_type, ""); in lp_build_float_to_smallfloat() 194 res = lp_build_select(&i32_bld, is_nan_or_inf, nan_or_inf, normal); in lp_build_float_to_smallfloat() 354 LLVMValueRef exp_one, isdenorm, denorm, normal, exp_adj; in lp_build_smallfloat_to_float() local 378 normal = lp_build_add(&i32_bld, srcabs, exp_adj); in lp_build_smallfloat_to_float() 380 normal = lp_build_or(&i32_bld, tmp, normal); in lp_build_smallfloat_to_float() 382 res = lp_build_select(&i32_bld, isdenorm, denorm, normal); in lp_build_smallfloat_to_float()
|
/external/eigen/test/ |
D | geo_hyperplane.cpp | 52 …VERIFY_IS_MUCH_SMALLER_THAN( pl1.absDistance(p1 + pl1.normal().unitOrthogonal() * s1), Scalar(1) … in hyperplane() 69 VERIFY_IS_APPROX( pl2.normal().norm(), RealScalar(1) ); in hyperplane() 73 VERIFY_IS_APPROX( pl2.normal().norm(), RealScalar(1) ); in hyperplane() 77 VERIFY_IS_APPROX( pl2.normal().norm(), RealScalar(1) ); in hyperplane() 111 VERIFY_IS_APPROX(line_u.normal().norm(), Scalar(1)); in lines() 112 VERIFY_IS_APPROX(line_v.normal().norm(), Scalar(1)); in lines() 124 if(line_u2.normal().dot(line_u.normal())<Scalar(0)) in lines() 149 VERIFY_IS_APPROX(p0.normal().norm(), Scalar(1)); in planes()
|
/external/python/cpython3/Lib/idlelib/ |
D | config-highlight.def | 5 normal-foreground= #000000 6 normal-background= #ffffff 36 normal-foreground= #000000 37 normal-background= #ffffff 77 normal-background = #002240 88 normal-foreground = #FFFFFF
|
/external/python/cpython2/Lib/idlelib/ |
D | config-highlight.def | 5 normal-foreground= #000000 6 normal-background= #ffffff 36 normal-foreground= #000000 37 normal-background= #ffffff 77 normal-background = #002240 88 normal-foreground = #FFFFFF
|
/external/skqp/src/utils/ |
D | SkShadowTessellator.cpp | 101 SkVector normal; in compute_normal() local 103 normal.fX = p0.fY - p1.fY; in compute_normal() 104 normal.fY = p1.fX - p0.fX; in compute_normal() 105 normal *= dir; in compute_normal() 106 if (!normal.normalize()) { in compute_normal() 109 *newNormal = normal; in compute_normal() 433 SkVector normal; in SkAmbientShadowTessellator() local 434 if (compute_normal(fPrevPoint, fFirstPoint, fDirection, &normal)) { in SkAmbientShadowTessellator() 437 SkVector scaledNormal(normal); in SkAmbientShadowTessellator() 442 SkVector inset = normal; in SkAmbientShadowTessellator() [all …]
|