Home
last modified time | relevance | path

Searched refs:dim_x (Results 1 – 25 of 389) sorted by relevance

12345678910>>...16

/dports/math/adol-c/ADOL-C-2.7.2/ADOL-C/src/
H A Dfixpoint.cpp56 (*current->double_F)( xu, xu+dim_x, x_fix, dim_x, dim_xu-dim_x ); in iteration()
58 err = (*current->norm)(xu,dim_x); in iteration()
86 (*current->double_F)( xu, xu+dim_x, x_fix, dim_x, dim_xu-dim_x ); in fp_zos_forward()
88 err = (*current->norm)(xu,dim_x); in fp_zos_forward()
119 err = (*current->norm)(xu,dim_x); in fp_fos_forward()
149 double *xi = new double[dim_x]; in fp_fos_reverse()
160 xu_bar[dim_x+i] += U[dim_x+i]; in fp_fos_reverse()
168 for (i=0; i<dim_xu-dim_x; i++) xu_bar[dim_x+i] += U[dim_x+i]; in fp_fos_reverse()
187 int dim_x, in fp_iteration() argument
217 dim_x, x_fix ); in fp_iteration()
[all …]
/dports/devel/libflatarray/libflatarray-0.3.0/test/
H A Dsoa_grid_test.cpp87 dim_x(dim_x), in MemberAccessChecker1()
114 long dim_x; member in MemberAccessChecker1
123 dim_x(dim_x), in MemberAccessChecker2()
150 long dim_x; member in MemberAccessChecker2
159 dim_x(dim_x), in InvertTemperature()
351 dim_x(dim_x), in MultiplyVelocityArrayStyle()
384 dim_x(dim_x), in MultiplyVelocityFunctionStyle()
417 dim_x(dim_x), in OffsetPositionArrayStyle()
450 dim_x(dim_x), in OffsetPositionFunctionStyle()
642 BOOST_TEST(gridOld.dim_x() != gridNew.dim_x()); in ADD_TEST()
[all …]
/dports/science/libgeodecomp/libgeodecomp-0.4.0/lib/libflatarray/src/
H A Dsoa_grid.hpp48 dim_x(dim_x), in soa_grid()
57 dim_x(other.dim_x), in soa_grid()
75 dim_x = other.dim_x; in operator =()
88 std::swap(dim_x, other.dim_x); in swap()
89 std::swap(dim_x, other.dim_x); in swap()
90 std::swap(dim_x, other.dim_x); in swap()
97 dim_x = new_dim_x; in resize()
178 size_t dim_x; member in LibFlatArray::soa_grid
220 dim_x, in dual_callback()
235 dim_x, in dual_callback()
[all …]
H A Dapi_traits.hpp117 const std::size_t dim_x = 1, in operator ()() argument
125 dim_x, in operator ()()
134 const std::size_t dim_x = 1, in operator ()() argument
142 dim_x, in operator ()()
156 const std::size_t dim_x = 1, in operator ()() argument
164 dim_x, in operator ()()
173 const std::size_t dim_x = 1, in operator ()() argument
181 dim_x, in operator ()()
H A Dmacros.hpp579 const std::size_t dim_x = 1, \
583 bind_size_x<CELL>(dim_x, dim_y, dim_z, data, functor); \
590 const std::size_t dim_x = 1, \
594 bind_size_x<CELL>(dim_x, dim_y, dim_z, data, functor); \
599 const std::size_t dim_x, \
615 const std::size_t dim_x, \
694 const std::size_t dim_x = 1, \
701 std::size_t max = std::max(dim_x, dim_z); \
715 const std::size_t dim_x = 1, \
722 std::size_t max = std::max(dim_x, dim_z); \
[all …]
/dports/devel/libflatarray/libflatarray-0.3.0/src/detail/
H A Dconstruct_functor.hpp29 std::size_t dim_x, in construct_functor() argument
32 dim_x(dim_x), in construct_functor()
44 for (std::size_t x = 0; x < dim_x; ++x) { in operator ()()
53 std::size_t dim_x; member in LibFlatArray::detail::flat_array::construct_functor
63 void construct_kernel(char *data, long dim_x, long dim_y, long dim_z) in construct_kernel() argument
69 if (x >= dim_x) { in construct_kernel()
96 std::size_t dim_x, in construct_functor() argument
99 dim_x(dim_x), in construct_functor()
109 generate_launch_config()(&grid_dim, &block_dim, dim_x, dim_y, dim_z); in operator ()()
111 …l<CELL, DIM_X, DIM_Y, DIM_Z, INDEX><<<grid_dim, block_dim>>>(accessor.data(), dim_x, dim_y, dim_z); in operator ()()
[all …]
H A Ddestroy_functor.hpp30 std::size_t dim_x, in destroy_functor() argument
33 dim_x(dim_x), in destroy_functor()
45 for (std::size_t x = 0; x < dim_x; ++x) { in operator ()()
54 std::size_t dim_x; member in LibFlatArray::detail::flat_array::destroy_functor
64 void destroy_kernel(char *data, long dim_x, long dim_y, long dim_z) in destroy_kernel() argument
70 if (x >= dim_x) { in destroy_kernel()
97 std::size_t dim_x, in destroy_functor() argument
100 dim_x(dim_x), in destroy_functor()
110 generate_launch_config()(&grid_dim, &block_dim, dim_x, dim_y, dim_z); in operator ()()
112 …l<CELL, DIM_X, DIM_Y, DIM_Z, INDEX><<<grid_dim, block_dim>>>(accessor.data(), dim_x, dim_y, dim_z); in operator ()()
[all …]
H A Dcopy_functor.hpp28 std::size_t dim_x, in copy_functor() argument
31 dim_x(dim_x), in copy_functor()
43 target_accessor.copy_members(source_accessor, dim_x); in operator ()()
49 std::size_t dim_x; member in LibFlatArray::detail::flat_array::copy_functor
/dports/devel/R-cran-vctrs/vctrs/R/
H A Dshape.R30 dim_x <- vec_dim(x) functionVar
34 if (length(dim_x) == 1L && length(dim_to) == 1L) {
38 if (length(dim_x) > length(dim_to)) {
48 dim_x <- n_dim2(dim_x, dim_to)$x
49 dim_to[[1]] <- dim_x[[1]] # don't change number of observations
50 ok <- dim_x == dim_to | dim_x == 1
62 if (vec_dim_n(x) != length(dim_x)) {
63 dim(x) <- dim_x
66 recycle <- dim_x != dim_to
/dports/devel/libflatarray/libflatarray-0.3.0/examples/jacobi/
H A Dmain.cpp78 for (std::size_t x = 2; x < (dim_x - 2); ++x) { in init()
79 std::size_t index = z * dim_x * dim_y + y * dim_x + x; in init()
92 for (std::size_t x = 1; x < (dim_x - 1); ++x) { in sum()
93 std::size_t index = z * dim_x * dim_y + y * dim_x + x; in sum()
130 dim_x(dim_x), in update_functor()
179 std::size_t end_x = dim_x - 1; in operator ()()
187 std::size_t dim_x; member in update_functor
290 int dim_x = 512; in main() local
296 buf >> dim_x; in main()
308 if ((dim_x * dim_y * dim_z * steps) == 0) { in main()
[all …]
H A Dupdate_c99.c11 void update_c99(double *data_new, const double *data_old, int dim_x, int dim_y, int dim_z) in update_c99() argument
14 double (* const restrict grid_old)[dim_y][dim_x] = (double (* const)[dim_y][dim_x])data_old; in update_c99()
15 double (* restrict grid_new)[dim_y][dim_x] = (double (* )[dim_y][dim_x])data_new; in update_c99()
23 for (int x = 1; x < (dim_x - 1); ++x) { in update_c99()
/dports/games/freedroidrpg/freedroidrpg-0.16.1/src/mapgen/
H A Dgram_simple.c64 rmax = WORST_ROOM_RATIO * (float)dim_x / dim_y; in trycut()
110 if (!trycut(dim_x, dim_y, r, ret)) { in cut()
112 if (!trycut(dim_x, dim_y, r, !ret)) in cut()
124 if ((*r / 100.0 * dim_x) < MIN_ROOM_WIDE || ((100.0 - *r) / 100.0 * dim_x) < MIN_ROOM_WIDE) in cut()
141 int dim_x = rooms[creator].w; in deriv_P() local
144 p = cut(dim_x, dim_y, &prop); in deriv_P()
146 int w_creator = dim_x; in deriv_P()
148 int w_newroom = dim_x; in deriv_P()
170 w_newroom = dim_x - w_creator - 1; in deriv_P()
356 dim_x_init = dim_x; in generate_dungeon_gram()
[all …]
/dports/science/apbs/apbs-pdb2pqr-apbs-1.5-102-g500c1473/apbs/examples/helix/
H A Ddraw_membrane2.c89 int dim_x,dim_y,dim_z,dim3,i,j,k,cnt; in main() local
197 x_x= (float *) calloc(dim_x+1,sizeof(float)); in main()
200 x_y= (float *) calloc(dim_x+1,sizeof(float)); in main()
203 x_z= (float *) calloc(dim_x+1,sizeof(float)); in main()
210 x= (float *) calloc(dim_x+1,sizeof(float)); in main()
219 l_c_x=dim_x*dx; in main()
227 for (i=1; i <= dim_x; ++i) in main()
304 for (i=1; i <= dim_x; ++i) { in main()
365 for (i=1; i <= dim_x; ++i) in main()
430 for (i=1; i <= dim_x; ++i) in main()
[all …]
/dports/math/adol-c/ADOL-C-2.7.2/ADOL-C/examples/additional_examples/fixpoint_exam/
H A Dfixpoint_exam.cpp23 int fixpoint_iter(double *x, double *u, double *y, int dim_x, int dim_u);
24 double norm(double *x, int dim_x);
27 int fixpoint_iter_act(adouble *x, adouble *u, adouble *y, int dim_x, int dim_u);
28 adouble norm(adouble *x, int dim_x);
92 int fixpoint_iter(double *x, double *u, double *y, int dim_x, int dim_u) in fixpoint_iter() argument
99 double norm(double *x, int dim_x) in norm() argument
104 int fixpoint_iter_act(adouble *x, adouble *u, adouble *y, int dim_x, int dim_u) in fixpoint_iter_act() argument
111 adouble norm(adouble *x, int dim_x) in norm() argument
/dports/devel/libflatarray/libflatarray-0.3.0/src/
H A Dapi_traits.hpp128 const std::size_t dim_x = 1, in operator ()() argument
136 dim_x, in operator ()()
145 const std::size_t dim_x = 1, in operator ()() argument
153 dim_x, in operator ()()
167 const std::size_t dim_x = 1, in operator ()() argument
175 dim_x, in operator ()()
184 const std::size_t dim_x = 1, in operator ()() argument
192 dim_x, in operator ()()
/dports/devel/libflatarray/libflatarray-0.3.0/examples/gauss/
H A Dmain.cpp78 for (std::size_t x = 0; x < (dim_x - 0); ++x) { in init()
79 std::size_t index = z * dim_x * dim_y + y * dim_x + x; in init()
92 for (std::size_t x = 0; x < (dim_x - 0); ++x) { in sum()
93 std::size_t index = z * dim_x * dim_y + y * dim_x + x; in sum()
130 dim_x(dim_x), in filter_functor()
224 std::size_t end_x = dim_x - 0; in operator ()()
234 std::size_t dim_x; member in filter_functor
341 int dim_x = 512; in main() local
347 buf >> dim_x; in main()
359 if ((dim_x * dim_y * dim_z * steps) == 0) { in main()
[all …]
H A Dfilter_c99.c10 void filter_c99(double *data_new, const double *data_old, int dim_x, int dim_y, int dim_z) in filter_c99() argument
13 double (* const restrict grid_old)[dim_y][dim_x] = (double (* const)[dim_y][dim_x])data_old; in filter_c99()
14 double (* restrict grid_new)[dim_y][dim_x] = (double (* )[dim_y][dim_x])data_new; in filter_c99()
48 for (int x = 0; x < dim_x; ++x) { in filter_c99()
/dports/math/eigen3/eigen-3.3.9/unsupported/test/
H A Dcxx11_tensor_reduction_cuda.cu58 int dim_x = 33; in test_first_dim_reductions() local
62 Tensor<Type, 3, DataLayout> in(dim_x, dim_y, dim_z); in test_first_dim_reductions()
74 Type* in_data = (Type*)dev.allocate(dim_x*dim_y*dim_z*sizeof(Type)); in test_first_dim_reductions()
76 Eigen::TensorMap<Eigen::Tensor<Type, 3, DataLayout> > gpu_in(in_data, dim_x, dim_y, dim_z); in test_first_dim_reductions()
98 int dim_x = 128; in test_last_dim_reductions() local
102 Tensor<Type, 3, DataLayout> in(dim_x, dim_y, dim_z); in test_last_dim_reductions()
114 Type* in_data = (Type*)dev.allocate(dim_x*dim_y*dim_z*sizeof(Type)); in test_last_dim_reductions()
115 Type* out_data = (Type*)dev.allocate(dim_x*dim_y*sizeof(Type)); in test_last_dim_reductions()
116 Eigen::TensorMap<Eigen::Tensor<Type, 3, DataLayout> > gpu_in(in_data, dim_x, dim_y, dim_z); in test_last_dim_reductions()
117 Eigen::TensorMap<Eigen::Tensor<Type, 2, DataLayout> > gpu_out(out_data, dim_x, dim_y); in test_last_dim_reductions()
[all …]
/dports/math/stanmath/math-4.2.0/lib/eigen_3.3.9/unsupported/test/
H A Dcxx11_tensor_reduction_cuda.cu58 int dim_x = 33; in test_first_dim_reductions() local
62 Tensor<Type, 3, DataLayout> in(dim_x, dim_y, dim_z); in test_first_dim_reductions()
74 Type* in_data = (Type*)dev.allocate(dim_x*dim_y*dim_z*sizeof(Type)); in test_first_dim_reductions()
76 Eigen::TensorMap<Eigen::Tensor<Type, 3, DataLayout> > gpu_in(in_data, dim_x, dim_y, dim_z); in test_first_dim_reductions()
98 int dim_x = 128; in test_last_dim_reductions() local
102 Tensor<Type, 3, DataLayout> in(dim_x, dim_y, dim_z); in test_last_dim_reductions()
114 Type* in_data = (Type*)dev.allocate(dim_x*dim_y*dim_z*sizeof(Type)); in test_last_dim_reductions()
115 Type* out_data = (Type*)dev.allocate(dim_x*dim_y*sizeof(Type)); in test_last_dim_reductions()
116 Eigen::TensorMap<Eigen::Tensor<Type, 3, DataLayout> > gpu_in(in_data, dim_x, dim_y, dim_z); in test_last_dim_reductions()
117 Eigen::TensorMap<Eigen::Tensor<Type, 2, DataLayout> > gpu_out(out_data, dim_x, dim_y); in test_last_dim_reductions()
[all …]
/dports/math/libsemigroups/libsemigroups-1.3.7/extern/eigen-3.3.7/unsupported/test/
H A Dcxx11_tensor_reduction_cuda.cu58 int dim_x = 33; in test_first_dim_reductions() local
62 Tensor<Type, 3, DataLayout> in(dim_x, dim_y, dim_z); in test_first_dim_reductions()
74 Type* in_data = (Type*)dev.allocate(dim_x*dim_y*dim_z*sizeof(Type)); in test_first_dim_reductions()
76 Eigen::TensorMap<Eigen::Tensor<Type, 3, DataLayout> > gpu_in(in_data, dim_x, dim_y, dim_z); in test_first_dim_reductions()
98 int dim_x = 128; in test_last_dim_reductions() local
102 Tensor<Type, 3, DataLayout> in(dim_x, dim_y, dim_z); in test_last_dim_reductions()
114 Type* in_data = (Type*)dev.allocate(dim_x*dim_y*dim_z*sizeof(Type)); in test_last_dim_reductions()
115 Type* out_data = (Type*)dev.allocate(dim_x*dim_y*sizeof(Type)); in test_last_dim_reductions()
116 Eigen::TensorMap<Eigen::Tensor<Type, 3, DataLayout> > gpu_in(in_data, dim_x, dim_y, dim_z); in test_last_dim_reductions()
117 Eigen::TensorMap<Eigen::Tensor<Type, 2, DataLayout> > gpu_out(out_data, dim_x, dim_y); in test_last_dim_reductions()
[all …]
/dports/misc/opennn/opennn-5.0.5/eigen/unsupported/test/
H A Dcxx11_tensor_reduction_cuda.cu58 int dim_x = 33; in test_first_dim_reductions() local
62 Tensor<Type, 3, DataLayout> in(dim_x, dim_y, dim_z); in test_first_dim_reductions()
74 Type* in_data = (Type*)dev.allocate(dim_x*dim_y*dim_z*sizeof(Type)); in test_first_dim_reductions()
76 Eigen::TensorMap<Eigen::Tensor<Type, 3, DataLayout> > gpu_in(in_data, dim_x, dim_y, dim_z); in test_first_dim_reductions()
98 int dim_x = 128; in test_last_dim_reductions() local
102 Tensor<Type, 3, DataLayout> in(dim_x, dim_y, dim_z); in test_last_dim_reductions()
114 Type* in_data = (Type*)dev.allocate(dim_x*dim_y*dim_z*sizeof(Type)); in test_last_dim_reductions()
115 Type* out_data = (Type*)dev.allocate(dim_x*dim_y*sizeof(Type)); in test_last_dim_reductions()
116 Eigen::TensorMap<Eigen::Tensor<Type, 3, DataLayout> > gpu_in(in_data, dim_x, dim_y, dim_z); in test_last_dim_reductions()
117 Eigen::TensorMap<Eigen::Tensor<Type, 2, DataLayout> > gpu_out(out_data, dim_x, dim_y); in test_last_dim_reductions()
[all …]
/dports/devel/taskflow/taskflow-3.2.0/3rd-party/eigen-3.3.7/unsupported/test/
H A Dcxx11_tensor_reduction_cuda.cu58 int dim_x = 33; in test_first_dim_reductions() local
62 Tensor<Type, 3, DataLayout> in(dim_x, dim_y, dim_z); in test_first_dim_reductions()
74 Type* in_data = (Type*)dev.allocate(dim_x*dim_y*dim_z*sizeof(Type)); in test_first_dim_reductions()
76 Eigen::TensorMap<Eigen::Tensor<Type, 3, DataLayout> > gpu_in(in_data, dim_x, dim_y, dim_z); in test_first_dim_reductions()
98 int dim_x = 128; in test_last_dim_reductions() local
102 Tensor<Type, 3, DataLayout> in(dim_x, dim_y, dim_z); in test_last_dim_reductions()
114 Type* in_data = (Type*)dev.allocate(dim_x*dim_y*dim_z*sizeof(Type)); in test_last_dim_reductions()
115 Type* out_data = (Type*)dev.allocate(dim_x*dim_y*sizeof(Type)); in test_last_dim_reductions()
116 Eigen::TensorMap<Eigen::Tensor<Type, 3, DataLayout> > gpu_in(in_data, dim_x, dim_y, dim_z); in test_last_dim_reductions()
117 Eigen::TensorMap<Eigen::Tensor<Type, 2, DataLayout> > gpu_out(out_data, dim_x, dim_y); in test_last_dim_reductions()
[all …]
/dports/math/py-pystan/pystan-2.19.0.0/pystan/stan/lib/stan_math/lib/eigen_3.3.3/unsupported/test/
H A Dcxx11_tensor_reduction_cuda.cu61 int dim_x = 33; in test_first_dim_reductions() local
65 Tensor<Type, 3, DataLayout> in(dim_x, dim_y, dim_z); in test_first_dim_reductions()
77 Type* in_data = (Type*)dev.allocate(dim_x*dim_y*dim_z*sizeof(Type)); in test_first_dim_reductions()
79 Eigen::TensorMap<Eigen::Tensor<Type, 3, DataLayout> > gpu_in(in_data, dim_x, dim_y, dim_z); in test_first_dim_reductions()
101 int dim_x = 128; in test_last_dim_reductions() local
105 Tensor<Type, 3, DataLayout> in(dim_x, dim_y, dim_z); in test_last_dim_reductions()
117 Type* in_data = (Type*)dev.allocate(dim_x*dim_y*dim_z*sizeof(Type)); in test_last_dim_reductions()
118 Type* out_data = (Type*)dev.allocate(dim_x*dim_y*sizeof(Type)); in test_last_dim_reductions()
119 Eigen::TensorMap<Eigen::Tensor<Type, 3, DataLayout> > gpu_in(in_data, dim_x, dim_y, dim_z); in test_last_dim_reductions()
120 Eigen::TensorMap<Eigen::Tensor<Type, 2, DataLayout> > gpu_out(out_data, dim_x, dim_y); in test_last_dim_reductions()
[all …]
/dports/misc/vxl/vxl-3.3.2/contrib/brl/bseg/bvxm/grid/pro/processes/
H A Dbvxm_create_grid_process.cxx72 auto dim_x = pro.get_input<unsigned>(2); in bvxm_create_grid_process() local
86 …base_sptr grid = new bvxm_voxel_grid<float>(input_path,vgl_vector_3d<unsigned>(dim_x,dim_y,dim_z)); in bvxm_create_grid_process()
91 …_base_sptr grid = new bvxm_voxel_grid<bool>(input_path,vgl_vector_3d<unsigned>(dim_x,dim_y,dim_z)); in bvxm_create_grid_process()
96 …tr grid = new bvxm_voxel_grid<bvxm_opinion>(input_path,vgl_vector_3d<unsigned>(dim_x,dim_y,dim_z)); in bvxm_create_grid_process()
105 … grid = new bvxm_voxel_grid<mix_gauss_type>(input_path,vgl_vector_3d<unsigned>(dim_x,dim_y,dim_z)); in bvxm_create_grid_process()
110 …vxm_voxel_grid<vnl_vector_fixed<float, 3> >(input_path,vgl_vector_3d<unsigned>(dim_x,dim_y,dim_z)); in bvxm_create_grid_process()
115 …bvxm_voxel_grid<vnl_vector_fixed<float,4> >(input_path,vgl_vector_3d<unsigned>(dim_x,dim_y,dim_z)); in bvxm_create_grid_process()
/dports/misc/orange3/orange3-3.29.1/Orange/projection/
H A Dsom.py8 def __init__(self, dim_x, dim_y, argument
10 self.dim_x = dim_x
20 self.weights = random.rand(self.dim_y, self.dim_x, x.shape[1])
24 self.ssum_weights = np.ones((self.dim_y, self.dim_x))
30 self.weights = np.empty((self.dim_y, self.dim_x, x.shape[1]))
32 for j, c2 in enumerate(np.linspace(-1, 1, self.dim_x)):
37 self.ssum_weights = np.ones((self.dim_y, self.dim_x))

12345678910>>...16