HomeSort by relevance Sort by last modified time
    Searched refs:vecs (Results 1 - 25 of 50) sorted by null

1 2

  /system/core/liblog/
uio.c 25 LIBLOG_ABI_PUBLIC int readv(int fd, struct iovec* vecs, int count) {
28 for (; count > 0; count--, vecs++) {
29 char* buf = vecs->iov_base;
30 int len = vecs->iov_len;
49 LIBLOG_ABI_PUBLIC int writev(int fd, const struct iovec* vecs, int count) {
52 for (; count > 0; count--, vecs++) {
53 const char* buf = vecs->iov_base;
54 int len = vecs->iov_len;
  /system/core/liblog/include/log/
uio.h 41 extern int readv(int fd, struct iovec* vecs, int count);
42 extern int writev(int fd, const struct iovec* vecs, int count);
  /external/tensorflow/tensorflow/contrib/kfac/python/ops/
curvature_matrix_vector_products.py 39 The 'vecs' argument to each method are lists of tensors that must be the
45 instead of 'vecs', which must be a list of tensors with shapes given by the
77 def _multiply_jacobian(self, vecs):
78 """Multiply vecs by the Jacobian of losses."""
82 self._inputs_to_losses_flat, self._wrt_tensors, grad_xs=vecs,
87 """Multiply vecs by the transpose Jacobian of losses."""
133 def multiply_fisher(self, vecs):
134 """Multiply vecs by Fisher of total loss."""
135 jacobian_vecs = self._multiply_jacobian(vecs)
139 def multiply_fisher_factor_transpose(self, vecs)
    [all...]
loss_functions.py 515 def multiply_fisher(self, vecs):
516 mean_vec, var_vec = vecs
519 def multiply_fisher_factor(self, vecs):
520 mean_vec, var_vec = self._split(vecs)
524 def multiply_fisher_factor_transpose(self, vecs):
525 mean_vec, var_vec = vecs
estimator.py 201 vecs = utils.SequenceDict((var, vec) for vec, var in vecs_and_vars)
206 trans_vecs[params] = transform(fb, vecs[params])
211 """Multiplies the vecs by the corresponding (damped) inverses of the blocks.
  /external/eigen/Eigen/src/Core/arch/SSE/
PacketMath.h 494 EIGEN_STRONG_INLINE void punpackp(Packet4f* vecs)
496 vecs[1] = _mm_castsi128_ps(_mm_shuffle_epi32(_mm_castps_si128(vecs[0]), 0x55));
497 vecs[2] = _mm_castsi128_ps(_mm_shuffle_epi32(_mm_castps_si128(vecs[0]), 0xAA));
498 vecs[3] = _mm_castsi128_ps(_mm_shuffle_epi32(_mm_castps_si128(vecs[0]), 0xFF));
499 vecs[0] = _mm_castsi128_ps(_mm_shuffle_epi32(_mm_castps_si128(vecs[0]), 0x00));
503 template<> EIGEN_STRONG_INLINE Packet4f preduxp<Packet4f>(const Packet4f* vecs)
    [all...]
Complex.h 155 template<> EIGEN_STRONG_INLINE Packet2cf preduxp<Packet2cf>(const Packet2cf* vecs)
157 return Packet2cf(_mm_add_ps(_mm_movelh_ps(vecs[0].v,vecs[1].v), _mm_movehl_ps(vecs[1].v,vecs[0].v)));
359 template<> EIGEN_STRONG_INLINE Packet1cd preduxp<Packet1cd>(const Packet1cd* vecs)
361 return vecs[0];
  /external/eigen/Eigen/src/Core/arch/AltiVec/
PacketMath.h 543 template<> EIGEN_STRONG_INLINE Packet4f preduxp<Packet4f>(const Packet4f* vecs)
550 v[0] = vec_mergeh(vecs[0], vecs[2]);
551 v[1] = vec_mergel(vecs[0], vecs[2]);
552 v[2] = vec_mergeh(vecs[1], vecs[3]);
553 v[3] = vec_mergel(vecs[1], vecs[3]);
583 template<> EIGEN_STRONG_INLINE Packet4i preduxp<Packet4i>(const Packet4i* vecs)
    [all...]
Complex.h 152 template<> EIGEN_STRONG_INLINE Packet2cf preduxp<Packet2cf>(const Packet2cf* vecs)
156 b1 = vec_sld(vecs[0].v, vecs[1].v, 8);
157 b2 = vec_sld(vecs[1].v, vecs[0].v, 8);
159 b1 = vec_sld(vecs[1].v, vecs[0].v, 8);
160 b2 = vec_sld(vecs[0].v, vecs[1].v, 8);
373 template<> EIGEN_STRONG_INLINE Packet1cd preduxp<Packet1cd>(const Packet1cd* vecs) { return vecs[0];
    [all...]
  /external/eigen/Eigen/src/Core/arch/AVX512/
PacketMath.h 687 vecs)
689 EIGEN_EXTRACT_8f_FROM_16f(vecs[0], vecs0);
690 EIGEN_EXTRACT_8f_FROM_16f(vecs[1], vecs1);
691 EIGEN_EXTRACT_8f_FROM_16f(vecs[2], vecs2);
692 EIGEN_EXTRACT_8f_FROM_16f(vecs[3], vecs3);
693 EIGEN_EXTRACT_8f_FROM_16f(vecs[4], vecs4);
694 EIGEN_EXTRACT_8f_FROM_16f(vecs[5], vecs5);
695 EIGEN_EXTRACT_8f_FROM_16f(vecs[6], vecs6);
696 EIGEN_EXTRACT_8f_FROM_16f(vecs[7], vecs7);
697 EIGEN_EXTRACT_8f_FROM_16f(vecs[8], vecs8)
    [all...]
  /external/eigen/Eigen/src/Core/arch/ZVector/
PacketMath.h 741 template<> EIGEN_STRONG_INLINE Packet4i preduxp<Packet4i>(const Packet4i* vecs)
748 v[0] = vec_mergeh(vecs[0], vecs[2]);
749 v[1] = vec_mergel(vecs[0], vecs[2]);
750 v[2] = vec_mergeh(vecs[1], vecs[3]);
751 v[3] = vec_mergel(vecs[1], vecs[3]);
769 template<> EIGEN_STRONG_INLINE Packet2d preduxp<Packet2d>(const Packet2d* vecs)
    [all...]
Complex.h 225 template<> EIGEN_STRONG_INLINE Packet1cd preduxp<Packet1cd>(const Packet1cd* vecs)
227 return vecs[0];
229 template<> EIGEN_STRONG_INLINE Packet2cf preduxp<Packet2cf>(const Packet2cf* vecs)
232 transpose.packet[0] = vecs[0];
233 transpose.packet[1] = vecs[1];
  /external/eigen/Eigen/src/Core/arch/NEON/
PacketMath.h 347 template<> EIGEN_STRONG_INLINE Packet4f preduxp<Packet4f>(const Packet4f* vecs)
354 vtrn1 = vzipq_f32(vecs[0], vecs[2]);
355 vtrn2 = vzipq_f32(vecs[1], vecs[3]);
378 template<> EIGEN_STRONG_INLINE Packet4i preduxp<Packet4i>(const Packet4i* vecs)
385 vtrn1 = vzipq_s32(vecs[0], vecs[2]);
386 vtrn2 = vzipq_s32(vecs[1], vecs[3])
    [all...]
Complex.h 184 template<> EIGEN_STRONG_INLINE Packet2cf preduxp<Packet2cf>(const Packet2cf* vecs)
188 // Add the first two 64-bit float32x2_t of vecs[0]
189 sum1 = vcombine_f32(vget_low_f32(vecs[0].v), vget_low_f32(vecs[1].v));
190 sum2 = vcombine_f32(vget_high_f32(vecs[0].v), vget_high_f32(vecs[1].v));
412 template<> EIGEN_STRONG_INLINE Packet1cd preduxp<Packet1cd>(const Packet1cd* vecs) { return vecs[0]; }
  /external/eigen/Eigen/src/Core/arch/AVX/
Complex.h 143 template<> EIGEN_STRONG_INLINE Packet4cf preduxp<Packet4cf>(const Packet4cf* vecs)
145 Packet8f t0 = _mm256_shuffle_ps(vecs[0].v, vecs[0].v, _MM_SHUFFLE(3, 1, 2 ,0));
146 Packet8f t1 = _mm256_shuffle_ps(vecs[1].v, vecs[1].v, _MM_SHUFFLE(3, 1, 2 ,0));
148 Packet8f t2 = _mm256_shuffle_ps(vecs[2].v, vecs[2].v, _MM_SHUFFLE(3, 1, 2 ,0));
149 Packet8f t3 = _mm256_shuffle_ps(vecs[3].v, vecs[3].v, _MM_SHUFFLE(3, 1, 2 ,0));
346 template<> EIGEN_STRONG_INLINE Packet2cd preduxp<Packet2cd>(const Packet2cd* vecs)
    [all...]
PacketMath.h 355 template<> EIGEN_STRONG_INLINE Packet8f preduxp<Packet8f>(const Packet8f* vecs)
357 __m256 hsum1 = _mm256_hadd_ps(vecs[0], vecs[1]);
358 __m256 hsum2 = _mm256_hadd_ps(vecs[2], vecs[3]);
359 __m256 hsum3 = _mm256_hadd_ps(vecs[4], vecs[5]);
360 __m256 hsum4 = _mm256_hadd_ps(vecs[6], vecs[7]);
383 template<> EIGEN_STRONG_INLINE Packet4d preduxp<Packet4d>(const Packet4d* vecs)
    [all...]
  /external/libevent/
buffer_iocp.c 255 struct evbuffer_iovec vecs[MAX_WSABUFS]; local
273 vecs, MAX_WSABUFS, &chainp, 1);
277 &vecs[i]);
evbuffer-internal.h 321 * Sets up the one or two iovecs in 'vecs' to point to the free memory and its
323 * Returns the number of vecs used.
326 struct evbuffer_iovec *vecs, int n_vecs, struct evbuffer_chain ***chainp,
  /external/eigen/unsupported/Eigen/src/Eigenvalues/
ArpackSelfAdjointEigenSolver.h 750 static inline void project(MatrixSolver &OP, int n, int k, Scalar *vecs);
775 static inline void project(MatrixSolver &OP, int n, int k, Scalar *vecs)
779 Matrix<Scalar, Dynamic, Dynamic>::Map(vecs, n, k) = OP.matrixU().solve(Matrix<Scalar, Dynamic, Dynamic>::Map(vecs, n, k));
780 Matrix<Scalar, Dynamic, Dynamic>::Map(vecs, n, k) = OP.permutationPinv() * Matrix<Scalar, Dynamic, Dynamic>::Map(vecs, n, k);
793 static inline void project(MatrixSolver &OP, int n, int k, Scalar *vecs)
  /external/eigen/Eigen/src/Householder/
HouseholderSequence.h 245 Index vecs = m_length; local
251 for(Index k = vecs-1; k >= 0; --k)
265 for(Index k = 0; k<cols()-vecs ; ++k)
271 for(Index k = vecs-1; k >= 0; --k)
  /external/opencv/ml/include/
ml.h 343 typedef void (CvSVMKernel::*Calc)( int vec_count, int vec_size, const float** vecs,
351 virtual void calc( int vcount, int n, const float** vecs, const float* another, float* results );
356 virtual void calc_non_rbf_base( int vec_count, int vec_size, const float** vecs,
360 virtual void calc_linear( int vec_count, int vec_size, const float** vecs,
362 virtual void calc_rbf( int vec_count, int vec_size, const float** vecs,
364 virtual void calc_poly( int vec_count, int vec_size, const float** vecs,
366 virtual void calc_sigmoid( int vec_count, int vec_size, const float** vecs,
    [all...]
  /frameworks/base/graphics/java/android/graphics/
Matrix.java 704 * @param vecs The array [x0, y0, x1, y1, ...] of vectors to transform.
706 public void mapVectors(float[] vecs) {
707 mapVectors(vecs, 0, vecs, 0, vecs.length >> 1);
  /external/opencv/ml/src/
mlann_mlp.cpp 566 void CvANN_MLP::calc_input_scale( const CvVectors* vecs, int flags )
571 int count = vecs->count;
576 int type = vecs->type;
587 const float* f = vecs->data.fl[i];
588 const double* d = vecs->data.db[i];
608 void CvANN_MLP::calc_output_scale( const CvVectors* vecs, int flags )
611 int type = vecs->type;
618 int count = vecs->count;
640 const float* f = vecs->data.fl[i];
641 const double* d = vecs->data.db[i]
    [all...]
mlsvm.cpp 231 void CvSVMKernel::calc_non_rbf_base( int vcount, int var_count, const float** vecs,
238 const float* sample = vecs[j];
250 void CvSVMKernel::calc_linear( int vcount, int var_count, const float** vecs,
253 calc_non_rbf_base( vcount, var_count, vecs, another, results, 1, 0 );
257 void CvSVMKernel::calc_poly( int vcount, int var_count, const float** vecs,
261 calc_non_rbf_base( vcount, var_count, vecs, another, results, params->gamma, params->coef0 );
266 void CvSVMKernel::calc_sigmoid( int vcount, int var_count, const float** vecs,
270 calc_non_rbf_base( vcount, var_count, vecs, another, results,
285 void CvSVMKernel::calc_rbf( int vcount, int var_count, const float** vecs,
294 const float* sample = vecs[j]
    [all...]
  /external/skia/include/core/
SkMatrix.h     [all...]

Completed in 431 milliseconds

1 2