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

1 2 3 4

  /external/mesa3d/src/mesa/tnl/
t_vb_texgen.c 100 const GLvector4f *eye )
102 GLuint stride = eye->stride;
103 GLfloat *coord = (GLfloat *)eye->start;
104 GLuint count = eye->count;
127 const GLvector4f *eye )
129 GLuint stride = eye->stride;
130 GLfloat *coord = eye->start;
131 GLuint count = eye->count;
157 const GLvector4f *eye );
176 const GLvector4f *eye )
342 const GLvector4f *eye = VB->EyePtr; local
    [all...]
t_vb_vertex.c 44 GLvector4f eye; member in struct:vertex_stage_data
156 VB->EyePtr = TransformRaw( &store->eye,
244 _mesa_vector4f_alloc( &store->eye, 0, size, 32 );
251 !store->eye.data ||
264 _mesa_vector4f_free( &store->eye );
  /external/tensorflow/tensorflow/contrib/timeseries/python/timeseries/state_space_models/
varma.py 99 linalg_ops.eye(self.num_features, dtype=self.dtype)[None, :, :],
120 linalg_ops.eye(
143 linalg_ops.eye(self.num_features, dtype=self.dtype)],
159 linalg_ops.eye(self.num_features, dtype=self.dtype),
169 linalg_ops.eye(self.num_features, dtype=self.dtype),
172 linalg_ops.eye(self.num_features, dtype=self.dtype)
level_trend.py 91 identity_matrices = linalg_ops.eye(
test_utils.py 46 starting_matrix = linalg_ops.eye(
  /external/clang/test/SemaCXX/
init-priority-attr.cpp 10 int eye( void ) { return i; }; function in class:Two
  /external/tensorflow/tensorflow/contrib/nearest_neighbor/python/kernel_tests/
hyperplane_lsh_probes_test.py 35 hyperplanes = np.eye(4)
  /external/tensorflow/tensorflow/contrib/py2tf/utils/
type_check_test.py 39 self.assertFalse(type_check.is_tensor(numpy.eye(3)))
  /external/tensorflow/tensorflow/python/kernel_tests/
linalg_ops_test.py 90 matrix = (np.eye(20) * 1e-6).astype(np_dtype)
116 matrix = (np.eye(20) * 1e-6).astype(np_dtype)
145 eye_np = np.eye(num_rows, M=num_columns, dtype=dtype.as_numpy_dtype)
159 eye = linalg_ops.eye(
165 eye,
172 eye_tf = linalg_ops.eye(
  /external/tensorflow/tensorflow/python/ops/linalg/
linalg_impl.py 43 eye = linalg_ops.eye variable
  /external/vulkan-validation-layers/demos/smoke/
Smoke.h 94 Camera(float eye) : eye_pos(eye) {}
  /packages/services/Car/evs/app/
RenderTopView.cpp 75 android::vec3 eye = android::vec3(cam.position[X], cam.position[Y], cam.position[Z]); local
87 Result[3][0] =-dot(vRt, eye);
88 Result[3][1] =-dot(vUp, eye);
89 Result[3][2] = dot(vAt, eye);
  /external/mesa3d/src/mesa/main/
rastpos.c 260 * \param vEye eye-space vertex coordinate
381 GLfloat eye[4], clip[4], ndc[3], d; local
386 /* apply modelview matrix: eye = MV * obj */
387 TRANSFORM_POINT( eye, ctx->ModelviewMatrixStack.Top->m, vObj );
388 /* apply projection matrix: clip = Proj * eye */
389 TRANSFORM_POINT( clip, ctx->ProjectionMatrixStack.Top->m, eye );
434 sqrtf( eye[0]*eye[0] + eye[1]*eye[1] + eye[2]*eye[2] )
    [all...]
  /external/tensorflow/tensorflow/compiler/tests/
matrix_triangular_solve_op_test.py 95 a = np.tril(rng.rand(*a_shape) - 0.5) / (2.0 * n) + np.eye(n)
103 a = np.tril(rng.rand(n, n) - 0.5) / (2.0 * n) + np.eye(n)
  /external/tensorflow/tensorflow/core/kernels/
matrix_inverse_op.cc 227 functor::EyeFunctor<GPUDevice, Scalar> eye; variable
228 eye(device, output_reshaped);
qr_op_impl.h 248 functor::EyeFunctor<GPUDevice, Scalar> eye; variable
250 eye(device, q_reshaped);
  /external/libxcam/plugins/smart/dvs/libdvs/
stabilizer.cpp 71 at(curStabilizedPos_ + radius_ - 1, motions_) = Mat::eye(3, 3, CV_32F);
135 at(i, motions_) = Mat::eye(3, 3, CV_32F);
189 at(curStabilizedPos_ + radius_ - 1, motions_) = Mat::eye(3, 3, CV_32F);
  /external/tensorflow/tensorflow/python/ops/
linalg_ops.py 73 identity = eye(small_dim, batch_shape=batch_shape, dtype=matrix.dtype)
124 @tf_export('eye', 'linalg.eye')
125 def eye(num_rows, function
134 tf.eye(2)
140 batch_identity = tf.eye(2, batch_shape=[3])
143 tf.eye(2, num_columns=3)
157 name: A name for this `Op`. Defaults to "eye".
163 name, default_name='eye', values=[num_rows, num_columns, batch_shape]):
  /external/tensorflow/tensorflow/contrib/kfac/python/kernel_tests/
utils_test.py 250 identity = linalg_ops.eye(size, dtype=dtypes.float64)
253 np_inv = np.linalg.inv(x + damp * np.eye(size))
265 identity = linalg_ops.eye(size, dtype=dtypes.float64)
269 np_inv = np.linalg.inv(x + damp * np.eye(size))
  /external/tensorflow/tensorflow/contrib/linalg/python/kernel_tests/
linear_operator_addition_test.py 278 linalg_ops.eye(num_rows=2, batch_shape=[3]).eval(),
296 linalg_ops.eye(num_rows=2, batch_shape=[3]).eval(),
315 linalg_ops.eye(num_rows=2, batch_shape=[3]).eval(),
339 linalg_ops.eye(num_rows=2, batch_shape=[3]).eval(),
  /external/vulkan-validation-layers/libs/glm/gtc/
matrix_transform.hpp 39 /// space into the specific eye space that the projective matrix functions
41 /// specifications defines the particular layout of this eye space.
278 /// @param eye Position of the camera
285 detail::tvec3<T, P> const & eye,
  /frameworks/native/libs/math/include/math/
mat4.h 288 static CONSTEXPR TMat44 lookAt(const TVec3<A>& eye, const TVec3<B>& center, const TVec3<C>& up);
489 * local Y-up coordinate system. "eye" is where the camera is located, "center" is the points its
494 CONSTEXPR TMat44<T> TMat44<T>::lookAt(const TVec3<A>& eye, const TVec3<B>& center, const TVec3<C>& up) {
495 TVec3<T> z_axis(normalize(center - eye));
507 TVec4<T>(eye, 1));
  /prebuilts/ndk/r16/sources/third_party/vulkan/src/libs/glm/gtc/
matrix_transform.hpp 39 /// space into the specific eye space that the projective matrix functions
41 /// specifications defines the particular layout of this eye space.
278 /// @param eye Position of the camera
285 detail::tvec3<T, P> const & eye,
  /frameworks/native/opengl/libagl/
primitives.cpp 136 v->fog = c->fog.fog(c, v->eye.z);
147 v->fog = c->fog.fog(c, v->eye.z);
154 v->fog = c->fog.fog(c, v->eye.z);
475 v->fog = c->fog.fog(c, v->eye.z);
883 // User clip-planes first, the clipping is always done in eye-coordinate
886 // and the fact that we need to compute the eye-coordinates of each
903 GLfixed sd = dot4(equation.v, s->eye.v);
907 const GLfixed pd = dot4(equation.v, p->eye.v);
    [all...]
vertex.cpp 112 // compute eye coordinates
114 &c->transforms.modelview.transform, &v->eye, &v->obj);
115 v->flags |= vertex_t::EYE;
124 GLfixed d = dot4(c->clipPlanes.plane[i].equation.v, v->eye.v);

Completed in 630 milliseconds

1 2 3 4