/external/skia/src/core/ |
D | SkAntiRun.h | 25 static inline SkAlpha CatchOverflow(int alpha) { in CatchOverflow() argument 26 SkASSERT(alpha >= 0 && alpha <= 256); in CatchOverflow() 27 return alpha - (alpha >> 8); in CatchOverflow() 61 uint8_t* alpha = fAlpha + offsetX; in add() local 62 uint8_t* lastAlpha = alpha; in add() 66 SkAlphaRuns::Break(runs, alpha, x, 1); in add() 72 unsigned tmp = alpha[x] + startAlpha; in add() 74 …alpha[x] = SkToU8(tmp - (tmp >> 8)); // was (tmp >> 7), but that seems wrong if we're trying to… in add() 77 alpha += x + 1; in add() 83 SkAlphaRuns::Break(runs, alpha, x, middleCount); in add() [all …]
|
D | SkBlitRow_D32.cpp | 18 U8CPU alpha) { in blit_row_s32_opaque() argument 19 SkASSERT(255 == alpha); in blit_row_s32_opaque() 60 static void blit_row_s32_blend(SkPMColor* dst, const SkPMColor* src, int count, U8CPU alpha) { in blit_row_s32_blend() argument 61 SkASSERT(alpha <= 255); in blit_row_s32_blend() 69 SkAlpha255To256(alpha))); in blit_row_s32_blend() 79 *dst = SkPMLerp(*src, *dst, SkAlpha255To256(alpha)); in blit_row_s32_blend() 88 unsigned alpha = SkAlpha255To256(aa); in SkBlendARGB32_SSE2() local 89 __m128i src_scale = _mm_set1_epi16(alpha); in SkBlendARGB32_SSE2() 125 static void blit_row_s32a_blend(SkPMColor* dst, const SkPMColor* src, int count, U8CPU alpha) { in blit_row_s32a_blend() argument 126 SkASSERT(alpha <= 255); in blit_row_s32a_blend() [all …]
|
/external/skqp/src/core/ |
D | SkAntiRun.h | 25 static inline SkAlpha CatchOverflow(int alpha) { in CatchOverflow() argument 26 SkASSERT(alpha >= 0 && alpha <= 256); in CatchOverflow() 27 return alpha - (alpha >> 8); in CatchOverflow() 61 uint8_t* alpha = fAlpha + offsetX; in add() local 62 uint8_t* lastAlpha = alpha; in add() 66 SkAlphaRuns::Break(runs, alpha, x, 1); in add() 72 unsigned tmp = alpha[x] + startAlpha; in add() 74 …alpha[x] = SkToU8(tmp - (tmp >> 8)); // was (tmp >> 7), but that seems wrong if we're trying to… in add() 77 alpha += x + 1; in add() 83 SkAlphaRuns::Break(runs, alpha, x, middleCount); in add() [all …]
|
D | SkBlitRow_D32.cpp | 18 U8CPU alpha) { in blit_row_s32_opaque() argument 19 SkASSERT(255 == alpha); in blit_row_s32_opaque() 60 static void blit_row_s32_blend(SkPMColor* dst, const SkPMColor* src, int count, U8CPU alpha) { in blit_row_s32_blend() argument 61 SkASSERT(alpha <= 255); in blit_row_s32_blend() 69 SkAlpha255To256(alpha))); in blit_row_s32_blend() 79 *dst = SkPMLerp(*src, *dst, SkAlpha255To256(alpha)); in blit_row_s32_blend() 88 unsigned alpha = SkAlpha255To256(aa); in SkBlendARGB32_SSE2() local 89 __m128i src_scale = _mm_set1_epi16(alpha); in SkBlendARGB32_SSE2() 125 static void blit_row_s32a_blend(SkPMColor* dst, const SkPMColor* src, int count, U8CPU alpha) { in blit_row_s32a_blend() argument 126 SkASSERT(alpha <= 255); in blit_row_s32a_blend() [all …]
|
/external/tensorflow/tensorflow/python/kernel_tests/distributions/ |
D | dirichlet_test.py | 52 alpha = np.random.rand(3) 53 dist = dirichlet_lib.Dirichlet(alpha) 60 alpha = np.random.rand(3, 2, 2) 61 dist = dirichlet_lib.Dirichlet(alpha) 68 alpha = [[1., 2, 3]] 69 dist = dirichlet_lib.Dirichlet(alpha) 71 self.assertAllClose(alpha, self.evaluate(dist.concentration)) 74 alpha = [[1., 2, 3]] 75 dist = dirichlet_lib.Dirichlet(alpha, validate_args=True) 104 alpha = [1., 2] [all …]
|
D | dirichlet_multinomial_test.py | 43 alpha = np.random.rand(3) 44 dist = ds.DirichletMultinomial(1., alpha) 53 alpha = np.random.rand(3, 2, 2) 55 dist = ds.DirichletMultinomial(n, alpha) 63 alpha = [[1., 2, 3]] 66 dist = ds.DirichletMultinomial(n, alpha) 72 alpha = [[1., 2, 3]] 74 dist = ds.DirichletMultinomial(1, alpha) 76 self.assertAllClose(alpha, dist.concentration.eval()) 80 alpha = [[1., 2, 3]] [all …]
|
/external/cblas/include/ |
D | cblas.h | 25 float cblas_sdsdot(const int N, const float alpha, const float *X, 85 void cblas_saxpy(const int N, const float alpha, const float *X, 92 void cblas_daxpy(const int N, const double alpha, const double *X, 99 void cblas_caxpy(const int N, const void *alpha, const void *X, 106 void cblas_zaxpy(const int N, const void *alpha, const void *X, 131 void cblas_sscal(const int N, const float alpha, float *X, const int incX); 132 void cblas_dscal(const int N, const double alpha, double *X, const int incX); 133 void cblas_cscal(const int N, const void *alpha, void *X, const int incX); 134 void cblas_zscal(const int N, const void *alpha, void *X, const int incX); 135 void cblas_csscal(const int N, const float alpha, void *X, const int incX); [all …]
|
/external/ImageMagick/MagickCore/ |
D | composite-private.h | 35 static inline double MagickOver_(const double p,const double alpha, in MagickOver_() argument 42 Sa=QuantumScale*alpha; in MagickOver_() 53 const double alpha,const Quantum *q,const double beta,Quantum *composite) in CompositePixelOver() argument 66 Sa=QuantumScale*alpha; in CompositePixelOver() 86 composite[i]=ClampToQuantum(gamma*MagickOver_((double) p->red,alpha, in CompositePixelOver() 92 composite[i]=ClampToQuantum(gamma*MagickOver_((double) p->green,alpha, in CompositePixelOver() 98 composite[i]=ClampToQuantum(gamma*MagickOver_((double) p->blue,alpha, in CompositePixelOver() 104 composite[i]=ClampToQuantum(gamma*MagickOver_((double) p->black,alpha, in CompositePixelOver() 123 const double alpha,const PixelInfo *q,const double beta,PixelInfo *composite) in CompositePixelInfoOver() argument 133 Sa=QuantumScale*alpha; in CompositePixelInfoOver() [all …]
|
/external/tensorflow/tensorflow/python/kernel_tests/random/ |
D | random_grad_test.py | 80 alpha = array_ops.ones([2, 2]) 82 sample = random_ops.random_gamma(shape, alpha, beta, seed=12345) 83 grads_alpha, grads_beta = gradients_impl.gradients(sample, [alpha, beta]) 84 self.assertAllEqual(grads_alpha.shape, alpha.shape) 90 alpha = array_ops.ones([2, 2]) 92 sample = random_ops.random_gamma(shape, alpha, beta, seed=12345) 93 grads_alpha, grads_beta = gradients_impl.gradients(sample, [alpha, beta]) 94 self.assertAllEqual(grads_alpha.shape, alpha.shape) 100 alpha = array_ops.placeholder(dtypes.float32) 102 sample = random_ops.random_gamma(shape, alpha, beta, seed=12345) [all …]
|
/external/libaom/libaom/tools/ |
D | gen_constrained_tokenset.py | 43 alpha = scipy.optimize.fminbound(func, 1e-12, 10000, xtol=1e-12) 45 parray[0] = 2 * (cdf(0.5, alpha, beta) - 0.5) 46 parray[1] = (2 * (cdf(1.5, alpha, beta) - cdf(0.5, alpha, beta))) 47 parray[2] = (2 * (cdf(2.5, alpha, beta) - cdf(1.5, alpha, beta))) 48 parray[3] = (2 * (cdf(3.5, alpha, beta) - cdf(2.5, alpha, beta))) 49 parray[4] = (2 * (cdf(4.5, alpha, beta) - cdf(3.5, alpha, beta))) 50 parray[5] = (2 * (cdf(6.5, alpha, beta) - cdf(4.5, alpha, beta))) 51 parray[6] = (2 * (cdf(10.5, alpha, beta) - cdf(6.5, alpha, beta))) 52 parray[7] = (2 * (cdf(18.5, alpha, beta) - cdf(10.5, alpha, beta))) 53 parray[8] = (2 * (cdf(34.5, alpha, beta) - cdf(18.5, alpha, beta))) [all …]
|
/external/adhd/cras/src/dsp/ |
D | biquad.c | 59 double alpha = 0.25 * (0.5 + beta - gamma); in biquad_lowpass() local 61 double b0 = 2 * alpha; in biquad_lowpass() 62 double b1 = 2 * 2 * alpha; in biquad_lowpass() 63 double b2 = 2 * alpha; in biquad_lowpass() 94 double alpha = 0.25 * (0.5 + beta + gamma); in biquad_highpass() local 96 double b0 = 2 * alpha; in biquad_highpass() 97 double b1 = 2 * -2 * alpha; in biquad_highpass() 98 double b2 = 2 * alpha; in biquad_highpass() 124 double alpha = sin(w0) / (2 * Q); in biquad_bandpass() local 127 double b0 = alpha; in biquad_bandpass() [all …]
|
/external/llvm/test/Transforms/LoopReroll/ |
D | basic32iters.ll | 5 ; void goo32(float alpha, float *a, float *b) { 7 ; a[i] += alpha * b[i]; 8 ; a[i + 1] += alpha * b[i + 1]; 9 ; a[i + 2] += alpha * b[i + 2]; 10 ; a[i + 3] += alpha * b[i + 3]; 11 ; a[i + 4] += alpha * b[i + 4]; 12 ; a[i + 5] += alpha * b[i + 5]; 13 ; a[i + 6] += alpha * b[i + 6]; 14 ; a[i + 7] += alpha * b[i + 7]; 15 ; a[i + 8] += alpha * b[i + 8]; [all …]
|
/external/swiftshader/third_party/llvm-7.0/llvm/test/Transforms/LoopReroll/ |
D | basic32iters.ll | 5 ; void goo32(float alpha, float *a, float *b) { 7 ; a[i] += alpha * b[i]; 8 ; a[i + 1] += alpha * b[i + 1]; 9 ; a[i + 2] += alpha * b[i + 2]; 10 ; a[i + 3] += alpha * b[i + 3]; 11 ; a[i + 4] += alpha * b[i + 4]; 12 ; a[i + 5] += alpha * b[i + 5]; 13 ; a[i + 6] += alpha * b[i + 6]; 14 ; a[i + 7] += alpha * b[i + 7]; 15 ; a[i + 8] += alpha * b[i + 8]; [all …]
|
/external/apache-commons-math/src/main/java/org/apache/commons/math/distribution/ |
D | BetaDistributionImpl.java | 51 private double alpha; field in BetaDistributionImpl 72 public BetaDistributionImpl(double alpha, double beta, double inverseCumAccuracy) { in BetaDistributionImpl() argument 73 this.alpha = alpha; in BetaDistributionImpl() 84 public BetaDistributionImpl(double alpha, double beta) { in BetaDistributionImpl() argument 85 this(alpha, beta, DEFAULT_INVERSE_ABSOLUTE_ACCURACY); in BetaDistributionImpl() 92 public void setAlpha(double alpha) { in setAlpha() argument 93 this.alpha = alpha; in setAlpha() 99 return alpha; in getAlpha() 121 z = Gamma.logGamma(alpha) + Gamma.logGamma(beta) - Gamma.logGamma(alpha + beta); in recomputeZ() 150 if (alpha < 1) { in density() [all …]
|
D | GammaDistributionImpl.java | 45 private double alpha; field in GammaDistributionImpl 58 public GammaDistributionImpl(double alpha, double beta) { in GammaDistributionImpl() argument 59 this(alpha, beta, DEFAULT_INVERSE_ABSOLUTE_ACCURACY); in GammaDistributionImpl() 70 public GammaDistributionImpl(double alpha, double beta, double inverseCumAccuracy) { in GammaDistributionImpl() argument 72 setAlphaInternal(alpha); in GammaDistributionImpl() 100 ret = Gamma.regularizedGammaP(alpha, x / beta); in cumulativeProbability() 138 public void setAlpha(double alpha) { in setAlpha() argument 139 setAlphaInternal(alpha); in setAlpha() 153 this.alpha = newAlpha; in setAlphaInternal() 161 return alpha; in getAlpha() [all …]
|
/external/pdfium/third_party/lcms/src/ |
D | cmssm.c | 45 cmsFloat64Number alpha; member 131 sp ->alpha = sp ->theta = 0; in ToSpherical() 135 sp ->alpha = _cmsAtan2(a, b); in ToSpherical() 150 sin_alpha = sin((M_PI * sp ->alpha) / 180.0); in ToCartesian() 151 cos_alpha = cos((M_PI * sp ->alpha) / 180.0); in ToCartesian() 168 void QuantizeToSector(const cmsSpherical* sp, int* alpha, int* theta) in QuantizeToSector() argument 170 *alpha = (int) floor(((sp->alpha * (SECTORS)) / 360.0) ); in QuantizeToSector() 173 if (*alpha >= SECTORS) in QuantizeToSector() 174 *alpha = SECTORS-1; in QuantizeToSector() 326 int alpha, theta; in GetPoint() local [all …]
|
/external/webp/src/dsp/ |
D | alpha_processing_neon.c | 26 const uint8x8_t alpha = (V).val[(ALPHA)]; \ 27 const uint16x8_t r1 = vmull_u8((V).val[1], alpha); \ 28 const uint16x8_t g1 = vmull_u8((V).val[2], alpha); \ 29 const uint16x8_t b1 = vmull_u8((V).val[(OTHER)], alpha); \ 65 const uint8_t* const alpha = rgba + (alpha_first ? 0 : 3); in ApplyAlphaMultiply_NEON() local 66 const uint32_t a = alpha[4 * i]; in ApplyAlphaMultiply_NEON() 83 static int DispatchAlpha_NEON(const uint8_t* alpha, int alpha_stride, in DispatchAlpha_NEON() argument 96 const uint8x8_t alphas = vld1_u8(alpha + i); in DispatchAlpha_NEON() 102 const uint32_t alpha_value = alpha[i]; in DispatchAlpha_NEON() 106 alpha += alpha_stride; in DispatchAlpha_NEON() [all …]
|
/external/apache-commons-math/src/main/java/org/apache/commons/math/stat/inference/ |
D | TestUtils.java | 176 double alpha) in homoscedasticTTest() argument 178 return tTest. homoscedasticTTest(sample1, sample2, alpha); in homoscedasticTTest() 210 double alpha) in pairedTTest() argument 212 return tTest.pairedTTest(sample1, sample2, alpha); in pairedTTest() 259 public static boolean tTest(double mu, double[] sample, double alpha) in tTest() argument 261 return tTest.tTest(mu, sample, alpha); in tTest() 276 double alpha) in tTest() argument 278 return tTest. tTest(mu, sampleStats, alpha); in tTest() 292 public static boolean tTest(double[] sample1, double[] sample2, double alpha) in tTest() argument 294 return tTest.tTest(sample1, sample2, alpha); in tTest() [all …]
|
/external/skqp/include/private/ |
D | SkEncodedInfo.h | 96 static SkEncodedInfo Make(int width, int height, Color color, Alpha alpha, in Make() 98 return Make(width, height, color, alpha, bitsPerComponent, nullptr); in Make() 101 static SkEncodedInfo Make(int width, int height, Color color, Alpha alpha, in Make() 111 SkASSERT(kOpaque_Alpha == alpha); in Make() 114 SkASSERT(kOpaque_Alpha != alpha); in Make() 122 SkASSERT(kOpaque_Alpha == alpha); in Make() 128 SkASSERT(kOpaque_Alpha == alpha); in Make() 132 SkASSERT(kOpaque_Alpha != alpha); in Make() 137 SkASSERT(kOpaque_Alpha != alpha); in Make() 141 SkASSERT(kUnpremul_Alpha == alpha); in Make() [all …]
|
/external/tensorflow/tensorflow/contrib/nn/python/ops/ |
D | scaled_softplus.py | 37 def scaled_softplus(x, alpha, clip=None, name=None): argument 61 [x, alpha] + ([clip] if clipping else [])): 64 alpha = ops.convert_to_tensor(alpha, dtype=dtype, name='alpha') 66 y = alpha * nn.softplus(x / alpha) 73 y, x, alpha = op.inputs[:3] 84 y /= alpha 93 _reduce_and_reshape_grad(g * dy_dalpha, alpha)] + clip_grad 100 def _forward_helper_clip(y, x, alpha, clip): argument 101 del x, alpha, clip # Unused. 103 return _forward_helper_clip(y, x, alpha, clip) [all …]
|
/external/tensorflow/tensorflow/stream_executor/cuda/ |
D | cuda_blas.cc | 465 bool CUDABlas::DoBlasAxpy(Stream *stream, uint64 elem_count, float alpha, in DoBlasAxpy() argument 469 elem_count, &alpha, GpuMemory(x), incx, in DoBlasAxpy() 473 bool CUDABlas::DoBlasAxpy(Stream *stream, uint64 elem_count, double alpha, in DoBlasAxpy() argument 477 elem_count, &alpha, GpuMemory(x), incx, in DoBlasAxpy() 482 std::complex<float> alpha, in DoBlasAxpy() argument 486 elem_count, GpuComplex(&alpha), in DoBlasAxpy() 492 std::complex<double> alpha, in DoBlasAxpy() argument 496 elem_count, GpuComplex(&alpha), in DoBlasAxpy() 732 bool CUDABlas::DoBlasScal(Stream *stream, uint64 elem_count, float alpha, in DoBlasScal() argument 735 elem_count, &alpha, GpuMemoryMutable(x), incx); in DoBlasScal() [all …]
|
/external/webp/src/enc/ |
D | analysis_enc.c | 92 const int alpha = 255 * (centers[n] - mid) / (max - min); in SetSegmentAlphas() local 94 enc->dqm_[n].alpha_ = clip(alpha, -127, 127); in SetSegmentAlphas() 106 #define IS_BETTER_ALPHA(alpha, best_alpha) ((alpha) > (best_alpha)) argument 108 static int FinalAlphaValue(int alpha) { in FinalAlphaValue() argument 109 alpha = MAX_ALPHA - alpha; in FinalAlphaValue() 110 return clip(alpha, 0, MAX_ALPHA); in FinalAlphaValue() 119 const int alpha = in GetAlpha() local 121 return alpha; in GetAlpha() 215 const int alpha = mb->alpha_; in AssignSegments() local 216 mb->segment_ = map[alpha]; in AssignSegments() [all …]
|
/external/skia/include/private/ |
D | SkEncodedInfo.h | 96 static SkEncodedInfo Make(int width, int height, Color color, Alpha alpha, in Make() 98 return Make(width, height, color, alpha, bitsPerComponent, nullptr); in Make() 101 static SkEncodedInfo Make(int width, int height, Color color, Alpha alpha, in Make() 111 SkASSERT(kOpaque_Alpha == alpha); in Make() 114 SkASSERT(kOpaque_Alpha != alpha); in Make() 122 SkASSERT(kOpaque_Alpha == alpha); in Make() 128 SkASSERT(kOpaque_Alpha == alpha); in Make() 139 SkASSERT(kUnpremul_Alpha == alpha); in Make() 143 SkASSERT(kOpaque_Alpha == alpha); in Make() 151 return SkEncodedInfo(width, height, color, alpha, bitsPerComponent, std::move(profile)); in Make() [all …]
|
/external/swiftshader/third_party/PowerVR_SDK/Tools/ |
D | PVRTDecompress.cpp | 37 PVRTuint8 red,green,blue,alpha; member 42 PVRTint32 red,green,blue,alpha; member 72 colour.alpha = (PVRTuint8)0xf;// 0->4 bits in getColourA() 80 colour.alpha = (PVRTuint8)((u32ColourData & 0x7000) >> 11);// 3->4 bits - note 0 at right in getColourA() 102 colour.alpha = (PVRTuint8)0xf;// 0 bits in getColourB() 110 colour.alpha = (PVRTuint8)((u32ColourData & 0x70000000) >> 27);// 3->4 bits - note 0 at right in getColourB() 132 Pixel128S hP = {(PVRTint32)P.red,(PVRTint32)P.green,(PVRTint32)P.blue,(PVRTint32)P.alpha}; in interpolateColours() 133 Pixel128S hQ = {(PVRTint32)Q.red,(PVRTint32)Q.green,(PVRTint32)Q.blue,(PVRTint32)Q.alpha}; in interpolateColours() 134 Pixel128S hR = {(PVRTint32)R.red,(PVRTint32)R.green,(PVRTint32)R.blue,(PVRTint32)R.alpha}; in interpolateColours() 135 Pixel128S hS = {(PVRTint32)S.red,(PVRTint32)S.green,(PVRTint32)S.blue,(PVRTint32)S.alpha}; in interpolateColours() [all …]
|
/external/tensorflow/tensorflow/stream_executor/ |
D | blas.h | 195 virtual bool DoBlasAxpy(Stream *stream, uint64 elem_count, float alpha, 198 virtual bool DoBlasAxpy(Stream *stream, uint64 elem_count, double alpha, 202 std::complex<float> alpha, 206 std::complex<double> alpha, 354 virtual bool DoBlasScal(Stream *stream, uint64 elem_count, float alpha, 356 virtual bool DoBlasScal(Stream *stream, uint64 elem_count, double alpha, 358 virtual bool DoBlasScal(Stream *stream, uint64 elem_count, float alpha, 360 virtual bool DoBlasScal(Stream *stream, uint64 elem_count, double alpha, 363 std::complex<float> alpha, 366 std::complex<double> alpha, [all …]
|