Searched defs:alpha (Results 276 - 300 of 573) sorted by relevance

<<11121314151617181920>>

/external/chromium_org/third_party/skia/src/core/
H A DSkDistanceFieldGen.cpp12 float fAlpha; // alpha value of source texel
107 // computes the distance to an edge given an edge normal vector and a pixel's alpha value
109 static float edge_distance(const SkPoint& direction, float alpha) { argument
114 distance = 0.5f - alpha;
128 // we now compute the approximate distance, depending where the alpha falls
131 // if 0 <= alpha < a1
132 if (alpha*dx < a1num) {
134 distance = 0.5f*(dx + dy) - SkScalarSqrt(2.0f*dx*dy*alpha);
135 // if a1 <= alpha <= 1 - a1
136 } else if (alpha*d
433 float alpha = currData->fAlpha; local
[all...]
H A DSkMaskFilter.cpp130 uint8_t* alpha = (uint8_t*)(runs + innerW + 1); local
142 alpha[0] = *mask.getAddr8(cx, mask.fBounds.top() + y);
143 blitter->blitAntiH(r.left(), outerR.top() + y, alpha, runs);
155 alpha[0] = *mask.getAddr8(cx, mask.fBounds.bottom() - y - 1);
156 blitter->blitAntiH(r.left(), outerR.bottom() - y - 1, alpha, runs);
H A DSkShader.cpp149 void SkShader::Context::shadeSpanAlpha(int x, int y, uint8_t alpha[], int count) { argument
166 *alpha++ = SkToU8(a0);
167 *alpha++ = SkToU8(a1);
168 *alpha++ = SkToU8(a2);
169 *alpha++ = SkToU8(a3);
179 *alpha++ = *srcA;
196 *alpha++ = *srcA;
320 // we want this before we apply any alpha
347 void SkColorShader::ColorShaderContext::shadeSpanAlpha(int x, int y, uint8_t alpha[], int count) { argument
348 memset(alpha, SkGetPackedA3
[all...]
/external/chromium_org/third_party/skia/src/effects/
H A DSkColorFilters.cpp158 case SkXfermode::kSA_Coeff: /** src alpha */
160 case SkXfermode::kISA_Coeff: /** inverse src alpha (i.e. 1 - sa) */
162 case SkXfermode::kDA_Coeff: /** dst alpha */
164 case SkXfermode::kIDA_Coeff: /** inverse dst alpha (i.e. 1 - da) */
490 unsigned alpha = SkColorGetA(color); local
498 if (0 == alpha) {
500 } else if (255 == alpha) {
508 (0 == alpha && (SkXfermode::kSrcOver_Mode == mode ||
514 (0xFF == alpha && SkXfermode::kDstIn_Mode == mode)) {
/external/chromium_org/third_party/skia/src/images/
H A DSkScaledBitmapSampler.cpp57 unsigned alpha = src[3]; local
58 dst[x] = SkPreMultiplyARGB(alpha, src[0], src[1], src[2]);
60 alphaMask &= alpha;
72 unsigned alpha = src[3]; local
73 dst[x] = SkPackARGB32NoCheck(alpha, src[0], src[1], src[2]);
75 alphaMask &= alpha;
87 unsigned alpha = src[3]; local
88 if (0 != alpha) {
89 dst[x] = SkPreMultiplyARGB(alpha, src[0], src[1], src[2]);
92 alphaMask &= alpha;
275 unsigned alpha = src[3]; local
292 unsigned alpha = src[3]; local
313 unsigned alpha = src[3]; local
331 unsigned alpha = src[3]; local
[all...]
/external/chromium_org/third_party/skia/src/opts/
H A DSkBitmapProcState_opts_SSE2.cpp160 // ( alpha, alpha, alpha, alpha, alpha, alpha, alpha, alpha )
161 __m128i alpha = _mm_set1_epi16(s.fAlphaScale); local
222 // Multiply by alpha
[all...]
H A DSkBitmapProcState_opts_SSSE3.cpp26 // In this file, variations for alpha and non alpha versions are implemented
170 // by alpha when has_alpha is true.
177 const __m128i& alpha) {
182 // Multiply by alpha.
183 *pixels = _mm_mullo_epi16(*pixels, alpha);
196 // @param alpha when has_alpha is true, scale all resulting components by this
199 // ((Aa2 * (16 - x1) + Aa3 * x1) * alpha, ...,
200 // (Ra0 * (16 - x0) + Ra1 * x0) * alpha) (when has_alpha is true)
211 const __m128i& alpha) {
176 ScaleFourPixels(__m128i* pixels, const __m128i& alpha) argument
206 ProcessPixelPairZeroSubY(uint32_t pixel0, uint32_t pixel1, uint32_t pixel2, uint32_t pixel3, const __m128i& scale_x, const __m128i& alpha) argument
223 ProcessOnePixelZeroSubY(uint32_t pixel0, uint32_t pixel1, __m128i scale_x, __m128i alpha) argument
287 ProcessTwoPixelPairs(const uint32_t* row0, const uint32_t* row1, const int* x0, const int* x1, const __m128i& scale_x, const __m128i& all_y, const __m128i& neg_y, const __m128i& alpha) argument
316 ProcessTwoPixelPairsDXDY(const uint32_t* row00, const uint32_t* row01, const uint32_t* row10, const uint32_t* row11, const int* xy0, const int* xy1, const __m128i& scale_x, const __m128i& all_y, const __m128i& neg_y, const __m128i& alpha) argument
426 __m128i alpha = _mm_setzero_si128(); local
609 __m128i alpha; local
[all...]
H A DSkBlitRow_opts_mips_dsp.cpp16 U8CPU alpha, int /*x*/, int /*y*/) {
20 alpha += 1;
25 "sll %[s4], %[alpha], 8 \n\t"
26 "or %[s4], %[s4], %[alpha] \n\t"
92 : [alpha]"r"(alpha)
102 *dst++ = SkPackRGB16(SkAlphaBlend(SkPacked32ToR16(c), SkGetPackedR16(d), alpha),
103 SkAlphaBlend(SkPacked32ToG16(c), SkGetPackedG16(d), alpha),
104 SkAlphaBlend(SkPacked32ToB16(c), SkGetPackedB16(d), alpha));
110 int count, U8CPU alpha, in
14 S32_D565_Blend_mips_dsp(uint16_t* SK_RESTRICT dst, const SkPMColor* SK_RESTRICT src, int count, U8CPU alpha, int , int ) argument
108 S32A_D565_Opaque_Dither_mips_dsp(uint16_t* __restrict__ dst, const SkPMColor* __restrict__ src, int count, U8CPU alpha, int x, int y) argument
265 S32_D565_Opaque_Dither_mips_dsp(uint16_t* __restrict__ dst, const SkPMColor* __restrict__ src, int count, U8CPU alpha, int x, int y) argument
375 S32_D565_Blend_Dither_mips_dsp(uint16_t* dst, const SkPMColor* src, int count, U8CPU alpha, int x, int y) argument
536 S32A_D565_Opaque_mips_dsp(uint16_t* __restrict__ dst, const SkPMColor* __restrict__ src, int count, U8CPU alpha, int x, int y) argument
658 S32A_D565_Blend_mips_dsp(uint16_t* SK_RESTRICT dst, const SkPMColor* SK_RESTRICT src, int count, U8CPU alpha, int , int ) argument
768 S32_Blend_BlitRow32_mips_dsp(SkPMColor* SK_RESTRICT dst, const SkPMColor* SK_RESTRICT src, int count, U8CPU alpha) argument
811 blitmask_d565_opaque_mips(int width, int height, uint16_t* device, unsigned deviceRB, const uint8_t* alpha, uint32_t expanded32, unsigned maskRB) argument
[all...]
/external/chromium_org/third_party/webrtc/modules/audio_coding/codecs/isac/main/source/
H A Dlpc_analysis.c81 double sum, alpha; local
83 alpha = 0; //warning -DH
92 alpha = r[0] + r[1] * k[0];
98 k[m] = -sum / alpha;
99 alpha += k[m] * sum;
109 return alpha;
/external/chromium_org/tools/imagediff/
H A Dimage_diff.cc352 uint32 alpha = base_pixel & RGBA_ALPHA; local
353 uint32 new_pixel = base_pixel - ((alpha / 2) & RGBA_ALPHA);
/external/chromium_org/ui/events/gesture_detection/
H A Dvelocity_tracker.cc781 float alpha = dt / (FILTER_TIME_CONSTANT + dt); local
783 state.xvel += (xvel - state.xvel) * alpha;
784 state.yvel += (yvel - state.yvel) * alpha;
793 state.xaccel += (xaccel - state.xaccel) * alpha;
794 state.yaccel += (yaccel - state.yaccel) * alpha;
796 state.xvel += (state.xaccel * dt) * alpha;
797 state.yvel += (state.yaccel * dt) * alpha;
/external/deqp/modules/egl/
H A DteglMemoryStressTests.cpp215 const float alpha = m_rnd.getFloat(); local
219 m_gl.clearColor(red, green, blue, alpha);
277 const float alpha = m_rnd.getFloat(); local
281 m_gl.clearColor(red, green, blue, alpha);
/external/eigen/Eigen/src/Cholesky/
H A DLDLT.h209 LDLT& rankUpdate(const MatrixBase<Derived>& w, const RealScalar& alpha=1);
359 RealScalar alpha = 1; local
365 if (!(isfinite)(alpha))
372 RealScalar gamma = dj*alpha + swj2;
374 mat.coeffRef(j,j) += swj2/alpha;
375 alpha += swj2/dj;
/external/eigen/Eigen/src/Core/
H A DProductBase.h111 inline void scaleAndAddTo(Dest& dst, const Scalar& alpha) const { derived().scaleAndAddTo(dst,alpha); }
259 const Scalar& alpha() const { return m_alpha; } function in class:Eigen::ScaledProduct
/external/eigen/Eigen/src/Core/products/
H A DGeneralMatrixMatrixTriangular.h45 const RhsScalar* rhs, Index rhsStride, ResScalar* res, Index resStride, const ResScalar& alpha)
51 ::run(size,depth,rhs,rhsStride,lhs,lhsStride,res,resStride,alpha);
61 const RhsScalar* _rhs, Index rhsStride, ResScalar* res, Index resStride, const ResScalar& alpha)
105 gebp(res+i2, resStride, blockA, blockB, actual_mc, actual_kc, (std::min)(size,i2), alpha,
108 sybb(res+resStride*i2 + i2, resStride, blockA, blockB + actual_kc*i2, actual_mc, actual_kc, alpha, allocatedBlockB);
113 gebp(res+resStride*j2+i2, resStride, blockA, blockB+actual_kc*j2, actual_mc, actual_kc, (std::max)(Index(0), size-j2), alpha,
139 void operator()(ResScalar* res, Index resStride, const LhsScalar* blockA, const RhsScalar* blockB, Index size, Index depth, const ResScalar& alpha, RhsScalar* workspace) argument
152 gebp_kernel(res+j*resStride, resStride, blockA, actual_b, j, depth, actualBlockSize, alpha,
160 gebp_kernel(buffer.data(), BlockSize, blockA+depth*i, actual_b, actualBlockSize, depth, actualBlockSize, alpha,
175 gebp_kernel(res+j*resStride+i, resStride, blockA+depth*i, actual_b, size-i, depth, actualBlockSize, alpha,
44 run(Index size, Index depth,const LhsScalar* lhs, Index lhsStride, const RhsScalar* rhs, Index rhsStride, ResScalar* res, Index resStride, const ResScalar& alpha) argument
60 run(Index size, Index depth,const LhsScalar* _lhs, Index lhsStride, const RhsScalar* _rhs, Index rhsStride, ResScalar* res, Index resStride, const ResScalar& alpha) argument
193 run(MatrixType& mat, const ProductType& prod, const typename MatrixType::Scalar& alpha) argument
239 run(MatrixType& mat, const ProductType& prod, const typename MatrixType::Scalar& alpha) argument
269 assignProduct(const ProductBase<ProductDerived, _Lhs,_Rhs>& prod, const Scalar& alpha) argument
[all...]
H A DGeneralMatrixVector.h23 * Mixing type logic: C += alpha * A * B
24 * | A | B |alpha| comments
26 * |real |cplx |real | alpha is converted to a cplx when calling the run function, no vectorization
27 * |cplx |real |cplx | invalid, the caller has to do tmp: = A * B; C += alpha*tmp
55 ResScalar* res, Index resIncr, RhsScalar alpha);
63 ResScalar* res, Index resIncr, RhsScalar alpha)
82 alpha = numext::conj(alpha);
151 RhsPacket ptmp0 = pset1<RhsPacket>(alpha*rhs[i*rhsIncr]),
152 ptmp1 = pset1<RhsPacket>(alpha*rh
59 run( Index rows, Index cols, const LhsScalar* lhs, Index lhsStride, const RhsScalar* rhs, Index rhsIncr, ResScalar* res, Index resIncr, RhsScalar alpha) argument
323 run( Index rows, Index cols, const LhsScalar* lhs, Index lhsStride, const RhsScalar* rhs, Index rhsIncr, ResScalar* res, Index resIncr, ResScalar alpha) argument
[all...]
H A DTriangularMatrixVector.h30 const RhsScalar* _rhs, Index rhsIncr, ResScalar* _res, Index resIncr, const ResScalar& alpha);
36 const RhsScalar* _rhs, Index rhsIncr, ResScalar* _res, Index resIncr, const ResScalar& alpha)
63 res.segment(s,r) += (alpha * cjRhs.coeff(i)) * cjLhs.col(i).segment(s,r);
65 res.coeffRef(i) += alpha * cjRhs.coeff(i);
75 &res.coeffRef(s), resIncr, alpha);
84 _res, resIncr, alpha);
98 const RhsScalar* _rhs, Index rhsIncr, ResScalar* _res, Index resIncr, const ResScalar& alpha);
104 const RhsScalar* _rhs, Index rhsIncr, ResScalar* _res, Index resIncr, const ResScalar& alpha)
131 res.coeffRef(i) += alpha * (cjLhs.row(i).segment(s,r).cwiseProduct(cjRhs.segment(s,r).transpose())).sum();
133 res.coeffRef(i) += alpha * cjRh
35 run(Index _rows, Index _cols, const LhsScalar* _lhs, Index lhsStride, const RhsScalar* _rhs, Index rhsIncr, ResScalar* _res, Index resIncr, const ResScalar& alpha) argument
103 run(Index _rows, Index _cols, const LhsScalar* _lhs, Index lhsStride, const RhsScalar* _rhs, Index rhsIncr, ResScalar* _res, Index resIncr, const ResScalar& alpha) argument
207 TriangularProductTranspose(m_rhs.transpose(),m_lhs.transpose()), dstT, alpha); local
218 run(const TriangularProduct<Mode,true,Lhs,false,Rhs,true>& prod, Dest& dest, const typename TriangularProduct<Mode,true,Lhs,false,Rhs,true>::Scalar& alpha) argument
294 run(const TriangularProduct<Mode,true,Lhs,false,Rhs,true>& prod, Dest& dest, const typename TriangularProduct<Mode,true,Lhs,false,Rhs,true>::Scalar& alpha) argument
[all...]
/external/eigen/Eigen/src/SparseCore/
H A DSparseSelfAdjointView.h113 * \f$ this = this + \alpha ( u u^* ) \f$ where \a u is a vector or matrix.
117 * To perform \f$ this = this + \alpha ( u^* u ) \f$ you can simply
121 SparseSelfAdjointView& rankUpdate(const SparseMatrixBase<DerivedU>& u, const Scalar& alpha = Scalar(1));
200 SparseSelfAdjointView<MatrixType,UpLo>::rankUpdate(const SparseMatrixBase<DerivedU>& u, const Scalar& alpha) argument
203 if(alpha==Scalar(0))
206 m_matrix.const_cast_derived() += alpha * tmp.template triangularView<UpLo>();
234 template<typename Dest> void scaleAndAddTo(Dest& dest, const Scalar& alpha) const
236 EIGEN_ONLY_USED_FOR_DEBUG(alpha);
237 // TODO use alpha
238 eigen_assert(alpha
[all...]
/external/libpng/contrib/pngminus/
H A Dpnm2png.c53 BOOL pnm2png (FILE *pnm_file, FILE *png_file, FILE *alpha_file, BOOL interlace, BOOL alpha);
68 BOOL alpha = FALSE; local
81 alpha = TRUE;
86 fprintf (stderr, "Error: alpha-channel file %s does not exist\n",
144 if (pnm2png (fp_rd, fp_wr, fp_al, interlace, alpha) == FALSE)
155 /* close alpha file */
156 if (alpha)
179 fprintf (stderr, " -a[lpha] <file>.pgm read PNG alpha channel as pgm-file\n");
187 BOOL pnm2png (FILE *pnm_file, FILE *png_file, FILE *alpha_file, BOOL interlace, BOOL alpha) argument
298 /* read header of PGM file with alpha channe
[all...]
/external/mesa3d/src/gallium/drivers/softpipe/
H A Dsp_quad_blend.c291 const float *alpha = quadColor[3]; local
292 VEC4_MUL(source[0], quadColor[0], alpha); /* R */
293 VEC4_MUL(source[1], quadColor[1], alpha); /* G */
294 VEC4_MUL(source[2], quadColor[2], alpha); /* B */
304 const float *alpha = dest[3]; local
305 VEC4_MUL(source[0], quadColor[0], alpha); /* R */
306 VEC4_MUL(source[1], quadColor[1], alpha); /* G */
307 VEC4_MUL(source[2], quadColor[2], alpha); /* B */
312 const float *alpha = quadColor[3]; local
315 VEC4_MIN(temp, alpha, dif
334 float alpha[4]; local
348 const float *alpha = quadColor2[3]; local
457 const float *alpha = quadColor[3]; local
514 const float *alpha = quadColor2[3]; local
567 const float *alpha = quadColor[3]; local
1045 const float *alpha = quadColor[3]; local
[all...]
H A Dsp_quad_depth_test.c679 const float ref = qs->softpipe->depth_stencil->alpha.ref_value; \
680 const uint cbuf = 0; /* only output[0].alpha is tested */ \
718 switch (qs->softpipe->depth_stencil->alpha.func) {
778 if (qs->softpipe->depth_stencil->alpha.enabled) {
886 boolean alpha = qs->softpipe->depth_stencil->alpha.enabled; local
905 if (!alpha &&
911 else if (!alpha &&
/external/mesa3d/src/mesa/swrast/
H A Ds_renderbuffer.c487 GLboolean alpha,
482 _swrast_add_soft_renderbuffers(struct gl_framebuffer *fb, GLboolean color, GLboolean depth, GLboolean stencil, GLboolean accum, GLboolean alpha, GLboolean aux) argument
/external/opencv/cv/src/
H A Dcvoptflowhs.cpp52 float alpha; /* alpha = 1 / ( 1/lambda + xx + yy ) */ member in struct:__anon28090
266 II[address].alpha = 1 / (Ilambda + II[address].xx + II[address].yy);
289 II[address].alpha = 1 / (Ilambda + II[address].xx + II[address].yy);
313 II[address].alpha = 1 / (Ilambda + II[address].xx + II[address].yy);
371 II[address].xy * averageY + II[address].xt) * II[address].alpha;
375 II[address].yy * averageY + II[address].yt) * II[address].alpha;
398 II[address].xy * averageY + II[address].xt) * II[address].alpha;
402 II[address].yy * averageY + II[address].yt) * II[address].alpha;
427 II[address].xy * averageY + II[address].xt) * II[address].alpha;
[all...]
H A Dcvsnakes.cpp58 // alpha - pointer to coefficient of continuity energy,
61 // coeffUsage - if CV_VALUE - alpha, beta, gamma point to single value
76 float *alpha,
129 if( alpha == NULL )
349 _alpha = *alpha;
355 _alpha = alpha[i];
410 int length, float *alpha,
433 alpha, beta, gamma, coeffUsage, win, criteria,
71 icvSnake8uC1R( unsigned char *src, int srcStep, CvSize roi, CvPoint * pt, int n, float *alpha, float *beta, float *gamma, int coeffUsage, CvSize win, CvTermCriteria criteria, int scheme ) argument
409 cvSnakeImage( const IplImage* src, CvPoint* points, int length, float *alpha, float *beta, float *gamma, int coeffUsage, CvSize win, CvTermCriteria criteria, int calcGradient ) argument
/external/opencv/cvaux/src/
H A Dcvbgfg_acmmm2003.cpp499 float alpha = stat->is_trained_dyn_model ? model->params.alpha2 : model->params.alpha3; local
504 stat->Pbcc *= (1.f-alpha);
507 stat->Pbcc += alpha;
514 PV_CC(k) *= (1-alpha);
515 PVB_CC(k) *= (1-alpha);
544 PV_CC(indx) = alpha;
545 PVB_CC(indx) = alpha;
555 PV_CC(indx) += alpha;
558 PVB_CC(indx) += alpha;
607 float alpha local
[all...]

Completed in 3115 milliseconds

<<11121314151617181920>>