adfa5456 commited on
Commit
fe2b563
ยท
verified ยท
1 Parent(s): 138cfea

Add files using upload-large-folder tool

Browse files
This view is limited to 50 files because it contains too many changes. ย  See raw diff
Files changed (50) hide show
  1. AndersonAcceleration.h +132 -0
  2. FRICP.h +942 -0
  3. ICP.h +1035 -0
  4. LICENSE +21 -0
  5. README.md +96 -3
  6. Types.h +121 -0
  7. build/CMakeCache.txt +422 -0
  8. build/CMakeFiles/3.26.0/CMakeCCompiler.cmake +72 -0
  9. build/CMakeFiles/3.26.0/CMakeCXXCompiler.cmake +83 -0
  10. build/CMakeFiles/3.26.0/CMakeSystem.cmake +15 -0
  11. build/CMakeFiles/3.26.0/CompilerIdC/CMakeCCompilerId.c +866 -0
  12. build/CMakeFiles/3.26.0/CompilerIdC/a.out +0 -0
  13. build/CMakeFiles/3.26.0/CompilerIdCXX/CMakeCXXCompilerId.cpp +855 -0
  14. build/CMakeFiles/3.26.0/CompilerIdCXX/a.out +0 -0
  15. build/CMakeFiles/CMakeConfigureLog.yaml +0 -0
  16. build/CMakeFiles/CMakeDirectoryInformation.cmake +16 -0
  17. build/CMakeFiles/FRICP.dir/DependInfo.cmake +19 -0
  18. build/CMakeFiles/FRICP.dir/build.make +110 -0
  19. build/CMakeFiles/FRICP.dir/cmake_clean.cmake +11 -0
  20. build/CMakeFiles/FRICP.dir/compiler_depend.make +2 -0
  21. build/CMakeFiles/FRICP.dir/compiler_depend.ts +2 -0
  22. build/CMakeFiles/FRICP.dir/depend.make +2 -0
  23. build/CMakeFiles/FRICP.dir/flags.make +10 -0
  24. build/CMakeFiles/FRICP.dir/link.txt +1 -0
  25. build/CMakeFiles/FRICP.dir/main.cpp.o.d +422 -0
  26. build/CMakeFiles/FRICP.dir/progress.make +3 -0
  27. build/CMakeFiles/Makefile.cmake +133 -0
  28. build/CMakeFiles/Makefile2 +139 -0
  29. build/CMakeFiles/TargetDirectories.txt +4 -0
  30. build/CMakeFiles/cmake.check_cache +1 -0
  31. build/CMakeFiles/data.dir/DependInfo.cmake +18 -0
  32. build/CMakeFiles/data.dir/build.make +83 -0
  33. build/CMakeFiles/data.dir/cmake_clean.cmake +5 -0
  34. build/CMakeFiles/data.dir/compiler_depend.make +2 -0
  35. build/CMakeFiles/data.dir/compiler_depend.ts +2 -0
  36. build/CMakeFiles/data.dir/progress.make +1 -0
  37. build/CMakeFiles/progress.marks +1 -0
  38. build/Makefile +195 -0
  39. build/cmake_install.cmake +54 -0
  40. cmake/FindEigen3.cmake +18 -0
  41. cmake/FindNanoFlann.cmake +24 -0
  42. data/, +0 -0
  43. data/data.json +729 -0
  44. data/inference.ipynb +178 -0
  45. data/object_data.json +741 -0
  46. data/ply_files.json +7 -0
  47. data/source.ply +0 -0
  48. data/stand.py +88 -0
  49. data/stand2.py +108 -0
  50. data/string_gen.py +25 -0
AndersonAcceleration.h ADDED
@@ -0,0 +1,132 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ #ifndef ANDERSONACCELERATION_H_
2
+ #define ANDERSONACCELERATION_H_
3
+
4
+ #include "Types.h"
5
+ #include <cassert>
6
+ #include <algorithm>
7
+ #include <vector>
8
+ #include <omp.h>
9
+ #include <fstream>
10
+
11
+ class AndersonAcceleration
12
+ {
13
+ public:
14
+ AndersonAcceleration()
15
+ :m_(-1), dim_(-1), iter_(-1), col_idx_(-1) {}
16
+
17
+ void replace(const Scalar *u)
18
+ {
19
+ current_u_ = Eigen::Map<const VectorX>(u, dim_);
20
+ }
21
+
22
+ const VectorX& compute(const Scalar* g)
23
+ {
24
+ assert(iter_ >= 0);
25
+
26
+ Eigen::Map<const VectorX> G(g, dim_);
27
+ current_F_ = G - current_u_;
28
+
29
+ if (iter_ == 0)
30
+ {
31
+ prev_dF_.col(0) = -current_F_;
32
+ prev_dG_.col(0) = -G;
33
+ current_u_ = G;
34
+ }
35
+ else
36
+ {
37
+ prev_dF_.col(col_idx_) += current_F_;
38
+ prev_dG_.col(col_idx_) += G;
39
+
40
+ Scalar eps = 1e-14;
41
+ Scalar scale = std::max(eps, prev_dF_.col(col_idx_).norm());
42
+ dF_scale_(col_idx_) = scale;
43
+ prev_dF_.col(col_idx_) /= scale;
44
+
45
+ int m_k = std::min(m_, iter_);
46
+
47
+
48
+ if (m_k == 1)
49
+ {
50
+ theta_(0) = 0;
51
+ Scalar dF_sqrnorm = prev_dF_.col(col_idx_).squaredNorm();
52
+ M_(0, 0) = dF_sqrnorm;
53
+ Scalar dF_norm = std::sqrt(dF_sqrnorm);
54
+
55
+ if (dF_norm > eps) {
56
+ theta_(0) = (prev_dF_.col(col_idx_) / dF_norm).dot(current_F_ / dF_norm);
57
+ }
58
+ }
59
+ else
60
+ {
61
+ // Update the normal equation matrix, for the column and row corresponding to the new dF column
62
+ VectorX new_inner_prod = (prev_dF_.col(col_idx_).transpose() * prev_dF_.block(0, 0, dim_, m_k)).transpose();
63
+ M_.block(col_idx_, 0, 1, m_k) = new_inner_prod.transpose();
64
+ M_.block(0, col_idx_, m_k, 1) = new_inner_prod;
65
+
66
+ // Solve normal equation
67
+ cod_.compute(M_.block(0, 0, m_k, m_k));
68
+ theta_.head(m_k) = cod_.solve(prev_dF_.block(0, 0, dim_, m_k).transpose() * current_F_);
69
+ }
70
+
71
+ // Use rescaled theata to compute new u
72
+ current_u_ = G - prev_dG_.block(0, 0, dim_, m_k) * ((theta_.head(m_k).array() / dF_scale_.head(m_k).array()).matrix());
73
+ col_idx_ = (col_idx_ + 1) % m_;
74
+ prev_dF_.col(col_idx_) = -current_F_;
75
+ prev_dG_.col(col_idx_) = -G;
76
+ }
77
+
78
+ iter_++;
79
+ return current_u_;
80
+ }
81
+ void reset(const Scalar *u)
82
+ {
83
+ iter_ = 0;
84
+ col_idx_ = 0;
85
+ current_u_ = Eigen::Map<const VectorX>(u, dim_);
86
+ }
87
+
88
+ // m: number of previous iterations used
89
+ // d: dimension of variables
90
+ // u0: initial variable values
91
+ void init(int m, int d, const Scalar* u0)
92
+ {
93
+ assert(m > 0);
94
+ m_ = m;
95
+ dim_ = d;
96
+ current_u_.resize(d);
97
+ current_F_.resize(d);
98
+ prev_dG_.resize(d, m);
99
+ prev_dF_.resize(d, m);
100
+ M_.resize(m, m);
101
+ theta_.resize(m);
102
+ dF_scale_.resize(m);
103
+ current_u_ = Eigen::Map<const VectorX>(u0, d);
104
+ iter_ = 0;
105
+ col_idx_ = 0;
106
+ }
107
+
108
+ private:
109
+ VectorX current_u_;
110
+ VectorX current_F_;
111
+ MatrixXX prev_dG_;
112
+ MatrixXX prev_dF_;
113
+ MatrixXX M_; // Normal equations matrix for the computing theta
114
+ VectorX theta_; // theta value computed from normal equations
115
+ VectorX dF_scale_; // The scaling factor for each column of prev_dF
116
+ Eigen::CompleteOrthogonalDecomposition<MatrixXX> cod_;
117
+
118
+ int m_; // Number of previous iterates used for Andreson Acceleration
119
+ int dim_; // Dimension of variables
120
+ int iter_; // Iteration count since initialization
121
+ int col_idx_; // Index for history matrix column to store the next value
122
+ int m_k_;
123
+
124
+ Eigen::Matrix4d current_T_;
125
+ Eigen::Matrix4d current_F_T_;
126
+
127
+ MatrixXX T_prev_dF_;
128
+ MatrixXX T_prev_dG_;
129
+ };
130
+
131
+
132
+ #endif /* ANDERSONACCELERATION_H_ */
FRICP.h ADDED
@@ -0,0 +1,942 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ ๏ปฟ#ifndef FRICP_H
2
+ #define FRICP_H
3
+ #include "ICP.h"
4
+ #include <AndersonAcceleration.h>
5
+ #include <eigen/unsupported/Eigen/MatrixFunctions>
6
+ #include "median.h"
7
+ #include <limits>
8
+ #define SAME_THRESHOLD 1e-6
9
+ #include <type_traits>
10
+
11
+ template<class T>
12
+ typename std::enable_if<!std::numeric_limits<T>::is_integer, bool>::type
13
+ almost_equal(T x, T y, int ulp)
14
+ {
15
+ // the machine epsilon has to be scaled to the magnitude of the values used
16
+ // and multiplied by the desired precision in ULPs (units in the last place)
17
+ return std::fabs(x-y) <= std::numeric_limits<T>::epsilon() * std::fabs(x+y) * ulp
18
+ // unless the result is subnormal
19
+ || std::fabs(x-y) < std::numeric_limits<T>::min();
20
+ }
21
+ template<int N>
22
+ class FRICP
23
+ {
24
+ public:
25
+ typedef double Scalar;
26
+ typedef Eigen::Matrix<Scalar, N, Eigen::Dynamic> MatrixNX;
27
+ typedef Eigen::Matrix<Scalar, N, N> MatrixNN;
28
+ typedef Eigen::Matrix<Scalar, N+1, N+1> AffineMatrixN;
29
+ typedef Eigen::Transform<Scalar, N, Eigen::Affine> AffineNd;
30
+ typedef Eigen::Matrix<Scalar, N, 1> VectorN;
31
+ typedef nanoflann::KDTreeAdaptor<MatrixNX, N, nanoflann::metric_L2_Simple> KDtree;
32
+ typedef Eigen::Matrix<Scalar, 6, 1> Vector6;
33
+ double test_total_construct_time=.0;
34
+ double test_total_solve_time=.0;
35
+ int test_total_iters=0;
36
+
37
+ FRICP(){};
38
+ ~FRICP(){};
39
+
40
+ private:
41
+ AffineMatrixN LogMatrix(const AffineMatrixN& T)
42
+ {
43
+ Eigen::RealSchur<AffineMatrixN> schur(T);
44
+ AffineMatrixN U = schur.matrixU();
45
+ AffineMatrixN R = schur.matrixT();
46
+ std::vector<bool> selected(N, true);
47
+ MatrixNN mat_B = MatrixNN::Zero(N, N);
48
+ MatrixNN mat_V = MatrixNN::Identity(N, N);
49
+
50
+ for (int i = 0; i < N; i++)
51
+ {
52
+ if (selected[i] && fabs(R(i, i) - 1)> SAME_THRESHOLD)
53
+ {
54
+ int pair_second = -1;
55
+ for (int j = i + 1; j <N; j++)
56
+ {
57
+ if (fabs(R(j, j) - R(i, i)) < SAME_THRESHOLD)
58
+ {
59
+ pair_second = j;
60
+ selected[j] = false;
61
+ break;
62
+ }
63
+ }
64
+ if (pair_second > 0)
65
+ {
66
+ selected[i] = false;
67
+ R(i, i) = R(i, i) < -1 ? -1 : R(i, i);
68
+ double theta = acos(R(i, i));
69
+ if (R(i, pair_second) < 0)
70
+ {
71
+ theta = -theta;
72
+ }
73
+ mat_B(i, pair_second) += theta;
74
+ mat_B(pair_second, i) += -theta;
75
+ mat_V(i, pair_second) += -theta / 2;
76
+ mat_V(pair_second, i) += theta / 2;
77
+ double coeff = 1 - (theta * R(i, pair_second)) / (2 * (1 - R(i, i)));
78
+ mat_V(i, i) += -coeff;
79
+ mat_V(pair_second, pair_second) += -coeff;
80
+ }
81
+ }
82
+ }
83
+
84
+ AffineMatrixN LogTrim = AffineMatrixN::Zero();
85
+ LogTrim.block(0, 0, N, N) = mat_B;
86
+ LogTrim.block(0, N, N, 1) = mat_V * R.block(0, N, N, 1);
87
+ AffineMatrixN res = U * LogTrim * U.transpose();
88
+ return res;
89
+ }
90
+
91
+ inline Vector6 RotToEuler(const AffineNd& T)
92
+ {
93
+ Vector6 res;
94
+ res.head(3) = T.rotation().eulerAngles(0,1,2);
95
+ res.tail(3) = T.translation();
96
+ return res;
97
+ }
98
+
99
+ inline AffineMatrixN EulerToRot(const Vector6& v)
100
+ {
101
+ MatrixNN s (Eigen::AngleAxis<Scalar>(v(0), Vector3::UnitX())
102
+ * Eigen::AngleAxis<Scalar>(v(1), Vector3::UnitY())
103
+ * Eigen::AngleAxis<Scalar>(v(2), Vector3::UnitZ()));
104
+
105
+ AffineMatrixN m = AffineMatrixN::Zero();
106
+ m.block(0,0,3,3) = s;
107
+ m(3,3) = 1;
108
+ m.col(3).head(3) = v.tail(3);
109
+ return m;
110
+ }
111
+ inline Vector6 LogToVec(const Eigen::Matrix4d& LogT)
112
+ {
113
+ Vector6 res;
114
+ res[0] = -LogT(1, 2);
115
+ res[1] = LogT(0, 2);
116
+ res[2] = -LogT(0, 1);
117
+ res[3] = LogT(0, 3);
118
+ res[4] = LogT(1, 3);
119
+ res[5] = LogT(2, 3);
120
+ return res;
121
+ }
122
+
123
+ inline AffineMatrixN VecToLog(const Vector6& v)
124
+ {
125
+ AffineMatrixN m = AffineMatrixN::Zero();
126
+ m << 0, -v[2], v[1], v[3],
127
+ v[2], 0, -v[0], v[4],
128
+ -v[1], v[0], 0, v[5],
129
+ 0, 0, 0, 0;
130
+ return m;
131
+ }
132
+
133
+ double FindKnearestMed(const KDtree& kdtree,
134
+ const MatrixNX& X, int nk)
135
+ {
136
+ Eigen::VectorXd X_nearest(X.cols());
137
+ #pragma omp parallel for
138
+ for(int i = 0; i<X.cols(); i++)
139
+ {
140
+ int* id = new int[nk];
141
+ double *dist = new double[nk];
142
+ kdtree.query(X.col(i).data(), nk, id, dist);
143
+ Eigen::VectorXd k_dist = Eigen::Map<Eigen::VectorXd>(dist, nk);
144
+ igl::median(k_dist.tail(nk-1), X_nearest[i]);
145
+ delete[]id;
146
+ delete[]dist;
147
+ }
148
+ double med;
149
+ igl::median(X_nearest, med);
150
+ return sqrt(med);
151
+ }
152
+ /// Find self normal edge median of point cloud
153
+ double FindKnearestNormMed(const KDtree& kdtree, const Eigen::Matrix3Xd & X, int nk, const Eigen::Matrix3Xd & norm_x)
154
+ {
155
+ Eigen::VectorXd X_nearest(X.cols());
156
+ #pragma omp parallel for
157
+ for(int i = 0; i<X.cols(); i++)
158
+ {
159
+ int* id = new int[nk];
160
+ double *dist = new double[nk];
161
+ kdtree.query(X.col(i).data(), nk, id, dist);
162
+ Eigen::VectorXd k_dist = Eigen::Map<Eigen::VectorXd>(dist, nk);
163
+ for(int s = 1; s<nk; s++)
164
+ {
165
+ k_dist[s] = std::abs((X.col(id[s]) - X.col(id[0])).dot(norm_x.col(id[0])));
166
+ }
167
+ igl::median(k_dist.tail(nk-1), X_nearest[i]);
168
+ delete[]id;
169
+ delete[]dist;
170
+ }
171
+ double med;
172
+ igl::median(X_nearest, med);
173
+ return med;
174
+ }
175
+
176
+ template <typename Derived1, typename Derived2, typename Derived3>
177
+ AffineNd point_to_point(Eigen::MatrixBase<Derived1>& X,
178
+ Eigen::MatrixBase<Derived2>& Y,
179
+ const Eigen::MatrixBase<Derived3>& w) {
180
+ int dim = X.rows();
181
+ /// Normalize weight vector
182
+ Eigen::VectorXd w_normalized = w / w.sum();
183
+ /// De-mean
184
+ Eigen::VectorXd X_mean(dim), Y_mean(dim);
185
+ for (int i = 0; i<dim; ++i) {
186
+ X_mean(i) = (X.row(i).array()*w_normalized.transpose().array()).sum();
187
+ Y_mean(i) = (Y.row(i).array()*w_normalized.transpose().array()).sum();
188
+ }
189
+ X.colwise() -= X_mean;
190
+ Y.colwise() -= Y_mean;
191
+
192
+ /// Compute transformation
193
+ AffineNd transformation;
194
+ MatrixXX sigma = X * w_normalized.asDiagonal() * Y.transpose();
195
+ Eigen::JacobiSVD<MatrixXX> svd(sigma, Eigen::ComputeFullU | Eigen::ComputeFullV);
196
+ if (svd.matrixU().determinant()*svd.matrixV().determinant() < 0.0) {
197
+ VectorN S = VectorN::Ones(dim); S(dim-1) = -1.0;
198
+ transformation.linear() = svd.matrixV()*S.asDiagonal()*svd.matrixU().transpose();
199
+ }
200
+ else {
201
+ transformation.linear() = svd.matrixV()*svd.matrixU().transpose();
202
+ }
203
+ transformation.translation() = Y_mean - transformation.linear()*X_mean;
204
+ /// Re-apply mean
205
+ X.colwise() += X_mean;
206
+ Y.colwise() += Y_mean;
207
+ /// Return transformation
208
+ return transformation;
209
+ }
210
+
211
+ template <typename Derived1, typename Derived2, typename Derived3, typename Derived4, typename Derived5>
212
+ Eigen::Affine3d point_to_plane(Eigen::MatrixBase<Derived1>& X,
213
+ Eigen::MatrixBase<Derived2>& Y,
214
+ const Eigen::MatrixBase<Derived3>& Norm,
215
+ const Eigen::MatrixBase<Derived4>& w,
216
+ const Eigen::MatrixBase<Derived5>& u) {
217
+ typedef Eigen::Matrix<double, 6, 6> Matrix66;
218
+ typedef Eigen::Matrix<double, 6, 1> Vector6;
219
+ typedef Eigen::Block<Matrix66, 3, 3> Block33;
220
+ /// Normalize weight vector
221
+ Eigen::VectorXd w_normalized = w / w.sum();
222
+ /// De-mean
223
+ Eigen::Vector3d X_mean;
224
+ for (int i = 0; i<3; ++i)
225
+ X_mean(i) = (X.row(i).array()*w_normalized.transpose().array()).sum();
226
+ X.colwise() -= X_mean;
227
+ Y.colwise() -= X_mean;
228
+ /// Prepare LHS and RHS
229
+ Matrix66 LHS = Matrix66::Zero();
230
+ Vector6 RHS = Vector6::Zero();
231
+ Block33 TL = LHS.topLeftCorner<3, 3>();
232
+ Block33 TR = LHS.topRightCorner<3, 3>();
233
+ Block33 BR = LHS.bottomRightCorner<3, 3>();
234
+ Eigen::MatrixXd C = Eigen::MatrixXd::Zero(3, X.cols());
235
+
236
+ #pragma omp parallel
237
+ {
238
+ #pragma omp for
239
+ for (int i = 0; i<X.cols(); i++) {
240
+ C.col(i) = X.col(i).cross(Norm.col(i));
241
+ }
242
+ #pragma omp sections nowait
243
+ {
244
+ #pragma omp section
245
+ for (int i = 0; i<X.cols(); i++) TL.selfadjointView<Eigen::Upper>().rankUpdate(C.col(i), w(i));
246
+ #pragma omp section
247
+ for (int i = 0; i<X.cols(); i++) TR += (C.col(i)*Norm.col(i).transpose())*w(i);
248
+ #pragma omp section
249
+ for (int i = 0; i<X.cols(); i++) BR.selfadjointView<Eigen::Upper>().rankUpdate(Norm.col(i), w(i));
250
+ #pragma omp section
251
+ for (int i = 0; i<C.cols(); i++) {
252
+ double dist_to_plane = -((X.col(i) - Y.col(i)).dot(Norm.col(i)) - u(i))*w(i);
253
+ RHS.head<3>() += C.col(i)*dist_to_plane;
254
+ RHS.tail<3>() += Norm.col(i)*dist_to_plane;
255
+ }
256
+ }
257
+ }
258
+ LHS = LHS.selfadjointView<Eigen::Upper>();
259
+ /// Compute transformation
260
+ Eigen::Affine3d transformation;
261
+ Eigen::LDLT<Matrix66> ldlt(LHS);
262
+ RHS = ldlt.solve(RHS);
263
+ transformation = Eigen::AngleAxisd(RHS(0), Eigen::Vector3d::UnitX()) *
264
+ Eigen::AngleAxisd(RHS(1), Eigen::Vector3d::UnitY()) *
265
+ Eigen::AngleAxisd(RHS(2), Eigen::Vector3d::UnitZ());
266
+ transformation.translation() = RHS.tail<3>();
267
+
268
+ /// Apply transformation
269
+ /// Re-apply mean
270
+ X.colwise() += X_mean;
271
+ Y.colwise() += X_mean;
272
+ transformation.translation() += X_mean - transformation.linear()*X_mean;
273
+ /// Return transformation
274
+ return transformation;
275
+ }
276
+
277
+ template <typename Derived1, typename Derived2, typename Derived3, typename Derived4>
278
+ double point_to_plane_gaussnewton(const Eigen::MatrixBase<Derived1>& X,
279
+ const Eigen::MatrixBase<Derived2>& Y,
280
+ const Eigen::MatrixBase<Derived3>& norm_y,
281
+ const Eigen::MatrixBase<Derived4>& w,
282
+ Matrix44 Tk, Vector6& dir) {
283
+ typedef Eigen::Matrix<double, 6, 6> Matrix66;
284
+ typedef Eigen::Matrix<double, 12, 6> Matrix126;
285
+ typedef Eigen::Matrix<double, 9, 3> Matrix93;
286
+ typedef Eigen::Block<Matrix126, 9, 3> Block93;
287
+ typedef Eigen::Block<Matrix126, 3, 3> Block33;
288
+ typedef Eigen::Matrix<double, 12, 1> Vector12;
289
+ typedef Eigen::Matrix<double, 9, 1> Vector9;
290
+ typedef Eigen::Matrix<double, 4, 2> Matrix42;
291
+ /// Normalize weight vector
292
+ Eigen::VectorXd w_normalized = w / w.sum();
293
+ /// Prepare LHS and RHS
294
+ Matrix66 LHS = Matrix66::Zero();
295
+ Vector6 RHS = Vector6::Zero();
296
+
297
+ Vector6 log_T = LogToVec(LogMatrix(Tk));
298
+ Matrix33 B = VecToLog(log_T).block(0, 0, 3, 3);
299
+ double a = log_T[0];
300
+ double b = log_T[1];
301
+ double c = log_T[2];
302
+ Matrix33 R = Tk.block(0, 0, 3, 3);
303
+ Vector3 t = Tk.block(0, 3, 3, 1);
304
+ Vector3 u = log_T.tail(3);
305
+
306
+ Matrix93 dbdw = Matrix93::Zero();
307
+ dbdw(1, 2) = dbdw(5, 0) = dbdw(6, 1) = -1;
308
+ dbdw(2, 1) = dbdw(3, 2) = dbdw(7, 0) = 1;
309
+ Matrix93 db2dw = Matrix93::Zero();
310
+ db2dw(3, 1) = db2dw(4, 0) = db2dw(6, 2) = db2dw(8, 0) = a;
311
+ db2dw(0, 1) = db2dw(1, 0) = db2dw(7, 2) = db2dw(8, 1) = b;
312
+ db2dw(0, 2) = db2dw(2, 0) = db2dw(4, 2) = db2dw(5, 1) = c;
313
+ db2dw(1, 1) = db2dw(2, 2) = -2 * a;
314
+ db2dw(3, 0) = db2dw(5, 2) = -2 * b;
315
+ db2dw(6, 0) = db2dw(7, 1) = -2 * c;
316
+ double theta = std::sqrt(a*a + b*b + c*c);
317
+ double st = sin(theta), ct = cos(theta);
318
+
319
+ Matrix42 coeff = Matrix42::Zero();
320
+ if (theta>SAME_THRESHOLD)
321
+ {
322
+ coeff << st / theta, (1 - ct) / (theta*theta),
323
+ (theta*ct - st) / (theta*theta*theta), (theta*st - 2 * (1 - ct)) / pow(theta, 4),
324
+ (1 - ct) / (theta*theta), (theta - st) / pow(theta, 3),
325
+ (theta*st - 2 * (1 - ct)) / pow(theta, 4), (theta*(1 - ct) - 3 * (theta - st)) / pow(theta, 5);
326
+ }
327
+ else
328
+ coeff(0, 0) = 1;
329
+
330
+ Matrix93 tempB3;
331
+ tempB3.block<3, 3>(0, 0) = a*B;
332
+ tempB3.block<3, 3>(3, 0) = b*B;
333
+ tempB3.block<3, 3>(6, 0) = c*B;
334
+ Matrix33 B2 = B*B;
335
+ Matrix93 temp2B3;
336
+ temp2B3.block<3, 3>(0, 0) = a*B2;
337
+ temp2B3.block<3, 3>(3, 0) = b*B2;
338
+ temp2B3.block<3, 3>(6, 0) = c*B2;
339
+ Matrix93 dRdw = coeff(0, 0)*dbdw + coeff(1, 0)*tempB3
340
+ + coeff(2, 0)*db2dw + coeff(3, 0)*temp2B3;
341
+ Vector9 dtdw = coeff(0, 1) * dbdw*u + coeff(1, 1) * tempB3*u
342
+ + coeff(2, 1) * db2dw*u + coeff(3, 1)*temp2B3*u;
343
+ Matrix33 dtdu = Matrix33::Identity() + coeff(2, 0)*B + coeff(2, 1) * B2;
344
+
345
+ Eigen::VectorXd rk(X.cols());
346
+ Eigen::MatrixXd Jk(X.cols(), 6);
347
+ #pragma omp for
348
+ for (int i = 0; i < X.cols(); i++)
349
+ {
350
+ Vector3 xi = X.col(i);
351
+ Vector3 yi = Y.col(i);
352
+ Vector3 ni = norm_y.col(i);
353
+ double wi = sqrt(w_normalized[i]);
354
+
355
+ Matrix33 dedR = wi*ni * xi.transpose();
356
+ Vector3 dedt = wi*ni;
357
+
358
+ Vector6 dedx;
359
+ dedx(0) = (dedR.cwiseProduct(dRdw.block(0, 0, 3, 3))).sum()
360
+ + dedt.dot(dtdw.head<3>());
361
+ dedx(1) = (dedR.cwiseProduct(dRdw.block(3, 0, 3, 3))).sum()
362
+ + dedt.dot(dtdw.segment<3>(3));
363
+ dedx(2) = (dedR.cwiseProduct(dRdw.block(6, 0, 3, 3))).sum()
364
+ + dedt.dot(dtdw.tail<3>());
365
+ dedx(3) = dedt.dot(dtdu.col(0));
366
+ dedx(4) = dedt.dot(dtdu.col(1));
367
+ dedx(5) = dedt.dot(dtdu.col(2));
368
+
369
+ Jk.row(i) = dedx.transpose();
370
+ rk[i] = wi * ni.dot(R*xi-yi+t);
371
+ }
372
+ LHS = Jk.transpose() * Jk;
373
+ RHS = -Jk.transpose() * rk;
374
+ Eigen::CompleteOrthogonalDecomposition<Matrix66> cod_(LHS);
375
+ dir = cod_.solve(RHS);
376
+ double gTd = -RHS.dot(dir);
377
+ return gTd;
378
+ }
379
+
380
+
381
+ public:
382
+ void point_to_point(MatrixNX& X, MatrixNX& Y, VectorN& source_mean,
383
+ VectorN& target_mean, ICP::Parameters& par){
384
+ /// Build kd-tree
385
+ KDtree kdtree(Y);
386
+ /// Buffers
387
+ MatrixNX Q = MatrixNX::Zero(N, X.cols());
388
+ VectorX W = VectorX::Zero(X.cols());
389
+ AffineNd T;
390
+ if (par.use_init) T.matrix() = par.init_trans;
391
+ else T = AffineNd::Identity();
392
+ MatrixXX To1 = T.matrix();
393
+ MatrixXX To2 = T.matrix();
394
+ int nPoints = X.cols();
395
+
396
+ //Anderson Acc para
397
+ AndersonAcceleration accelerator_;
398
+ AffineNd SVD_T = T;
399
+ double energy = .0, last_energy = std::numeric_limits<double>::max();
400
+
401
+ //ground truth point clouds
402
+ MatrixNX X_gt = X;
403
+ if(par.has_groundtruth)
404
+ {
405
+ VectorN temp_trans = par.gt_trans.col(N).head(N);
406
+ X_gt.colwise() += source_mean;
407
+ X_gt = par.gt_trans.block(0, 0, N, N) * X_gt;
408
+ X_gt.colwise() += temp_trans - target_mean;
409
+ }
410
+
411
+ //output para
412
+ std::string file_out = par.out_path;
413
+ std::vector<double> times, energys, gt_mses;
414
+ double begin_time, end_time, run_time;
415
+ double gt_mse = 0.0;
416
+
417
+ // dynamic welsch paras
418
+ double nu1 = 1, nu2 = 1;
419
+ double begin_init = omp_get_wtime();
420
+
421
+ //Find initial closest point
422
+ #pragma omp parallel for
423
+ for (int i = 0; i<nPoints; ++i) {
424
+ VectorN cur_p = T * X.col(i);
425
+ Q.col(i) = Y.col(kdtree.closest(cur_p.data()));
426
+ W[i] = (cur_p - Q.col(i)).norm();
427
+ }
428
+ if(par.f == ICP::WELSCH)
429
+ {
430
+ //dynamic welsch, calc k-nearest points with itself;
431
+ nu2 = par.nu_end_k * FindKnearestMed(kdtree, Y, 7);
432
+ double med1;
433
+ igl::median(W, med1);
434
+ nu1 = par.nu_begin_k * med1;
435
+ nu1 = nu1>nu2? nu1:nu2;
436
+ }
437
+ double end_init = omp_get_wtime();
438
+ double init_time = end_init - begin_init;
439
+
440
+ //AA init
441
+ accelerator_.init(par.anderson_m, (N + 1) * (N + 1), LogMatrix(T.matrix()).data());
442
+
443
+ begin_time = omp_get_wtime();
444
+ bool stop1 = false;
445
+ while(!stop1)
446
+ {
447
+ /// run ICP
448
+ int icp = 0;
449
+ for (; icp<par.max_icp; ++icp)
450
+ {
451
+ bool accept_aa = false;
452
+ energy = get_energy(par.f, W, nu1);
453
+ if (par.use_AA)
454
+ {
455
+ if (energy < last_energy) {
456
+ last_energy = energy;
457
+ accept_aa = true;
458
+ }
459
+ else{
460
+ accelerator_.replace(LogMatrix(SVD_T.matrix()).data());
461
+ //Re-find the closest point
462
+ #pragma omp parallel for
463
+ for (int i = 0; i<nPoints; ++i) {
464
+ VectorN cur_p = SVD_T * X.col(i);
465
+ Q.col(i) = Y.col(kdtree.closest(cur_p.data()));
466
+ W[i] = (cur_p - Q.col(i)).norm();
467
+ }
468
+ last_energy = get_energy(par.f, W, nu1);
469
+ }
470
+ }
471
+ else
472
+ last_energy = energy;
473
+
474
+ end_time = omp_get_wtime();
475
+ run_time = end_time - begin_time;
476
+ if(par.has_groundtruth)
477
+ {
478
+ gt_mse = (T*X - X_gt).squaredNorm()/nPoints;
479
+ }
480
+
481
+ // save results
482
+ energys.push_back(last_energy);
483
+ times.push_back(run_time);
484
+ gt_mses.push_back(gt_mse);
485
+
486
+ if (par.print_energy)
487
+ std::cout << "icp iter = " << icp << ", Energy = " << last_energy
488
+ << ", time = " << run_time << std::endl;
489
+
490
+ robust_weight(par.f, W, nu1);
491
+ // Rotation and translation update
492
+ T = point_to_point(X, Q, W);
493
+
494
+ //Anderson Acc
495
+ SVD_T = T;
496
+ if (par.use_AA)
497
+ {
498
+ AffineMatrixN Trans = (Eigen::Map<const AffineMatrixN>(accelerator_.compute(LogMatrix(T.matrix()).data()).data(), N+1, N+1)).exp();
499
+ T.linear() = Trans.block(0,0,N,N);
500
+ T.translation() = Trans.block(0,N,N,1);
501
+ }
502
+
503
+ // Find closest point
504
+ #pragma omp parallel for
505
+ for (int i = 0; i<nPoints; ++i) {
506
+ VectorN cur_p = T * X.col(i) ;
507
+ Q.col(i) = Y.col(kdtree.closest(cur_p.data()));
508
+ W[i] = (cur_p - Q.col(i)).norm();
509
+ }
510
+ /// Stopping criteria
511
+ double stop2 = (T.matrix() - To2).norm();
512
+ To2 = T.matrix();
513
+ if(stop2 < par.stop)
514
+ {
515
+ break;
516
+ }
517
+ }
518
+ if(par.f!= ICP::WELSCH)
519
+ stop1 = true;
520
+ else
521
+ {
522
+ stop1 = fabs(nu1 - nu2)<SAME_THRESHOLD? true: false;
523
+ nu1 = nu1*par.nu_alpha > nu2? nu1*par.nu_alpha : nu2;
524
+ if(par.use_AA)
525
+ {
526
+ accelerator_.reset(LogMatrix(T.matrix()).data());
527
+ last_energy = std::numeric_limits<double>::max();
528
+ }
529
+ }
530
+ }
531
+
532
+ ///calc convergence energy
533
+ last_energy = get_energy(par.f, W, nu1);
534
+ X = T * X;
535
+ gt_mse = (X-X_gt).squaredNorm()/nPoints;
536
+ T.translation() += - T.rotation() * source_mean + target_mean;
537
+ X.colwise() += target_mean;
538
+
539
+ ///save convergence result
540
+ par.convergence_energy = last_energy;
541
+ par.convergence_gt_mse = gt_mse;
542
+ par.res_trans = T.matrix();
543
+
544
+ ///output
545
+ if (par.print_output)
546
+ {
547
+ std::ofstream out_res(par.out_path);
548
+ if (!out_res.is_open())
549
+ {
550
+ std::cout << "Can't open out file " << par.out_path << std::endl;
551
+ }
552
+
553
+ //output time and energy
554
+ out_res.precision(16);
555
+ for (int i = 0; i<times.size(); i++)
556
+ {
557
+ out_res << times[i] << " "<< energys[i] << " " << gt_mses[i] << std::endl;
558
+ }
559
+ out_res.close();
560
+ std::cout << " write res to " << par.out_path << std::endl;
561
+ }
562
+ }
563
+
564
+
565
+ /// Reweighted ICP with point to plane
566
+ /// @param Source (one 3D point per column)
567
+ /// @param Target (one 3D point per column)
568
+ /// @param Target normals (one 3D normal per column)
569
+ /// @param Parameters
570
+ // template <typename Derived1, typename Derived2, typename Derived3>
571
+ void point_to_plane(Eigen::Matrix3Xd& X,
572
+ Eigen::Matrix3Xd& Y, Eigen::Matrix3Xd& norm_x, Eigen::Matrix3Xd& norm_y,
573
+ Eigen::Vector3d& source_mean, Eigen::Vector3d& target_mean,
574
+ ICP::Parameters &par) {
575
+ /// Build kd-tree
576
+ KDtree kdtree(Y);
577
+ /// Buffers
578
+ Eigen::Matrix3Xd Qp = Eigen::Matrix3Xd::Zero(3, X.cols());
579
+ Eigen::Matrix3Xd Qn = Eigen::Matrix3Xd::Zero(3, X.cols());
580
+ Eigen::VectorXd W = Eigen::VectorXd::Zero(X.cols());
581
+ Eigen::Matrix3Xd ori_X = X;
582
+ AffineNd T;
583
+ if (par.use_init) T.matrix() = par.init_trans;
584
+ else T = AffineNd::Identity();
585
+ AffineMatrixN To1 = T.matrix();
586
+ X = T*X;
587
+
588
+ Eigen::Matrix3Xd X_gt = X;
589
+ if(par.has_groundtruth)
590
+ {
591
+ Eigen::Vector3d temp_trans = par.gt_trans.block(0, 3, 3, 1);
592
+ X_gt = ori_X;
593
+ X_gt.colwise() += source_mean;
594
+ X_gt = par.gt_trans.block(0, 0, 3, 3) * X_gt;
595
+ X_gt.colwise() += temp_trans - target_mean;
596
+ }
597
+
598
+ std::vector<double> times, energys, gt_mses;
599
+ double begin_time, end_time, run_time;
600
+ double gt_mse = 0.0;
601
+
602
+ ///dynamic welsch, calc k-nearest points with itself;
603
+ double begin_init = omp_get_wtime();
604
+
605
+ //Anderson Acc para
606
+ AndersonAcceleration accelerator_;
607
+ AffineNd LG_T = T;
608
+ double energy = 0.0, prev_res = std::numeric_limits<double>::max(), res = 0.0;
609
+
610
+
611
+ // Find closest point
612
+ #pragma omp parallel for
613
+ for (int i = 0; i<X.cols(); ++i) {
614
+ int id = kdtree.closest(X.col(i).data());
615
+ Qp.col(i) = Y.col(id);
616
+ Qn.col(i) = norm_y.col(id);
617
+ W[i] = std::abs(Qn.col(i).transpose() * (X.col(i) - Qp.col(i)));
618
+ }
619
+ double end_init = omp_get_wtime();
620
+ double init_time = end_init - begin_init;
621
+
622
+ begin_time = omp_get_wtime();
623
+ int total_iter = 0;
624
+ double test_total_time = 0.0;
625
+ bool stop1 = false;
626
+ while(!stop1)
627
+ {
628
+ /// ICP
629
+ for(int icp=0; icp<par.max_icp; ++icp) {
630
+ total_iter++;
631
+
632
+ bool accept_aa = false;
633
+ energy = get_energy(par.f, W, par.p);
634
+ end_time = omp_get_wtime();
635
+ run_time = end_time - begin_time;
636
+ energys.push_back(energy);
637
+ times.push_back(run_time);
638
+ Eigen::VectorXd test_w = (X-Qp).colwise().norm();
639
+ if(par.has_groundtruth)
640
+ {
641
+ gt_mse = (X - X_gt).squaredNorm()/X.cols();
642
+ }
643
+ gt_mses.push_back(gt_mse);
644
+
645
+ /// Compute weights
646
+ robust_weight(par.f, W, par.p);
647
+ /// Rotation and translation update
648
+ T = point_to_plane(X, Qp, Qn, W, Eigen::VectorXd::Zero(X.cols()))*T;
649
+ /// Find closest point
650
+ #pragma omp parallel for
651
+ for(int i=0; i<X.cols(); i++) {
652
+ X.col(i) = T * ori_X.col(i);
653
+ int id = kdtree.closest(X.col(i).data());
654
+ Qp.col(i) = Y.col(id);
655
+ Qn.col(i) = norm_y.col(id);
656
+ W[i] = std::abs(Qn.col(i).transpose() * (X.col(i) - Qp.col(i)));
657
+ }
658
+
659
+ if(par.print_energy)
660
+ std::cout << "icp iter = " << total_iter << ", gt_mse = " << gt_mse
661
+ << ", energy = " << energy << std::endl;
662
+
663
+ /// Stopping criteria
664
+ double stop2 = (T.matrix() - To1).norm();
665
+ To1 = T.matrix();
666
+ if(stop2 < par.stop) break;
667
+ }
668
+ stop1 = true;
669
+ }
670
+
671
+ par.res_trans = T.matrix();
672
+
673
+ ///calc convergence energy
674
+ W = (Qn.array()*(X - Qp).array()).colwise().sum().abs().transpose();
675
+ energy = get_energy(par.f, W, par.p);
676
+ gt_mse = (X - X_gt).squaredNorm() / X.cols();
677
+ T.translation().noalias() += -T.rotation()*source_mean + target_mean;
678
+ X.colwise() += target_mean;
679
+ norm_x = T.rotation()*norm_x;
680
+
681
+ ///save convergence result
682
+ par.convergence_energy = energy;
683
+ par.convergence_gt_mse = gt_mse;
684
+ par.res_trans = T.matrix();
685
+
686
+ ///output
687
+ if (par.print_output)
688
+ {
689
+ std::ofstream out_res(par.out_path);
690
+ if (!out_res.is_open())
691
+ {
692
+ std::cout << "Can't open out file " << par.out_path << std::endl;
693
+ }
694
+
695
+ ///output time and energy
696
+ out_res.precision(16);
697
+ for (int i = 0; i<total_iter; i++)
698
+ {
699
+ out_res << times[i] << " "<< energys[i] << " " << gt_mses[i] << std::endl;
700
+ }
701
+ out_res.close();
702
+ std::cout << " write res to " << par.out_path << std::endl;
703
+ }
704
+ }
705
+
706
+
707
+
708
+ /// Reweighted ICP with point to plane
709
+ /// @param Source (one 3D point per column)
710
+ /// @param Target (one 3D point per column)
711
+ /// @param Target normals (one 3D normal per column)
712
+ /// @param Parameters
713
+ // template <typename Derived1, typename Derived2, typename Derived3>
714
+ void point_to_plane_GN(Eigen::Matrix3Xd& X,
715
+ Eigen::Matrix3Xd& Y, Eigen::Matrix3Xd& norm_x, Eigen::Matrix3Xd& norm_y,
716
+ Eigen::Vector3d& source_mean, Eigen::Vector3d& target_mean,
717
+ ICP::Parameters &par) {
718
+ /// Build kd-tree
719
+ KDtree kdtree(Y);
720
+ /// Buffers
721
+ Eigen::Matrix3Xd Qp = Eigen::Matrix3Xd::Zero(3, X.cols());
722
+ Eigen::Matrix3Xd Qn = Eigen::Matrix3Xd::Zero(3, X.cols());
723
+ Eigen::VectorXd W = Eigen::VectorXd::Zero(X.cols());
724
+ Eigen::Matrix3Xd ori_X = X;
725
+ AffineNd T;
726
+ if (par.use_init) T.matrix() = par.init_trans;
727
+ else T = AffineNd::Identity();
728
+ AffineMatrixN To1 = T.matrix();
729
+ X = T*X;
730
+
731
+ Eigen::Matrix3Xd X_gt = X;
732
+ if(par.has_groundtruth)
733
+ {
734
+ Eigen::Vector3d temp_trans = par.gt_trans.block(0, 3, 3, 1);
735
+ X_gt = ori_X;
736
+ X_gt.colwise() += source_mean;
737
+ X_gt = par.gt_trans.block(0, 0, 3, 3) * X_gt;
738
+ X_gt.colwise() += temp_trans - target_mean;
739
+ }
740
+
741
+ std::vector<double> times, energys, gt_mses;
742
+ double begin_time, end_time, run_time;
743
+ double gt_mse;
744
+
745
+ ///dynamic welsch, calc k-nearest points with itself;
746
+ double nu1 = 1, nu2 = 1;
747
+ double begin_init = omp_get_wtime();
748
+
749
+ //Anderson Acc para
750
+ AndersonAcceleration accelerator_;
751
+ Vector6 LG_T;
752
+ Vector6 Dir;
753
+ //add time test
754
+ double energy = 0.0, prev_energy = std::numeric_limits<double>::max();
755
+ if(par.use_AA)
756
+ {
757
+ Eigen::Matrix4d log_T = LogMatrix(T.matrix());
758
+ LG_T = LogToVec(log_T);
759
+ accelerator_.init(par.anderson_m, 6, LG_T.data());
760
+ }
761
+
762
+ // Find closest point
763
+ #pragma omp parallel for
764
+ for (int i = 0; i<X.cols(); ++i) {
765
+ int id = kdtree.closest(X.col(i).data());
766
+ Qp.col(i) = Y.col(id);
767
+ Qn.col(i) = norm_y.col(id);
768
+ W[i] = std::abs(Qn.col(i).transpose() * (X.col(i) - Qp.col(i)));
769
+ }
770
+
771
+ if(par.f == ICP::WELSCH)
772
+ {
773
+ double med1;
774
+ igl::median(W, med1);
775
+ nu1 =par.nu_begin_k * med1;
776
+ nu2 = par.nu_end_k * FindKnearestNormMed(kdtree, Y, 7, norm_y);
777
+ nu1 = nu1>nu2? nu1:nu2;
778
+ }
779
+ double end_init = omp_get_wtime();
780
+ double init_time = end_init - begin_init;
781
+
782
+ begin_time = omp_get_wtime();
783
+ int total_iter = 0;
784
+ double test_total_time = 0.0;
785
+ bool stop1 = false;
786
+ par.max_icp = 6;
787
+ while(!stop1)
788
+ {
789
+ par.max_icp = std::min(par.max_icp+1, 10);
790
+ /// ICP
791
+ for(int icp=0; icp<par.max_icp; ++icp) {
792
+ total_iter++;
793
+
794
+ int n_linsearch = 0;
795
+ energy = get_energy(par.f, W, nu1);
796
+ if(par.use_AA)
797
+ {
798
+ if(energy < prev_energy)
799
+ {
800
+ prev_energy = energy;
801
+ }
802
+ else
803
+ {
804
+ // line search
805
+ double alpha = 0.0;
806
+ Vector6 new_t = LG_T;
807
+ Eigen::VectorXd lowest_W = W;
808
+ Eigen::Matrix3Xd lowest_Qp = Qp;
809
+ Eigen::Matrix3Xd lowest_Qn = Qn;
810
+ Eigen::Affine3d lowest_T = T;
811
+ n_linsearch++;
812
+ alpha = 1;
813
+ new_t = LG_T + alpha * Dir;
814
+ T.matrix() = VecToLog(new_t).exp();
815
+ /// Find closest point
816
+ #pragma omp parallel for
817
+ for(int i=0; i<X.cols(); i++) {
818
+ X.col(i) = T * ori_X.col(i);
819
+ int id = kdtree.closest(X.col(i).data());
820
+ Qp.col(i) = Y.col(id);
821
+ Qn.col(i) = norm_y.col(id);
822
+ W[i] = std::abs(Qn.col(i).transpose() * (X.col(i) - Qp.col(i)));
823
+ }
824
+ double test_energy = get_energy(par.f, W, nu1);
825
+ if(test_energy < energy)
826
+ {
827
+ accelerator_.reset(new_t.data());
828
+ energy = test_energy;
829
+ }
830
+ else
831
+ {
832
+ Qp = lowest_Qp;
833
+ Qn = lowest_Qn;
834
+ W = lowest_W;
835
+ T = lowest_T;
836
+ }
837
+ prev_energy = energy;
838
+ }
839
+ }
840
+ else
841
+ {
842
+ prev_energy = energy;
843
+ }
844
+
845
+ end_time = omp_get_wtime();
846
+ run_time = end_time - begin_time;
847
+ energys.push_back(prev_energy);
848
+ times.push_back(run_time);
849
+ if(par.has_groundtruth)
850
+ {
851
+ gt_mse = (X - X_gt).squaredNorm()/X.cols();
852
+ }
853
+ gt_mses.push_back(gt_mse);
854
+
855
+ /// Compute weights
856
+ robust_weight(par.f, W, nu1);
857
+ /// Rotation and translation update
858
+ point_to_plane_gaussnewton(ori_X, Qp, Qn, W, T.matrix(), Dir);
859
+ LG_T = LogToVec(LogMatrix(T.matrix()));
860
+ LG_T += Dir;
861
+ T.matrix() = VecToLog(LG_T).exp();
862
+
863
+ // Anderson acc
864
+ if(par.use_AA)
865
+ {
866
+ Vector6 AA_t;
867
+ AA_t = accelerator_.compute(LG_T.data());
868
+ T.matrix() = VecToLog(AA_t).exp();
869
+ }
870
+ if(par.print_energy)
871
+ std::cout << "icp iter = " << total_iter << ", gt_mse = " << gt_mse
872
+ << ", nu1 = " << nu1 << ", acept_aa= " << n_linsearch
873
+ << ", energy = " << prev_energy << std::endl;
874
+
875
+ /// Find closest point
876
+ #pragma omp parallel for
877
+ for(int i=0; i<X.cols(); i++) {
878
+ X.col(i) = T * ori_X.col(i);
879
+ int id = kdtree.closest(X.col(i).data());
880
+ Qp.col(i) = Y.col(id);
881
+ Qn.col(i) = norm_y.col(id);
882
+ W[i] = std::abs(Qn.col(i).transpose() * (X.col(i) - Qp.col(i)));
883
+ }
884
+
885
+ /// Stopping criteria
886
+ double stop2 = (T.matrix() - To1).norm();
887
+ To1 = T.matrix();
888
+ if(stop2 < par.stop) break;
889
+ }
890
+
891
+ if(par.f == ICP::WELSCH)
892
+ {
893
+ stop1 = fabs(nu1 - nu2)<SAME_THRESHOLD? true: false;
894
+ nu1 = nu1*par.nu_alpha > nu2 ? nu1*par.nu_alpha : nu2;
895
+ if(par.use_AA)
896
+ {
897
+ accelerator_.reset(LogToVec(LogMatrix(T.matrix())).data());
898
+ prev_energy = std::numeric_limits<double>::max();
899
+ }
900
+ }
901
+ else
902
+ stop1 = true;
903
+ }
904
+
905
+ par.res_trans = T.matrix();
906
+
907
+ ///calc convergence energy
908
+ W = (Qn.array()*(X - Qp).array()).colwise().sum().abs().transpose();
909
+ energy = get_energy(par.f, W, nu1);
910
+ gt_mse = (X - X_gt).squaredNorm() / X.cols();
911
+ T.translation().noalias() += -T.rotation()*source_mean + target_mean;
912
+ X.colwise() += target_mean;
913
+ norm_x = T.rotation()*norm_x;
914
+
915
+ ///save convergence result
916
+ par.convergence_energy = energy;
917
+ par.convergence_gt_mse = gt_mse;
918
+ par.res_trans = T.matrix();
919
+
920
+ ///output
921
+ if (par.print_output)
922
+ {
923
+ std::ofstream out_res(par.out_path);
924
+ if (!out_res.is_open())
925
+ {
926
+ std::cout << "Can't open out file " << par.out_path << std::endl;
927
+ }
928
+
929
+ ///output time and energy
930
+ out_res.precision(16);
931
+ for (int i = 0; i<total_iter; i++)
932
+ {
933
+ out_res << times[i] << " "<< energys[i] << " " << gt_mses[i] << std::endl;
934
+ }
935
+ out_res.close();
936
+ std::cout << " write res to " << par.out_path << std::endl;
937
+ }
938
+ }
939
+ };
940
+
941
+
942
+ #endif
ICP.h ADDED
@@ -0,0 +1,1035 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ ๏ปฟ///////////////////////////////////////////////////////////////////////////////
2
+ /// "Sparse Iterative Closest Point"
3
+ /// by Sofien Bouaziz, Andrea Tagliasacchi, Mark Pauly
4
+ /// Copyright (C) 2013 LGG, EPFL
5
+ ///////////////////////////////////////////////////////////////////////////////
6
+ /// 1) This file contains different implementations of the ICP algorithm.
7
+ /// 2) This code requires EIGEN and NANOFLANN.
8
+ /// 3) If OPENMP is activated some part of the code will be parallelized.
9
+ /// 4) This code is for now designed for 3D registration
10
+ /// 5) Two main input types are Eigen::Matrix3Xd or Eigen::Map<Eigen::Matrix3Xd>
11
+ ///////////////////////////////////////////////////////////////////////////////
12
+ /// namespace nanoflann: NANOFLANN KD-tree adaptor for EIGEN
13
+ /// namespace RigidMotionEstimator: functions to compute the rigid motion
14
+ /// namespace SICP: sparse ICP implementation
15
+ /// namespace ICP: reweighted ICP implementation
16
+ ///////////////////////////////////////////////////////////////////////////////
17
+ #ifndef ICP_H
18
+ #define ICP_H
19
+ #include <nanoflann.hpp>
20
+ #include <AndersonAcceleration.h>
21
+ #include <time.h>
22
+ #include <fstream>
23
+ #include <algorithm>
24
+ #include <median.h>
25
+ #include <iostream>
26
+
27
+ #define TUPLE_SCALE 0.95
28
+ #define TUPLE_MAX_CNT 1000
29
+
30
+
31
+ ///////////////////////////////////////////////////////////////////////////////
32
+ namespace nanoflann {
33
+ /// KD-tree adaptor for working with data directly stored in an Eigen Matrix, without duplicating the data storage.
34
+ /// This code is adapted from the KDTreeEigenMatrixAdaptor class of nanoflann.hpp
35
+ template <class MatrixType, int DIM = -1, class Distance = nanoflann::metric_L2, typename IndexType = int>
36
+ struct KDTreeAdaptor {
37
+ typedef KDTreeAdaptor<MatrixType, DIM, Distance> self_t;
38
+ typedef typename MatrixType::Scalar num_t;
39
+ typedef typename Distance::template traits<num_t, self_t>::distance_t metric_t;
40
+ typedef KDTreeSingleIndexAdaptor< metric_t, self_t, DIM, IndexType> index_t;
41
+ index_t* index;
42
+ KDTreeAdaptor(const MatrixType &mat, const int leaf_max_size = 10) : m_data_matrix(mat) {
43
+ const size_t dims = mat.rows();
44
+ index = new index_t(dims, *this, nanoflann::KDTreeSingleIndexAdaptorParams(leaf_max_size, dims));
45
+ index->buildIndex();
46
+ }
47
+ ~KDTreeAdaptor() { delete index; }
48
+ const MatrixType &m_data_matrix;
49
+ /// Query for the num_closest closest points to a given point (entered as query_point[0:dim-1]).
50
+ inline void query(const num_t *query_point, const size_t num_closest, IndexType *out_indices, num_t *out_distances_sq) const {
51
+ nanoflann::KNNResultSet<typename MatrixType::Scalar, IndexType> resultSet(num_closest);
52
+ resultSet.init(out_indices, out_distances_sq);
53
+ index->findNeighbors(resultSet, query_point, nanoflann::SearchParams());
54
+ }
55
+ /// Query for the closest points to a given point (entered as query_point[0:dim-1]).
56
+ inline IndexType closest(const num_t *query_point) const {
57
+ IndexType out_indices;
58
+ num_t out_distances_sq;
59
+ query(query_point, 1, &out_indices, &out_distances_sq);
60
+ return out_indices;
61
+ }
62
+ const self_t & derived() const { return *this; }
63
+ self_t & derived() { return *this; }
64
+ inline size_t kdtree_get_point_count() const { return m_data_matrix.cols(); }
65
+ /// Returns the distance between the vector "p1[0:size-1]" and the data point with index "idx_p2" stored in the class:
66
+ inline num_t kdtree_distance(const num_t *p1, const size_t idx_p2, size_t size) const {
67
+ num_t s = 0;
68
+ for (size_t i = 0; i<size; i++) {
69
+ num_t d = p1[i] - m_data_matrix.coeff(i, idx_p2);
70
+ s += d*d;
71
+ }
72
+ return s;
73
+ }
74
+ /// Returns the dim'th component of the idx'th point in the class:
75
+ inline num_t kdtree_get_pt(const size_t idx, int dim) const {
76
+ return m_data_matrix.coeff(dim, idx);
77
+ }
78
+ /// Optional bounding-box computation: return false to default to a standard bbox computation loop.
79
+ template <class BBOX> bool kdtree_get_bbox(BBOX&) const { return false; }
80
+ };
81
+ }
82
+ ///////////////////////////////////////////////////////////////////////////////
83
+ /// Compute the rigid motion for point-to-point and point-to-plane distances
84
+ namespace RigidMotionEstimator {
85
+ /// @param Source (one 3D point per column)
86
+ /// @param Target (one 3D point per column)
87
+ /// @param Confidence weights
88
+ template <typename Derived1, typename Derived2, typename Derived3>
89
+ Eigen::Affine3d point_to_point(Eigen::MatrixBase<Derived1>& X,
90
+ Eigen::MatrixBase<Derived2>& Y,
91
+ const Eigen::MatrixBase<Derived3>& w) {
92
+ int dim = X.rows();
93
+ /// Normalize weight vector
94
+ Eigen::VectorXd w_normalized = w / w.sum();
95
+ /// De-mean
96
+ Eigen::VectorXd X_mean(dim), Y_mean(dim);
97
+ for (int i = 0; i<dim; ++i) {
98
+ X_mean(i) = (X.row(i).array()*w_normalized.transpose().array()).sum();
99
+ Y_mean(i) = (Y.row(i).array()*w_normalized.transpose().array()).sum();
100
+ }
101
+ X.colwise() -= X_mean;
102
+ Y.colwise() -= Y_mean;
103
+
104
+ /// Compute transformation
105
+ Eigen::Affine3d transformation;
106
+ MatrixXX sigma = X * w_normalized.asDiagonal() * Y.transpose();
107
+ Eigen::JacobiSVD<MatrixXX> svd(sigma, Eigen::ComputeFullU | Eigen::ComputeFullV);
108
+ if (svd.matrixU().determinant()*svd.matrixV().determinant() < 0.0) {
109
+ VectorX S = VectorX::Ones(dim); S(dim-1) = -1.0;
110
+ transformation.linear() = svd.matrixV()*S.asDiagonal()*svd.matrixU().transpose();
111
+ }
112
+ else {
113
+ transformation.linear() = svd.matrixV()*svd.matrixU().transpose();
114
+ }
115
+ transformation.translation() = Y_mean - transformation.linear()*X_mean;
116
+ /// Re-apply mean
117
+ X.colwise() += X_mean;
118
+ Y.colwise() += Y_mean;
119
+ /// Apply transformation
120
+ // X = transformation*X;
121
+ /// Return transformation
122
+ return transformation;
123
+ }
124
+ /// @param Source (one 3D point per column)
125
+ /// @param Target (one 3D point per column)
126
+ template <typename Derived1, typename Derived2>
127
+ inline Eigen::Affine3d point_to_point(Eigen::MatrixBase<Derived1>& X,
128
+ Eigen::MatrixBase<Derived2>& Y) {
129
+ return point_to_point(X, Y, Eigen::VectorXd::Ones(X.cols()));
130
+ }
131
+ /// @param Source (one 3D point per column)
132
+ /// @param Target (one 3D point per column)
133
+ /// @param Target normals (one 3D normal per column)
134
+ /// @param Confidence weights
135
+ /// @param Right hand side
136
+ template <typename Derived1, typename Derived2, typename Derived3, typename Derived4, typename Derived5>
137
+ Eigen::Affine3d point_to_plane(Eigen::MatrixBase<Derived1>& X,
138
+ Eigen::MatrixBase<Derived2>& Y,
139
+ Eigen::MatrixBase<Derived3>& N,
140
+ const Eigen::MatrixBase<Derived4>& w,
141
+ const Eigen::MatrixBase<Derived5>& u) {
142
+ typedef Eigen::Matrix<double, 6, 6> Matrix66;
143
+ typedef Eigen::Matrix<double, 6, 1> Vector6;
144
+ typedef Eigen::Block<Matrix66, 3, 3> Block33;
145
+ /// Normalize weight vector
146
+ Eigen::VectorXd w_normalized = w / w.sum();
147
+ /// De-mean
148
+ Eigen::Vector3d X_mean;
149
+ for (int i = 0; i<3; ++i)
150
+ X_mean(i) = (X.row(i).array()*w_normalized.transpose().array()).sum();
151
+ X.colwise() -= X_mean;
152
+ Y.colwise() -= X_mean;
153
+ /// Prepare LHS and RHS
154
+ Matrix66 LHS = Matrix66::Zero();
155
+ Vector6 RHS = Vector6::Zero();
156
+ Block33 TL = LHS.topLeftCorner<3, 3>();
157
+ Block33 TR = LHS.topRightCorner<3, 3>();
158
+ Block33 BR = LHS.bottomRightCorner<3, 3>();
159
+ Eigen::MatrixXd C = Eigen::MatrixXd::Zero(3, X.cols());
160
+ #pragma omp parallel
161
+ {
162
+ #pragma omp for
163
+ for (int i = 0; i<X.cols(); i++) {
164
+ C.col(i) = X.col(i).cross(N.col(i));
165
+ }
166
+ #pragma omp sections nowait
167
+ {
168
+ #pragma omp section
169
+ for (int i = 0; i<X.cols(); i++) TL.selfadjointView<Eigen::Upper>().rankUpdate(C.col(i), w(i));
170
+ #pragma omp section
171
+ for (int i = 0; i<X.cols(); i++) TR += (C.col(i)*N.col(i).transpose())*w(i);
172
+ #pragma omp section
173
+ for (int i = 0; i<X.cols(); i++) BR.selfadjointView<Eigen::Upper>().rankUpdate(N.col(i), w(i));
174
+ #pragma omp section
175
+ for (int i = 0; i<C.cols(); i++) {
176
+ double dist_to_plane = -((X.col(i) - Y.col(i)).dot(N.col(i)) - u(i))*w(i);
177
+ RHS.head<3>() += C.col(i)*dist_to_plane;
178
+ RHS.tail<3>() += N.col(i)*dist_to_plane;
179
+ }
180
+ }
181
+ }
182
+ LHS = LHS.selfadjointView<Eigen::Upper>();
183
+ /// Compute transformation
184
+ Eigen::Affine3d transformation;
185
+ Eigen::LDLT<Matrix66> ldlt(LHS);
186
+ RHS = ldlt.solve(RHS);
187
+ transformation = Eigen::AngleAxisd(RHS(0), Eigen::Vector3d::UnitX()) *
188
+ Eigen::AngleAxisd(RHS(1), Eigen::Vector3d::UnitY()) *
189
+ Eigen::AngleAxisd(RHS(2), Eigen::Vector3d::UnitZ());
190
+ transformation.translation() = RHS.tail<3>();
191
+ /// Apply transformation
192
+ X = transformation*X;
193
+ /// Re-apply mean
194
+ X.colwise() += X_mean;
195
+ Y.colwise() += X_mean;
196
+ transformation.translation() += -transformation.linear() * X_mean + X_mean;
197
+ /// Return transformation
198
+ return transformation;
199
+ }
200
+ /// @param Source (one 3D point per column)
201
+ /// @param Target (one 3D point per column)
202
+ /// @param Target normals (one 3D normal per column)
203
+ /// @param Confidence weights
204
+ template <typename Derived1, typename Derived2, typename Derived3, typename Derived4>
205
+ inline Eigen::Affine3d point_to_plane(Eigen::MatrixBase<Derived1>& X,
206
+ Eigen::MatrixBase<Derived2>& Yp,
207
+ Eigen::MatrixBase<Derived3>& Yn,
208
+ const Eigen::MatrixBase<Derived4>& w) {
209
+ return point_to_plane(X, Yp, Yn, w, Eigen::VectorXd::Zero(X.cols()));
210
+ }
211
+ }
212
+ ///////////////////////////////////////////////////////////////////////////////
213
+ /// ICP implementation using ADMM/ALM/Penalty method
214
+ namespace SICP {
215
+ struct Parameters {
216
+ bool use_penalty = false; /// if use_penalty then penalty method else ADMM or ALM (see max_inner)
217
+ double p = 1.0; /// p norm
218
+ double mu = 10.0; /// penalty weight
219
+ double alpha = 1.2; /// penalty increase factor
220
+ double max_mu = 1e5; /// max penalty
221
+ int max_icp = 100; /// max ICP iteration
222
+ int max_outer = 100; /// max outer iteration
223
+ int max_inner = 1; /// max inner iteration. If max_inner=1 then ADMM else ALM
224
+ double stop = 1e-5; /// stopping criteria
225
+ bool print_icpn = false; /// (debug) print ICP iteration
226
+ Eigen::Matrix4d init_trans = Eigen::Matrix4d::Identity();
227
+ Eigen::Matrix4d gt_trans = Eigen::Matrix4d::Identity();
228
+ bool has_groundtruth = false;
229
+ int convergence_iter = 0;
230
+ double convergence_mse = 0.0;
231
+ double convergence_gt_mse = 0.0;
232
+ Eigen::Matrix4d res_trans = Eigen::Matrix4d::Identity();
233
+ std::string file_err = "";
234
+ std::string out_path = "";
235
+ int total_iters = 0;
236
+ };
237
+ /// Shrinkage operator (Automatic loop unrolling using template)
238
+ template<unsigned int I>
239
+ inline double shrinkage(double mu, double n, double p, double s) {
240
+ return shrinkage<I - 1>(mu, n, p, 1.0 - (p / mu)*std::pow(n, p - 2.0)*std::pow(s, p - 1.0));
241
+ }
242
+ template<>
243
+ inline double shrinkage<0>(double, double, double, double s) { return s; }
244
+ /// 3D Shrinkage for point-to-point
245
+ template<unsigned int I>
246
+ inline void shrink(Eigen::Matrix3Xd& Q, double mu, double p) {
247
+ double Ba = std::pow((2.0 / mu)*(1.0 - p), 1.0 / (2.0 - p));
248
+ double ha = Ba + (p / mu)*std::pow(Ba, p - 1.0);
249
+ #pragma omp parallel for
250
+ for (int i = 0; i<Q.cols(); ++i) {
251
+ double n = Q.col(i).norm();
252
+ double w = 0.0;
253
+ if (n > ha) w = shrinkage<I>(mu, n, p, (Ba / n + 1.0) / 2.0);
254
+ Q.col(i) *= w;
255
+ }
256
+ }
257
+ /// 1D Shrinkage for point-to-plane
258
+ template<unsigned int I>
259
+ inline void shrink(Eigen::VectorXd& y, double mu, double p) {
260
+ double Ba = std::pow((2.0 / mu)*(1.0 - p), 1.0 / (2.0 - p));
261
+ double ha = Ba + (p / mu)*std::pow(Ba, p - 1.0);
262
+ #pragma omp parallel for
263
+ for (int i = 0; i<y.rows(); ++i) {
264
+ double n = std::abs(y(i));
265
+ double s = 0.0;
266
+ if (n > ha) s = shrinkage<I>(mu, n, p, (Ba / n + 1.0) / 2.0);
267
+ y(i) *= s;
268
+ }
269
+ }
270
+ /// Sparse ICP with point to point
271
+ /// @param Source (one 3D point per column)
272
+ /// @param Target (one 3D point per column)
273
+ /// @param Parameters
274
+ template <typename Derived1, typename Derived2>
275
+ void point_to_point(Eigen::MatrixBase<Derived1>& X,
276
+ Eigen::MatrixBase<Derived2>& Y, Eigen::Vector3d& source_mean, Eigen::Vector3d& target_mean,
277
+ Parameters& par) {
278
+ /// Build kd-tree
279
+ nanoflann::KDTreeAdaptor<Eigen::MatrixBase<Derived2>, 3, nanoflann::metric_L2_Simple> kdtree(Y);
280
+ /// Buffers
281
+ Eigen::Matrix3Xd Q = Eigen::Matrix3Xd::Zero(3, X.cols());
282
+ Eigen::Matrix3Xd Z = Eigen::Matrix3Xd::Zero(3, X.cols());
283
+ Eigen::Matrix3Xd C = Eigen::Matrix3Xd::Zero(3, X.cols());
284
+ Eigen::Matrix3Xd ori_X = X;
285
+ Eigen::Affine3d T(par.init_trans);
286
+ Eigen::Matrix3Xd X_gt;
287
+ int nPoints = X.cols();
288
+ X = T * X;
289
+ Eigen::Matrix3Xd Xo1 = X;
290
+ Eigen::Matrix3Xd Xo2 = X;
291
+ double gt_mse = 0.0, run_time;
292
+ double begin_time, end_time;
293
+ std::vector<double> gt_mses, times;
294
+
295
+ if(par.has_groundtruth)
296
+ {
297
+ Eigen::Vector3d temp_trans = par.gt_trans.block(0, 3, 3, 1);
298
+ X_gt = ori_X;
299
+ X_gt.colwise() += source_mean;
300
+ X_gt = par.gt_trans.block(0, 0, 3, 3) * X_gt;
301
+ X_gt.colwise() += temp_trans - target_mean;
302
+ }
303
+
304
+ begin_time = omp_get_wtime();
305
+
306
+ /// ICP
307
+ int icp;
308
+ for (icp = 0; icp<par.max_icp; ++icp) {
309
+ /// Find closest point
310
+ #pragma omp parallel for
311
+ for (int i = 0; i<X.cols(); ++i) {
312
+ Q.col(i) = Y.col(kdtree.closest(X.col(i).data()));
313
+ }
314
+
315
+ end_time = omp_get_wtime();
316
+ run_time = end_time - begin_time;
317
+ ///calc mse and gt_mse
318
+ if(par.has_groundtruth)
319
+ {
320
+ gt_mse = (X - X_gt).squaredNorm() / nPoints;
321
+ }
322
+ times.push_back(run_time);
323
+ gt_mses.push_back(gt_mse);
324
+ // if(par.print_icpn)
325
+ // std::cout << "iter = " << icp << ", time = " << run_time << ", mse = " << mse << ", gt_mse = " << gt_mse << std::endl;
326
+
327
+ /// Computer rotation and translation
328
+ double mu = par.mu;
329
+ for (int outer = 0; outer<par.max_outer; ++outer) {
330
+ double dual = 0.0;
331
+ for (int inner = 0; inner<par.max_inner; ++inner) {
332
+ /// Z update (shrinkage)
333
+ Z = X - Q + C / mu;
334
+ shrink<3>(Z, mu, par.p);
335
+ /// Rotation and translation update
336
+ Eigen::Matrix3Xd U = Q + Z - C / mu;
337
+ Eigen::Affine3d cur_T = RigidMotionEstimator::point_to_point(X, U);
338
+ X = cur_T * X;
339
+ T = cur_T * T;
340
+ /// Stopping criteria
341
+ dual = pow((X - Xo1).norm(),2) / nPoints;
342
+ Xo1 = X;
343
+ if (dual < par.stop) break;
344
+ }
345
+ /// C update (lagrange multipliers)
346
+ Eigen::Matrix3Xd P = X - Q - Z;
347
+ if (!par.use_penalty) C.noalias() += mu*P;
348
+ /// mu update (penalty)
349
+ if (mu < par.max_mu) mu *= par.alpha;
350
+ /// Stopping criteria
351
+ double primal = P.colwise().norm().maxCoeff();
352
+ if (primal < par.stop && dual < par.stop) break;
353
+ }
354
+
355
+ /// Stopping criteria
356
+ double stop = (X-Xo2).colwise().norm().maxCoeff();
357
+ Xo2 = X;
358
+ if (stop < par.stop) break;
359
+ }
360
+ if(par.has_groundtruth)
361
+ gt_mse = (X-X_gt).squaredNorm()/nPoints;
362
+
363
+ if(par.print_icpn)
364
+ {
365
+ std::ofstream out_res(par.out_path);
366
+ for(int i = 0; i<times.size(); i++)
367
+ {
368
+ out_res << times[i] << " " << gt_mses[i] << std::endl;
369
+ }
370
+ out_res.close();
371
+ }
372
+
373
+ T.translation().noalias() += -T.rotation()*source_mean + target_mean;
374
+ X.colwise() += target_mean;
375
+
376
+ ///save convergence result
377
+ par.convergence_gt_mse = gt_mse;
378
+ par.convergence_iter = icp;
379
+ par.res_trans = T.matrix();
380
+ }
381
+ /// Sparse ICP with point to plane
382
+ /// @param Source (one 3D point per column)
383
+ /// @param Target (one 3D point per column)
384
+ /// @param Target normals (one 3D normal per column)
385
+ /// @param Parameters
386
+ template <typename Derived1, typename Derived2, typename Derived3>
387
+ void point_to_plane(Eigen::MatrixBase<Derived1>& X,
388
+ Eigen::MatrixBase<Derived2>& Y,
389
+ Eigen::MatrixBase<Derived3>& N, Eigen::Vector3d source_mean, Eigen::Vector3d target_mean,
390
+ Parameters &par) {
391
+ /// Build kd-tree
392
+ nanoflann::KDTreeAdaptor<Eigen::MatrixBase<Derived2>, 3, nanoflann::metric_L2_Simple> kdtree(Y);
393
+ /// Buffers
394
+ Eigen::Matrix3Xd Qp = Eigen::Matrix3Xd::Zero(3, X.cols());
395
+ Eigen::Matrix3Xd Qn = Eigen::Matrix3Xd::Zero(3, X.cols());
396
+ Eigen::VectorXd Z = Eigen::VectorXd::Zero(X.cols());
397
+ Eigen::VectorXd C = Eigen::VectorXd::Zero(X.cols());
398
+ Eigen::Matrix3Xd ori_X = X;
399
+ Eigen::Affine3d T(par.init_trans);
400
+ Eigen::Matrix3Xd X_gt;
401
+ int nPoints = X.cols();
402
+ X = T*X;
403
+ Eigen::Matrix3Xd Xo1 = X;
404
+ Eigen::Matrix3Xd Xo2 = X;
405
+ double gt_mse = 0.0, run_time;
406
+ double begin_time, end_time;
407
+ std::vector<double> gt_mses, times;
408
+
409
+ if(par.has_groundtruth)
410
+ {
411
+ Eigen::Vector3d temp_trans = par.gt_trans.block(0, 3, 3, 1);
412
+ X_gt = ori_X;
413
+ X_gt.colwise() += source_mean;
414
+ X_gt = par.gt_trans.block(0, 0, 3, 3) * X_gt;
415
+ X_gt.colwise() += temp_trans - target_mean;
416
+ }
417
+
418
+ begin_time = omp_get_wtime();
419
+
420
+ /// ICP
421
+ int icp;
422
+ int total_iters = 0;
423
+ for (icp = 0; icp<par.max_icp; ++icp) {
424
+
425
+ /// Find closest point
426
+ #pragma omp parallel for
427
+ for (int i = 0; i<X.cols(); ++i) {
428
+ int id = kdtree.closest(X.col(i).data());
429
+ Qp.col(i) = Y.col(id);
430
+ Qn.col(i) = N.col(id);
431
+ }
432
+
433
+ end_time = omp_get_wtime();
434
+ run_time = end_time - begin_time;
435
+ ///calc mse and gt_mse
436
+ if(par.has_groundtruth)
437
+ {
438
+ gt_mse = (X - X_gt).squaredNorm() / nPoints;
439
+ }
440
+ times.push_back(run_time);
441
+ gt_mses.push_back(gt_mse);
442
+
443
+ if(par.print_icpn)
444
+ std::cout << "iter = " << icp << ", time = " << run_time << ", gt_mse = " << gt_mse << std::endl;
445
+
446
+ /// Computer rotation and translation
447
+ double mu = par.mu;
448
+ for (int outer = 0; outer<par.max_outer; ++outer) {
449
+ double dual = 0.0;
450
+ for (int inner = 0; inner<par.max_inner; ++inner) {
451
+ total_iters++;
452
+ /// Z update (shrinkage)
453
+ Z = (Qn.array()*(X - Qp).array()).colwise().sum().transpose() + C.array() / mu;
454
+ shrink<3>(Z, mu, par.p);
455
+ /// Rotation and translation update
456
+ Eigen::VectorXd U = Z - C / mu;
457
+ T = RigidMotionEstimator::point_to_plane(X, Qp, Qn, Eigen::VectorXd::Ones(X.cols()), U)*T;
458
+ /// Stopping criteria
459
+ dual = (X - Xo1).colwise().norm().maxCoeff();
460
+ Xo1 = X;
461
+ if (dual < par.stop) break;
462
+ }
463
+ /// C update (lagrange multipliers)
464
+ Eigen::VectorXd P = (Qn.array()*(X - Qp).array()).colwise().sum().transpose() - Z.array();
465
+ if (!par.use_penalty) C.noalias() += mu*P;
466
+ /// mu update (penalty)
467
+ if (mu < par.max_mu) mu *= par.alpha;
468
+ /// Stopping criteria
469
+ double primal = P.array().abs().maxCoeff();
470
+ if (primal < par.stop && dual < par.stop) break;
471
+ }
472
+ /// Stopping criteria
473
+ double stop = (X - Xo2).colwise().norm().maxCoeff();
474
+ Xo2 = X;
475
+ if (stop < par.stop) break;
476
+ }
477
+ if(par.has_groundtruth)
478
+ {
479
+ gt_mse = (X-X_gt).squaredNorm()/nPoints;
480
+ }
481
+ if(par.print_icpn)
482
+ {
483
+ std::ofstream out_res(par.out_path);
484
+ for(int i = 0; i<times.size(); i++)
485
+ {
486
+ out_res << times[i] << " " <<gt_mses[i] << std::endl;
487
+ }
488
+ out_res.close();
489
+ }
490
+
491
+ T.translation() += - T.rotation() * source_mean + target_mean;
492
+ X.colwise() += target_mean;
493
+ ///save convergence result
494
+ par.convergence_gt_mse = gt_mse;
495
+ par.convergence_iter = icp;
496
+ par.res_trans = T.matrix();
497
+ par.total_iters = total_iters;
498
+ }
499
+ }
500
+ ///////////////////////////////////////////////////////////////////////////////
501
+ /// ICP implementation using iterative reweighting
502
+ namespace ICP {
503
+ enum Function {
504
+ PNORM,
505
+ TUKEY,
506
+ FAIR,
507
+ LOGISTIC,
508
+ TRIMMED,
509
+ WELSCH,
510
+ AUTOWELSCH,
511
+ NONE
512
+ };
513
+ enum AAElementType {
514
+ EULERANGLE,
515
+ QUATERNION,
516
+ LOG_TRANS,
517
+ ROTATION,
518
+ FPFH,
519
+ DUAL_QUATERNION
520
+ };
521
+ class Parameters {
522
+ public:
523
+ Parameters() : f(NONE),
524
+ p(0.1),
525
+ max_icp(100),
526
+ max_outer(1),
527
+ stop(1e-5),
528
+ use_AA(false),
529
+ print_energy(false),
530
+ print_output(false),
531
+ anderson_m(5),
532
+ beta_(1.0),
533
+ error_overflow_threshold_(0.05),
534
+ has_groundtruth(false),
535
+ gt_trans(Eigen::Matrix4d::Identity()),
536
+ convergence_energy(0.0),
537
+ convergence_iter(0),
538
+ convergence_gt_mse(0.0),
539
+ nu_begin_k(3),
540
+ nu_end_k(1.0/(3.0*sqrt(3.0))),
541
+ use_init(false),
542
+ nu_alpha(1.0/2) {}
543
+ /// Parameters
544
+ Function f; /// robust function type
545
+ double p; /// paramter of the robust function/// para k
546
+ int max_icp; /// max ICP iteration
547
+ int max_outer; /// max outer iteration
548
+ double stop; /// stopping criteria
549
+ bool use_AA; /// whether using anderson acceleration
550
+ std::string out_path;
551
+ bool print_energy;///whether print energy
552
+ bool print_output; ///whether write result to txt
553
+ int anderson_m;
554
+ double beta_;
555
+ double error_overflow_threshold_;
556
+ MatrixXX init_trans;
557
+ MatrixXX gt_trans;
558
+ bool has_groundtruth;
559
+ double convergence_energy;
560
+ int convergence_iter;
561
+ double convergence_gt_mse;
562
+ MatrixXX res_trans;
563
+ double nu_begin_k;
564
+ double nu_end_k;
565
+ bool use_init;
566
+ double nu_alpha;
567
+ };
568
+ /// Weight functions
569
+ /// @param Residuals
570
+ /// @param Parameter
571
+ void uniform_weight(Eigen::VectorXd& r) {
572
+ r = Eigen::VectorXd::Ones(r.rows());
573
+ }
574
+ /// @param Residuals
575
+ /// @param Parameter
576
+ void pnorm_weight(Eigen::VectorXd& r, double p, double reg = 1e-8) {
577
+ for (int i = 0; i<r.rows(); ++i) {
578
+ r(i) = p / (std::pow(r(i), 2 - p) + reg);
579
+ }
580
+ }
581
+ /// @param Residuals
582
+ /// @param Parameter
583
+ void tukey_weight(Eigen::VectorXd& r, double p) {
584
+ for (int i = 0; i<r.rows(); ++i) {
585
+ if (r(i) > p) r(i) = 0.0;
586
+ else r(i) = std::pow((1.0 - std::pow(r(i) / p, 2.0)), 2.0);
587
+ }
588
+ }
589
+ /// @param Residuals
590
+ /// @param Parameter
591
+ void fair_weight(Eigen::VectorXd& r, double p) {
592
+ for (int i = 0; i<r.rows(); ++i) {
593
+ r(i) = 1.0 / (1.0 + r(i) / p);
594
+ }
595
+ }
596
+ /// @param Residuals
597
+ /// @param Parameter
598
+ void logistic_weight(Eigen::VectorXd& r, double p) {
599
+ for (int i = 0; i<r.rows(); ++i) {
600
+ r(i) = (p / r(i))*std::tanh(r(i) / p);
601
+ }
602
+ }
603
+ struct sort_pred {
604
+ bool operator()(const std::pair<int, double> &left,
605
+ const std::pair<int, double> &right) {
606
+ return left.second < right.second;
607
+ }
608
+ };
609
+ /// @param Residuals
610
+ /// @param Parameter
611
+ void trimmed_weight(Eigen::VectorXd& r, double p) {
612
+ std::vector<std::pair<int, double> > sortedDist(r.rows());
613
+ for (int i = 0; i<r.rows(); ++i) {
614
+ sortedDist[i] = std::pair<int, double>(i, r(i));
615
+ }
616
+ std::sort(sortedDist.begin(), sortedDist.end(), sort_pred());
617
+ r.setZero();
618
+ int nbV = r.rows()*p;
619
+ for (int i = 0; i<nbV; ++i) {
620
+ r(sortedDist[i].first) = 1.0;
621
+ }
622
+ }
623
+ /// @param Residuals
624
+ /// @param Parameter
625
+ void welsch_weight(Eigen::VectorXd& r, double p) {
626
+ for (int i = 0; i<r.rows(); ++i) {
627
+ r(i) = std::exp(-r(i)*r(i)/(2*p*p));
628
+ }
629
+ }
630
+
631
+ /// @param Residuals
632
+ /// @param Parameter
633
+ void autowelsch_weight(Eigen::VectorXd& r, double p) {
634
+ double median;
635
+ igl::median(r, median);
636
+ welsch_weight(r, p*median/(std::sqrt(2)*2.3));
637
+ //welsch_weight(r,p);
638
+ }
639
+
640
+ /// Energy functions
641
+ /// @param Residuals
642
+ /// @param Parameter
643
+ double uniform_energy(Eigen::VectorXd& r) {
644
+ double energy = 0;
645
+ for (int i = 0; i<r.rows(); ++i) {
646
+ energy += r(i)*r(i);
647
+ }
648
+ return energy;
649
+ }
650
+ /// @param Residuals
651
+ /// @param Parameter
652
+ double pnorm_energy(Eigen::VectorXd& r, double p, double reg = 1e-8) {
653
+ double energy = 0;
654
+ for (int i = 0; i<r.rows(); ++i) {
655
+ energy += (r(i)*r(i))*p / (std::pow(r(i), 2 - p) + reg);
656
+ }
657
+ return energy;
658
+ }
659
+ /// @param Residuals
660
+ /// @param Parameter
661
+ double tukey_energy(Eigen::VectorXd& r, double p) {
662
+ double energy = 0;
663
+ double w;
664
+ for (int i = 0; i<r.rows(); ++i) {
665
+ if (r(i) > p) w = 0.0;
666
+ else w = std::pow((1.0 - std::pow(r(i) / p, 2.0)), 2.0);
667
+
668
+ energy += (r(i)*r(i))*w;
669
+ }
670
+ return energy;
671
+ }
672
+ /// @param Residuals
673
+ /// @param Parameter
674
+ double fair_energy(Eigen::VectorXd& r, double p) {
675
+ double energy = 0;
676
+ for (int i = 0; i<r.rows(); ++i) {
677
+ energy += (r(i)*r(i))*1.0 / (1.0 + r(i) / p);
678
+ }
679
+ return energy;
680
+ }
681
+ /// @param Residuals
682
+ /// @param Parameter
683
+ double logistic_energy(Eigen::VectorXd& r, double p) {
684
+ double energy = 0;
685
+ for (int i = 0; i<r.rows(); ++i) {
686
+ energy += (r(i)*r(i))*(p / r(i))*std::tanh(r(i) / p);
687
+ }
688
+ return energy;
689
+ }
690
+ /// @param Residuals
691
+ /// @param Parameter
692
+ double trimmed_energy(Eigen::VectorXd& r, double p) {
693
+ std::vector<std::pair<int, double> > sortedDist(r.rows());
694
+ for (int i = 0; i<r.rows(); ++i) {
695
+ sortedDist[i] = std::pair<int, double>(i, r(i));
696
+ }
697
+ std::sort(sortedDist.begin(), sortedDist.end(), sort_pred());
698
+ Eigen::VectorXd t = r;
699
+ t.setZero();
700
+ double energy = 0;
701
+ int nbV = r.rows()*p;
702
+ for (int i = 0; i<nbV; ++i) {
703
+ energy += r(i)*r(i);
704
+ }
705
+ return energy;
706
+ }
707
+
708
+ /// @param Residuals
709
+ /// @param Parameter
710
+ double welsch_energy(Eigen::VectorXd& r, double p) {
711
+ double energy = 0;
712
+ for (int i = 0; i<r.rows(); ++i) {
713
+ energy += 1.0 - std::exp(-r(i)*r(i)/(2*p*p));
714
+ }
715
+ return energy;
716
+ }
717
+ /// @param Residuals
718
+ /// @param Parameter
719
+ double autowelsch_energy(Eigen::VectorXd& r, double p) {
720
+ double energy = 0;
721
+ energy = welsch_energy(r, 0.5);
722
+ return energy;
723
+ }
724
+ /// @param Function type
725
+ /// @param Residuals
726
+ /// @param Parameter
727
+ void robust_weight(Function f, Eigen::VectorXd& r, double p) {
728
+ switch (f) {
729
+ case PNORM: pnorm_weight(r, p); break;
730
+ case TUKEY: tukey_weight(r, p); break;
731
+ case FAIR: fair_weight(r, p); break;
732
+ case LOGISTIC: logistic_weight(r, p); break;
733
+ case TRIMMED: trimmed_weight(r, p); break;
734
+ case WELSCH: welsch_weight(r, p); break;
735
+ case AUTOWELSCH: autowelsch_weight(r,p); break;
736
+ case NONE: uniform_weight(r); break;
737
+ default: uniform_weight(r); break;
738
+ }
739
+ }
740
+
741
+ //Cacl energy
742
+ double get_energy(Function f, Eigen::VectorXd& r, double p) {
743
+ double energy = 0;
744
+ switch (f) {
745
+ //case PNORM: pnorm_weight(r,p); break;
746
+ case TUKEY: energy = tukey_energy(r, p); break;
747
+ case FAIR: energy = fair_energy(r, p); break;
748
+ case LOGISTIC: energy = logistic_energy(r, p); break;
749
+ case TRIMMED: energy = trimmed_energy(r, p); break;
750
+ case WELSCH: energy = welsch_energy(r, p); break;
751
+ case AUTOWELSCH: energy = autowelsch_energy(r, p); break;
752
+ case NONE: energy = uniform_energy(r); break;
753
+ default: energy = uniform_energy(r); break;
754
+ }
755
+ return energy;
756
+ }
757
+ }
758
+ namespace AAICP{
759
+ typedef Eigen::Matrix<Scalar, 3, 1> Vector3;
760
+ typedef Eigen::Matrix<Scalar, 6, 1> Vector6;
761
+ typedef Eigen::Matrix<Scalar, 3, 3> Matrix3;
762
+ typedef Eigen::Matrix<Scalar, 4, 4> Matrix4;
763
+ typedef Eigen::Matrix<Scalar, Eigen::Dynamic, 1> VectorX;
764
+ typedef Eigen::Matrix<Scalar, 6, Eigen::Dynamic> Matrix6X;
765
+
766
+ ///aaicp
767
+ ///////////////////////////////////////////////////////////////////////////////////////////
768
+ Vector6 Matrix42Vector6 (const Matrix4 m)
769
+ {
770
+ Vector6 v;
771
+ Matrix3 s = m.block(0,0,3,3);
772
+ v.head(3) = s.eulerAngles(0, 1, 2);
773
+ v.tail(3) = m.col(3).head(3);
774
+ return v;
775
+ }
776
+
777
+ ///////////////////////////////////////////////////////////////////////////////////////////
778
+ Matrix4 Vector62Matrix4 (const Vector6 v)
779
+ {
780
+ Matrix3 s (Eigen::AngleAxis<Scalar>(v(0), Vector3::UnitX())
781
+ * Eigen::AngleAxis<Scalar>(v(1), Vector3::UnitY())
782
+ * Eigen::AngleAxis<Scalar>(v(2), Vector3::UnitZ()));
783
+ Matrix4 m = Matrix4::Zero();
784
+ m.block(0,0,3,3) = s;
785
+ m(3,3) = 1;
786
+ m.col(3).head(3) = v.tail(3);
787
+ return m;
788
+ }
789
+
790
+ ///////////////////////////////////////////////////////////////////////////////////////////
791
+ int alphas_cond (VectorX alphas)
792
+ {
793
+ double alpha_limit_min_ = -10;
794
+ double alpha_limit_max_ = 10;
795
+ return alpha_limit_min_ < alphas.minCoeff() && alphas.maxCoeff() < alpha_limit_max_ && alphas(alphas.size()-1) > 0;
796
+ }
797
+
798
+ ///////////////////////////////////////////////////////////////////////////////////////////
799
+ VectorX get_alphas_lstsq (const Matrix6X f)
800
+ {
801
+ Matrix6X A = f.leftCols(f.cols()-1);
802
+ A *= -1;
803
+ A += f.rightCols(1) * VectorX::Constant(f.cols()-1, 1).transpose();
804
+ VectorX sol = A.colPivHouseholderQr().solve(f.rightCols(1));
805
+ sol.conservativeResize(sol.size()+1);
806
+ sol[sol.size()-1] = 0;
807
+ sol[sol.size()-1] = 1-sol.sum();
808
+ return sol;
809
+ }
810
+
811
+ ///////////////////////////////////////////////////////////////////////////////////////////
812
+ VectorX get_next_u (const Matrix6X u, const Matrix6X g, const Matrix6X f, std::vector<double> & save_alphas)
813
+ {
814
+ int i = 1;
815
+ double beta_ = 1.0;
816
+ save_alphas.clear();
817
+ Vector6 sol = ((1-beta_)*u.col(u.cols()-1) + beta_*g.col(g.cols()-1));
818
+ VectorX sol_alphas(1);
819
+ sol_alphas << 1;
820
+
821
+ i = 2;
822
+ for (; i <= f.cols(); i++)
823
+ {
824
+ VectorX alphas = get_alphas_lstsq(f.rightCols(i));
825
+ if (!alphas_cond(alphas))
826
+ {
827
+ break;
828
+ }
829
+ sol = (1-beta_)*u.rightCols(i)*alphas + beta_*g.rightCols(i)*alphas;
830
+ sol_alphas = alphas;
831
+ }
832
+ for(int i= 0; i<sol_alphas.rows(); i++)
833
+ {
834
+ save_alphas.push_back(sol_alphas[i]);
835
+ }
836
+ return sol;
837
+ }
838
+
839
+
840
+ template <typename Derived1, typename Derived2, typename Derived3>
841
+ void point_to_point_aaicp(Eigen::MatrixBase<Derived1>& X,Eigen::MatrixBase<Derived2>& Y, Eigen::MatrixBase<Derived3>& source_mean,
842
+ Eigen::MatrixBase<Derived3>& target_mean,
843
+ ICP::Parameters& par) {
844
+ /// Build kd-tree
845
+ nanoflann::KDTreeAdaptor<Eigen::MatrixBase<Derived2>, 3, nanoflann::metric_L2_Simple> kdtree(Y);
846
+ /// Buffers
847
+ Eigen::Matrix3Xd Q = Eigen::Matrix3Xd::Zero(3, X.cols());
848
+ Eigen::VectorXd W = Eigen::VectorXd::Zero(X.cols());
849
+ Eigen::Matrix3Xd ori_X = X;
850
+
851
+ double prev_energy = std::numeric_limits<double>::max(), energy = std::numeric_limits<double>::max();
852
+ Eigen::Affine3d T;
853
+ if(par.use_init)
854
+ {
855
+ T.linear() = par.init_trans.block(0,0,3,3);
856
+ T.translation() = par.init_trans.block(0,3,3,1);
857
+ }
858
+ else
859
+ T = Eigen::Affine3d::Identity();
860
+ Eigen::Matrix3Xd X_gt = X;
861
+ ///stop criterion paras
862
+ MatrixXX To1 =T.matrix();
863
+ MatrixXX To2 = T.matrix();
864
+
865
+ ///AA paras
866
+ Matrix6X u(6,0), g(6,0), f(6,0);
867
+ Vector6 u_next, u_k;
868
+ Matrix4 transformation = Matrix4::Identity();
869
+ Matrix4 final_transformation = Matrix4::Identity();
870
+
871
+ ///output para
872
+ std::vector<double> times, energys, gt_mses;
873
+ double gt_mse;
874
+ double begin_time, end_time, run_time;
875
+ begin_time = omp_get_wtime();
876
+
877
+ ///output coeffs
878
+ std::vector<std::vector<double>> coeffs;
879
+ coeffs.clear();
880
+ std::vector<double> alphas;
881
+
882
+ X = T * X;
883
+ ///groud truth target point cloud
884
+ if(par.has_groundtruth)
885
+ {
886
+ Eigen::Vector3d temp_trans = par.gt_trans.block(0, 3, 3, 1);
887
+ X_gt = ori_X;
888
+ X_gt.colwise() += source_mean;
889
+ X_gt = par.gt_trans.block(0, 0, 3, 3) * X_gt;
890
+ X_gt.colwise() += temp_trans - target_mean;
891
+ }
892
+
893
+ ///begin ICP
894
+ int icp = 0;
895
+ for (; icp<par.max_icp; ++icp)
896
+ {
897
+ bool accept_aa = false;
898
+ int nPoints = X.cols();
899
+ end_time = omp_get_wtime();
900
+ run_time = end_time - begin_time;
901
+ /// Find closest point
902
+ #pragma omp parallel for
903
+ for (int i = 0; i<nPoints; ++i) {
904
+ Q.col(i) = Y.col(kdtree.closest(X.col(i).data()));
905
+ }
906
+
907
+ ///calc time
908
+
909
+ times.push_back(run_time);
910
+ if(par.has_groundtruth)
911
+ {
912
+ gt_mse = pow((X - X_gt).norm(),2) / nPoints;
913
+ }
914
+ gt_mses.push_back(gt_mse);
915
+
916
+ /// Computer rotation and translation
917
+ /// Compute weights
918
+ W = (X - Q).colwise().norm();
919
+ robust_weight(par.f, W, par.p);
920
+
921
+ /// Rotation and translation update
922
+ T = RigidMotionEstimator::point_to_point(X, Q, W) * T;
923
+ final_transformation = T.matrix();
924
+
925
+ ///Anderson acceleration
926
+ if(icp)
927
+ {
928
+ Vector6 g_k = Matrix42Vector6(transformation * final_transformation);
929
+ // Calculate energy
930
+ W = (X - Q).colwise().norm();
931
+ energy = get_energy(par.f, W, par.p);
932
+
933
+ ///The first heuristic
934
+ if ((energy - prev_energy)/prev_energy > par.error_overflow_threshold_) {
935
+ u_next = u_k = g.rightCols(1);
936
+ prev_energy = std::numeric_limits<double>::max();
937
+ u = u.rightCols(2);
938
+ g = g.rightCols(1);
939
+ f = f.rightCols(1);
940
+ }
941
+ else
942
+ {
943
+ prev_energy = energy;
944
+
945
+ g.conservativeResize(g.rows(),g.cols()+1);
946
+ g.col(g.cols()-1) = g_k;
947
+
948
+ Vector6 f_k = g_k - u_k;
949
+ f.conservativeResize(f.rows(),f.cols()+1);
950
+ f.col(f.cols()-1) = f_k;
951
+
952
+ u_next = get_next_u(u, g, f, alphas);
953
+ u.conservativeResize(u.rows(),u.cols()+1);
954
+ u.col(u.cols()-1) = u_next;
955
+
956
+ u_k = u_next;
957
+ accept_aa = true;
958
+ }
959
+ }
960
+ ///init
961
+ else
962
+ {
963
+ // Calculate energy
964
+ W = (X - Q).colwise().norm();
965
+ prev_energy = get_energy(par.f, W, par.p);
966
+ Vector6 u0 = Matrix42Vector6(Matrix4::Identity());
967
+ u.conservativeResize(u.rows(),u.cols()+1);
968
+ u.col(0)=u0;
969
+
970
+ Vector6 u1 = Matrix42Vector6(transformation * final_transformation);
971
+ g.conservativeResize(g.rows(),g.cols()+1);
972
+ g.col(0)=u1;
973
+
974
+ u.conservativeResize(u.rows(),u.cols()+1);
975
+
976
+ u.col(1)=u1;
977
+
978
+ f.conservativeResize(f.rows(),f.cols()+1);
979
+ f.col(0)=u1 - u0;
980
+
981
+ u_next = u1;
982
+ u_k = u1;
983
+
984
+ energy = prev_energy;
985
+ }
986
+
987
+ transformation = Vector62Matrix4(u_next)*(final_transformation.inverse());
988
+ final_transformation = Vector62Matrix4(u_next);
989
+ X = final_transformation.block(0,0,3,3) * ori_X;
990
+ Vector3 trans = final_transformation.block(0,3,3,1);
991
+ X.colwise() += trans;
992
+
993
+ energys.push_back(energy);
994
+
995
+ if (par.print_energy)
996
+ std::cout << "icp iter = " << icp << ", Energy = " << energy << ", gt_mse = " << gt_mse<< std::endl;
997
+
998
+ /// Stopping criteria
999
+ double stop2 = (final_transformation - To2).norm();
1000
+ To2 = final_transformation;
1001
+ if (stop2 < par.stop && icp) break;
1002
+ }
1003
+
1004
+ W = (X - Q).colwise().norm();
1005
+ double last_energy = get_energy(par.f, W, par.p);
1006
+ gt_mse = pow((X - X_gt).norm(),2) / X.cols();
1007
+
1008
+ final_transformation.block(0,3,3,1) += -final_transformation.block(0, 0, 3, 3)*source_mean + target_mean;
1009
+ X.colwise() += target_mean;
1010
+
1011
+ ///save convergence result
1012
+ par.convergence_energy = last_energy;
1013
+ par.convergence_gt_mse = gt_mse;
1014
+ par.convergence_iter = icp;
1015
+ par.res_trans = final_transformation;
1016
+
1017
+ ///output
1018
+ if (par.print_output)
1019
+ {
1020
+ std::ofstream out_res(par.out_path);
1021
+ if (!out_res.is_open())
1022
+ {
1023
+ std::cout << "Can't open out file " << par.out_path << std::endl;
1024
+ }
1025
+ ///output time and energy
1026
+ out_res.precision(16);
1027
+ for (int i = 0; i<icp; i++)
1028
+ {
1029
+ out_res << times[i] << " " << energys[i] <<" " << gt_mses[i] << std::endl;
1030
+ }
1031
+ out_res.close();
1032
+ }
1033
+ }
1034
+ }
1035
+ #endif
LICENSE ADDED
@@ -0,0 +1,21 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ MIT License
2
+
3
+ Copyright (c) 2020 yaoyuxin
4
+
5
+ Permission is hereby granted, free of charge, to any person obtaining a copy
6
+ of this software and associated documentation files (the "Software"), to deal
7
+ in the Software without restriction, including without limitation the rights
8
+ to use, copy, modify, merge, publish, distribute, sublicense, and/or sell
9
+ copies of the Software, and to permit persons to whom the Software is
10
+ furnished to do so, subject to the following conditions:
11
+
12
+ The above copyright notice and this permission notice shall be included in all
13
+ copies or substantial portions of the Software.
14
+
15
+ THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR
16
+ IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,
17
+ FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE
18
+ AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER
19
+ LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,
20
+ OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE
21
+ SOFTWARE.
README.md CHANGED
@@ -1,3 +1,96 @@
1
- ---
2
- license: mit
3
- ---
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ # Fast-Robust-ICP
2
+
3
+ This repository includes the source code the paper [Fast and Robust Iterative Closet Point](https://arxiv.org/abs/2007.07627).
4
+
5
+ Authors: [Juyong Zhang](http://staff.ustc.edu.cn/~juyong/), [Yuxin Yao](https://yaoyx689.github.io/), [Bailin Deng](http://www.bdeng.me/).
6
+
7
+ This code was written by Yuxin Yao. If you have questions, please contact yaoyuxin@mail.ustc.edu.cn.
8
+
9
+
10
+ ## Compilation
11
+
12
+ The code is compiled using [CMake](https://cmake.org/) and requires [Eigen](https://eigen.tuxfamily.org/). It has been tested on Ubuntu 16.04 with gcc 5.4.0 and on Windows with Visual Studio 2015.
13
+
14
+ Follow the following steps to compile the code:
15
+
16
+ 1) Make sure Eigen is installed. We recommend version 3.3+.
17
+ - Download Eigen from eigen.tuxfamily.org and extract it
18
+ into a folder 'eigen' within the 'include' folder. Make sure the files 'include/eigen/Eigen/Dense' and 'include/eigen/unsupported/Eigen/MatrixFunctions' can be found
19
+ - Alternatively: On Ubuntu, use the command "apt-get install libeigen3-dev" to install Eigen.
20
+
21
+ 2) Create a build folder 'build' within the root directory of the code
22
+
23
+ 3) Run cmake to generate the build files inside the build folder, and compile the source code:
24
+ - On linux, run the following commands within the build folder:
25
+ ```
26
+ $ cmake -DCMAKE_BUILD_TYPE=Release ..
27
+ $ make
28
+ ```
29
+ - On windows, use the cmake GUI to generate a visual studio solution file, and build the solution.
30
+
31
+ 4) Afterwards, there should be an exectuable file 'FRICP' generated.
32
+
33
+ ## Usage
34
+
35
+ The program is run with four input parameters:
36
+
37
+ 1. an input file storing the source point cloud;
38
+ 2. an input file storing the target point cloud;
39
+ 3. an output path storing the registered source point cloud and transformation;
40
+ 4. registration method:
41
+ ```
42
+ 0: ICP
43
+ 1: AA-ICP
44
+ 2: Ours (Fast ICP)
45
+ 3: Ours (Robust ICP)
46
+ 4: ICP Point-to-plane
47
+ 5: Our (Robust ICP point-to-plane)
48
+ 6: Sparse ICP
49
+ 7: Sparse ICP point-to-plane
50
+ ```
51
+ You can ignore the last parameter, in which case `Ours (Robust ICP)` will be used by default.
52
+
53
+ Example:
54
+ ```
55
+ $ ./FRICP ./data/target.ply ./data/source.ply ./data/res/ 3
56
+ ```
57
+ But obj and ply (Non-binary encoding) files are supported.
58
+
59
+ ### Initialization support
60
+ If you have an initial transformation that can be applied on the input source model to roughly align with the input target model, you can set `use_init=true` and set `file_init` to the initial file name in `main.cpp` . The format of the initial transformation is a 4x4 matrix(`[R, t; 0, 1]`), where `R` is a 3x3 rotation matrix and `t` is a 3x1 translation vector. These numbers are stored in 4 rows, and separated by spaces in each row. This format is the same as the output transformation of this code. It is worth mentioning that this code will align the center of gravity of the initial source and target models by default before starting the registration process, but this operation will be no longer used when the initial transformation is provided. In our experiment, we directly use the output file of transformation matrix generated by [Super4PCS](https://github.com/nmellado/Super4PCS) as the initial file.
61
+
62
+ ### Note
63
+ If the source model and the target model have a good initial alignment, you can replace the contents (in the lines 63-67 of ``main.cpp``)
64
+ ```
65
+ VectorN source_mean, target_mean;
66
+ source_mean = vertices_source.rowwise().sum() / double(vertices_source.cols());
67
+ target_mean = vertices_target.rowwise().sum() / double(vertices_target.cols());
68
+ vertices_source.colwise() -= source_mean;
69
+ vertices_target.colwise() -= target_mean;
70
+ ```
71
+ with
72
+ ```
73
+ VectorN source_mean(0,0,0), target_mean(0,0,0);
74
+ ```
75
+ This modification is more suitable for examples with low overlap rates.
76
+
77
+
78
+ ## Citation
79
+
80
+ Please cite the following papers if it helps your research:
81
+
82
+ ```
83
+ @article{zhang2021fast,
84
+ author={Juyong Zhang and Yuxin Yao and Bailin Deng},
85
+ title={Fast and Robust Iterative Closest Point},
86
+ journal={IEEE Transactions on Pattern Analysis and Machine Intelligence},
87
+ year={2022},
88
+ volume={44},
89
+ number={7},
90
+ pages={3450-3466}}
91
+ ```
92
+
93
+
94
+
95
+ ## Acknowledgements
96
+ The code is adapted from the [Sparse ICP implementation](https://github.com/OpenGP/sparseicp) released by the authors.
Types.h ADDED
@@ -0,0 +1,121 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ #ifndef TYPES_H
2
+ #define TYPES_H
3
+
4
+ #include <eigen/Eigen/Dense>
5
+
6
+ #ifdef USE_FLOAT_SCALAR
7
+ typedef float Scalar
8
+ #else
9
+ typedef double Scalar;
10
+ #endif
11
+
12
+ #ifdef EIGEN_DONT_ALIGN
13
+ #define EIGEN_ALIGNMENT Eigen::DontAlign
14
+ #else
15
+ #define EIGEN_ALIGNMENT Eigen::AutoAlign
16
+ #endif
17
+
18
+
19
+ template < int Rows, int Cols, int Options = (Eigen::ColMajor | EIGEN_ALIGNMENT) >
20
+ using MatrixT = Eigen::Matrix<Scalar, Rows, Cols, Options>; ///< A typedef of the dense matrix of Eigen.
21
+ typedef MatrixT<2, 1> Vector2; ///< A 2d column vector.
22
+ typedef MatrixT<2, 2> Matrix22; ///< A 2 by 2 matrix.
23
+ typedef MatrixT<2, 3> Matrix23; ///< A 2 by 3 matrix.
24
+ typedef MatrixT<3, 1> Vector3; ///< A 3d column vector.
25
+ typedef MatrixT<3, 2> Matrix32; ///< A 3 by 2 matrix.
26
+ typedef MatrixT<3, 3> Matrix33; ///< A 3 by 3 matrix.
27
+ typedef MatrixT<3, 4> Matrix34; ///< A 3 by 4 matrix.
28
+ typedef MatrixT<4, 1> Vector4; ///< A 4d column vector.
29
+ typedef MatrixT<4, 4> Matrix44; ///< A 4 by 4 matrix.
30
+ typedef MatrixT<4, Eigen::Dynamic> Matrix4X; ///< A 4 by n matrix.
31
+ typedef MatrixT<3, Eigen::Dynamic> Matrix3X; ///< A 3 by n matrix.
32
+ typedef MatrixT<Eigen::Dynamic, 3> MatrixX3; ///< A n by 3 matrix.
33
+ typedef MatrixT<2, Eigen::Dynamic> Matrix2X; ///< A 2 by n matrix.
34
+ typedef MatrixT<Eigen::Dynamic, 2> MatrixX2; ///< A n by 2 matrix.
35
+ typedef MatrixT<Eigen::Dynamic, 1> VectorX; ///< A nd column vector.
36
+ typedef MatrixT<Eigen::Dynamic, Eigen::Dynamic> MatrixXX; ///< A n by m matrix.
37
+ typedef Eigen::Matrix<Scalar, 12, 12, 0, 12, 12> EigenMatrix12;
38
+
39
+ // eigen quaternions
40
+ typedef Eigen::AngleAxis<Scalar> EigenAngleAxis;
41
+ typedef Eigen::Quaternion<Scalar, Eigen::DontAlign> EigenQuaternion;
42
+
43
+ // Conversion between a 3d vector type to Eigen::Vector3d
44
+ template<typename Vec_T>
45
+ inline Vector3 to_eigen_vec3(const Vec_T &vec)
46
+ {
47
+ return Vector3(vec[0], vec[1], vec[2]);
48
+ }
49
+
50
+
51
+ template<typename Vec_T>
52
+ inline Vec_T from_eigen_vec3(const Vector3 &vec)
53
+ {
54
+ Vec_T v;
55
+ v[0] = vec(0);
56
+ v[1] = vec(1);
57
+ v[2] = vec(2);
58
+
59
+ return v;
60
+ }
61
+
62
+
63
+ class Matrix3333 // 3x3 matrix: each element is a 3x3 matrix
64
+ {
65
+ public:
66
+ Matrix3333();
67
+ Matrix3333(const Matrix3333& other);
68
+ ~Matrix3333() {}
69
+
70
+ void SetZero(); // [0 0 0; 0 0 0; 0 0 0]; 0 = 3x3 zeros
71
+ void SetIdentity(); //[I 0 0; 0 I 0; 0 0 I]; 0 = 3x3 zeros, I = 3x3 identity
72
+
73
+ // operators
74
+ Matrix33& operator() (int row, int col);
75
+ Matrix3333 operator+ (const Matrix3333& plus);
76
+ Matrix3333 operator- (const Matrix3333& minus);
77
+ Matrix3333 operator* (const Matrix33& multi);
78
+ friend Matrix3333 operator* (const Matrix33& multi1, Matrix3333& multi2);
79
+ Matrix3333 operator* (Scalar multi);
80
+ friend Matrix3333 operator* (Scalar multi1, Matrix3333& multi2);
81
+ Matrix3333 transpose();
82
+ Matrix33 Contract(const Matrix33& multi); // this operator is commutative
83
+ Matrix3333 Contract(Matrix3333& multi);
84
+
85
+ //protected:
86
+
87
+ Matrix33 mat[3][3];
88
+ };
89
+
90
+ class Matrix2222 // 2x2 matrix: each element is a 2x2 matrix
91
+ {
92
+ public:
93
+ Matrix2222();
94
+ Matrix2222(const Matrix2222& other);
95
+ ~Matrix2222() {}
96
+
97
+ void SetZero(); // [0 0; 0 0]; 0 = 2x2 zeros
98
+ void SetIdentity(); //[I 0; 0 I;]; 0 = 2x2 zeros, I = 2x2 identity
99
+
100
+ // operators and basic functions
101
+ Matrix22& operator() (int row, int col);
102
+ Matrix2222 operator+ (const Matrix2222& plus);
103
+ Matrix2222 operator- (const Matrix2222& minus);
104
+ Matrix2222 operator* (const Matrix22& multi);
105
+ friend Matrix2222 operator* (const Matrix22& multi1, Matrix2222& multi2);
106
+ Matrix2222 operator* (Scalar multi);
107
+ friend Matrix2222 operator* (Scalar multi1, Matrix2222& multi2);
108
+ Matrix2222 transpose();
109
+ Matrix22 Contract(const Matrix22& multi); // this operator is commutative
110
+ Matrix2222 Contract(Matrix2222& multi);
111
+
112
+ protected:
113
+
114
+ Matrix22 mat[2][2];
115
+ };
116
+
117
+ // dst = src1 \kron src2
118
+ void directProduct(Matrix3333& dst, const Matrix33& src1, const Matrix33& src2);
119
+ void directProduct(Matrix2222& dst, const Matrix22& src1, const Matrix22& src2);
120
+ #endif // TYPES_H
121
+ ///////////////////////////////////////////////////////////////////////////////
build/CMakeCache.txt ADDED
@@ -0,0 +1,422 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ # This is the CMakeCache file.
2
+ # For build in directory: /home/cam/Desktop/ICP/Fast-Robust-ICP/build
3
+ # It was generated by CMake: /usr/local/bin/cmake
4
+ # You can edit this file to change values found and used by cmake.
5
+ # If you do not want to change any of the values, simply exit the editor.
6
+ # If you do want to change a value, simply edit, save, and exit the editor.
7
+ # The syntax for the file is as follows:
8
+ # KEY:TYPE=VALUE
9
+ # KEY is the name of a variable in the cache.
10
+ # TYPE is a hint to GUIs for the type of VALUE, DO NOT EDIT TYPE!.
11
+ # VALUE is the current value for the KEY.
12
+
13
+ ########################
14
+ # EXTERNAL cache entries
15
+ ########################
16
+
17
+ //Path to a program.
18
+ CMAKE_ADDR2LINE:FILEPATH=/usr/bin/addr2line
19
+
20
+ //Path to a program.
21
+ CMAKE_AR:FILEPATH=/usr/bin/ar
22
+
23
+ //Choose the type of build, options are: None Debug Release RelWithDebInfo
24
+ // MinSizeRel ...
25
+ CMAKE_BUILD_TYPE:STRING=Release
26
+
27
+ //Enable/Disable color output during build.
28
+ CMAKE_COLOR_MAKEFILE:BOOL=ON
29
+
30
+ //CXX compiler
31
+ CMAKE_CXX_COMPILER:FILEPATH=/usr/bin/c++
32
+
33
+ //A wrapper around 'ar' adding the appropriate '--plugin' option
34
+ // for the GCC compiler
35
+ CMAKE_CXX_COMPILER_AR:FILEPATH=/usr/bin/gcc-ar-11
36
+
37
+ //A wrapper around 'ranlib' adding the appropriate '--plugin' option
38
+ // for the GCC compiler
39
+ CMAKE_CXX_COMPILER_RANLIB:FILEPATH=/usr/bin/gcc-ranlib-11
40
+
41
+ //Flags used by the CXX compiler during all build types.
42
+ CMAKE_CXX_FLAGS:STRING=
43
+
44
+ //Flags used by the CXX compiler during DEBUG builds.
45
+ CMAKE_CXX_FLAGS_DEBUG:STRING=-g
46
+
47
+ //Flags used by the CXX compiler during MINSIZEREL builds.
48
+ CMAKE_CXX_FLAGS_MINSIZEREL:STRING=-Os -DNDEBUG
49
+
50
+ //Flags used by the CXX compiler during RELEASE builds.
51
+ CMAKE_CXX_FLAGS_RELEASE:STRING=-O3 -DNDEBUG
52
+
53
+ //Flags used by the CXX compiler during RELWITHDEBINFO builds.
54
+ CMAKE_CXX_FLAGS_RELWITHDEBINFO:STRING=-O2 -g -DNDEBUG
55
+
56
+ //C compiler
57
+ CMAKE_C_COMPILER:FILEPATH=/usr/bin/cc
58
+
59
+ //A wrapper around 'ar' adding the appropriate '--plugin' option
60
+ // for the GCC compiler
61
+ CMAKE_C_COMPILER_AR:FILEPATH=/usr/bin/gcc-ar-11
62
+
63
+ //A wrapper around 'ranlib' adding the appropriate '--plugin' option
64
+ // for the GCC compiler
65
+ CMAKE_C_COMPILER_RANLIB:FILEPATH=/usr/bin/gcc-ranlib-11
66
+
67
+ //Flags used by the C compiler during all build types.
68
+ CMAKE_C_FLAGS:STRING=
69
+
70
+ //Flags used by the C compiler during DEBUG builds.
71
+ CMAKE_C_FLAGS_DEBUG:STRING=-g
72
+
73
+ //Flags used by the C compiler during MINSIZEREL builds.
74
+ CMAKE_C_FLAGS_MINSIZEREL:STRING=-Os -DNDEBUG
75
+
76
+ //Flags used by the C compiler during RELEASE builds.
77
+ CMAKE_C_FLAGS_RELEASE:STRING=-O3 -DNDEBUG
78
+
79
+ //Flags used by the C compiler during RELWITHDEBINFO builds.
80
+ CMAKE_C_FLAGS_RELWITHDEBINFO:STRING=-O2 -g -DNDEBUG
81
+
82
+ //Path to a program.
83
+ CMAKE_DLLTOOL:FILEPATH=CMAKE_DLLTOOL-NOTFOUND
84
+
85
+ //Flags used by the linker during all build types.
86
+ CMAKE_EXE_LINKER_FLAGS:STRING=
87
+
88
+ //Flags used by the linker during DEBUG builds.
89
+ CMAKE_EXE_LINKER_FLAGS_DEBUG:STRING=
90
+
91
+ //Flags used by the linker during MINSIZEREL builds.
92
+ CMAKE_EXE_LINKER_FLAGS_MINSIZEREL:STRING=
93
+
94
+ //Flags used by the linker during RELEASE builds.
95
+ CMAKE_EXE_LINKER_FLAGS_RELEASE:STRING=
96
+
97
+ //Flags used by the linker during RELWITHDEBINFO builds.
98
+ CMAKE_EXE_LINKER_FLAGS_RELWITHDEBINFO:STRING=
99
+
100
+ //Enable/Disable output of compile commands during generation.
101
+ CMAKE_EXPORT_COMPILE_COMMANDS:BOOL=
102
+
103
+ //Value Computed by CMake.
104
+ CMAKE_FIND_PACKAGE_REDIRECTS_DIR:STATIC=/home/cam/Desktop/ICP/Fast-Robust-ICP/build/CMakeFiles/pkgRedirects
105
+
106
+ //Install path prefix, prepended onto install directories.
107
+ CMAKE_INSTALL_PREFIX:PATH=/usr/local
108
+
109
+ //Path to a program.
110
+ CMAKE_LINKER:FILEPATH=/usr/bin/ld
111
+
112
+ //Path to a program.
113
+ CMAKE_MAKE_PROGRAM:FILEPATH=/usr/bin/gmake
114
+
115
+ //Flags used by the linker during the creation of modules during
116
+ // all build types.
117
+ CMAKE_MODULE_LINKER_FLAGS:STRING=
118
+
119
+ //Flags used by the linker during the creation of modules during
120
+ // DEBUG builds.
121
+ CMAKE_MODULE_LINKER_FLAGS_DEBUG:STRING=
122
+
123
+ //Flags used by the linker during the creation of modules during
124
+ // MINSIZEREL builds.
125
+ CMAKE_MODULE_LINKER_FLAGS_MINSIZEREL:STRING=
126
+
127
+ //Flags used by the linker during the creation of modules during
128
+ // RELEASE builds.
129
+ CMAKE_MODULE_LINKER_FLAGS_RELEASE:STRING=
130
+
131
+ //Flags used by the linker during the creation of modules during
132
+ // RELWITHDEBINFO builds.
133
+ CMAKE_MODULE_LINKER_FLAGS_RELWITHDEBINFO:STRING=
134
+
135
+ //Path to a program.
136
+ CMAKE_NM:FILEPATH=/usr/bin/nm
137
+
138
+ //Path to a program.
139
+ CMAKE_OBJCOPY:FILEPATH=/usr/bin/objcopy
140
+
141
+ //Path to a program.
142
+ CMAKE_OBJDUMP:FILEPATH=/usr/bin/objdump
143
+
144
+ //Value Computed by CMake
145
+ CMAKE_PROJECT_DESCRIPTION:STATIC=
146
+
147
+ //Value Computed by CMake
148
+ CMAKE_PROJECT_HOMEPAGE_URL:STATIC=
149
+
150
+ //Value Computed by CMake
151
+ CMAKE_PROJECT_NAME:STATIC=FRICP
152
+
153
+ //Path to a program.
154
+ CMAKE_RANLIB:FILEPATH=/usr/bin/ranlib
155
+
156
+ //Path to a program.
157
+ CMAKE_READELF:FILEPATH=/usr/bin/readelf
158
+
159
+ //Flags used by the linker during the creation of shared libraries
160
+ // during all build types.
161
+ CMAKE_SHARED_LINKER_FLAGS:STRING=
162
+
163
+ //Flags used by the linker during the creation of shared libraries
164
+ // during DEBUG builds.
165
+ CMAKE_SHARED_LINKER_FLAGS_DEBUG:STRING=
166
+
167
+ //Flags used by the linker during the creation of shared libraries
168
+ // during MINSIZEREL builds.
169
+ CMAKE_SHARED_LINKER_FLAGS_MINSIZEREL:STRING=
170
+
171
+ //Flags used by the linker during the creation of shared libraries
172
+ // during RELEASE builds.
173
+ CMAKE_SHARED_LINKER_FLAGS_RELEASE:STRING=
174
+
175
+ //Flags used by the linker during the creation of shared libraries
176
+ // during RELWITHDEBINFO builds.
177
+ CMAKE_SHARED_LINKER_FLAGS_RELWITHDEBINFO:STRING=
178
+
179
+ //If set, runtime paths are not added when installing shared libraries,
180
+ // but are added when building.
181
+ CMAKE_SKIP_INSTALL_RPATH:BOOL=NO
182
+
183
+ //If set, runtime paths are not added when using shared libraries.
184
+ CMAKE_SKIP_RPATH:BOOL=NO
185
+
186
+ //Flags used by the linker during the creation of static libraries
187
+ // during all build types.
188
+ CMAKE_STATIC_LINKER_FLAGS:STRING=
189
+
190
+ //Flags used by the linker during the creation of static libraries
191
+ // during DEBUG builds.
192
+ CMAKE_STATIC_LINKER_FLAGS_DEBUG:STRING=
193
+
194
+ //Flags used by the linker during the creation of static libraries
195
+ // during MINSIZEREL builds.
196
+ CMAKE_STATIC_LINKER_FLAGS_MINSIZEREL:STRING=
197
+
198
+ //Flags used by the linker during the creation of static libraries
199
+ // during RELEASE builds.
200
+ CMAKE_STATIC_LINKER_FLAGS_RELEASE:STRING=
201
+
202
+ //Flags used by the linker during the creation of static libraries
203
+ // during RELWITHDEBINFO builds.
204
+ CMAKE_STATIC_LINKER_FLAGS_RELWITHDEBINFO:STRING=
205
+
206
+ //Path to a program.
207
+ CMAKE_STRIP:FILEPATH=/usr/bin/strip
208
+
209
+ //If this value is on, makefiles will be generated without the
210
+ // .SILENT directive, and all commands will be echoed to the console
211
+ // during the make. This is useful for debugging only. With Visual
212
+ // Studio IDE projects all commands are done without /nologo.
213
+ CMAKE_VERBOSE_MAKEFILE:BOOL=FALSE
214
+
215
+ //Path to a file.
216
+ EIGEN3_INCLUDE_DIRS:PATH=/usr/include/eigen3
217
+
218
+ //Value Computed by CMake
219
+ FRICP_BINARY_DIR:STATIC=/home/cam/Desktop/ICP/Fast-Robust-ICP/build
220
+
221
+ //Value Computed by CMake
222
+ FRICP_IS_TOP_LEVEL:STATIC=ON
223
+
224
+ //Value Computed by CMake
225
+ FRICP_SOURCE_DIR:STATIC=/home/cam/Desktop/ICP/Fast-Robust-ICP
226
+
227
+ //Path to a file.
228
+ NANOFLANN_INCLUDE_DIR:PATH=/home/cam/Desktop/ICP/Fast-Robust-ICP/include
229
+
230
+ //CXX compiler flags for OpenMP parallelization
231
+ OpenMP_CXX_FLAGS:STRING=-fopenmp
232
+
233
+ //CXX compiler libraries for OpenMP parallelization
234
+ OpenMP_CXX_LIB_NAMES:STRING=gomp;pthread
235
+
236
+ //C compiler flags for OpenMP parallelization
237
+ OpenMP_C_FLAGS:STRING=-fopenmp
238
+
239
+ //C compiler libraries for OpenMP parallelization
240
+ OpenMP_C_LIB_NAMES:STRING=gomp;pthread
241
+
242
+ //Path to the gomp library for OpenMP
243
+ OpenMP_gomp_LIBRARY:FILEPATH=/usr/lib/gcc/x86_64-linux-gnu/11/libgomp.so
244
+
245
+ //Path to the pthread library for OpenMP
246
+ OpenMP_pthread_LIBRARY:FILEPATH=/usr/lib/x86_64-linux-gnu/libpthread.a
247
+
248
+
249
+ ########################
250
+ # INTERNAL cache entries
251
+ ########################
252
+
253
+ //ADVANCED property for variable: CMAKE_ADDR2LINE
254
+ CMAKE_ADDR2LINE-ADVANCED:INTERNAL=1
255
+ //ADVANCED property for variable: CMAKE_AR
256
+ CMAKE_AR-ADVANCED:INTERNAL=1
257
+ //This is the directory where this CMakeCache.txt was created
258
+ CMAKE_CACHEFILE_DIR:INTERNAL=/home/cam/Desktop/ICP/Fast-Robust-ICP/build
259
+ //Major version of cmake used to create the current loaded cache
260
+ CMAKE_CACHE_MAJOR_VERSION:INTERNAL=3
261
+ //Minor version of cmake used to create the current loaded cache
262
+ CMAKE_CACHE_MINOR_VERSION:INTERNAL=26
263
+ //Patch version of cmake used to create the current loaded cache
264
+ CMAKE_CACHE_PATCH_VERSION:INTERNAL=0
265
+ //ADVANCED property for variable: CMAKE_COLOR_MAKEFILE
266
+ CMAKE_COLOR_MAKEFILE-ADVANCED:INTERNAL=1
267
+ //Path to CMake executable.
268
+ CMAKE_COMMAND:INTERNAL=/usr/local/bin/cmake
269
+ //Path to cpack program executable.
270
+ CMAKE_CPACK_COMMAND:INTERNAL=/usr/local/bin/cpack
271
+ //Path to ctest program executable.
272
+ CMAKE_CTEST_COMMAND:INTERNAL=/usr/local/bin/ctest
273
+ //ADVANCED property for variable: CMAKE_CXX_COMPILER
274
+ CMAKE_CXX_COMPILER-ADVANCED:INTERNAL=1
275
+ //ADVANCED property for variable: CMAKE_CXX_COMPILER_AR
276
+ CMAKE_CXX_COMPILER_AR-ADVANCED:INTERNAL=1
277
+ //ADVANCED property for variable: CMAKE_CXX_COMPILER_RANLIB
278
+ CMAKE_CXX_COMPILER_RANLIB-ADVANCED:INTERNAL=1
279
+ //ADVANCED property for variable: CMAKE_CXX_FLAGS
280
+ CMAKE_CXX_FLAGS-ADVANCED:INTERNAL=1
281
+ //ADVANCED property for variable: CMAKE_CXX_FLAGS_DEBUG
282
+ CMAKE_CXX_FLAGS_DEBUG-ADVANCED:INTERNAL=1
283
+ //ADVANCED property for variable: CMAKE_CXX_FLAGS_MINSIZEREL
284
+ CMAKE_CXX_FLAGS_MINSIZEREL-ADVANCED:INTERNAL=1
285
+ //ADVANCED property for variable: CMAKE_CXX_FLAGS_RELEASE
286
+ CMAKE_CXX_FLAGS_RELEASE-ADVANCED:INTERNAL=1
287
+ //ADVANCED property for variable: CMAKE_CXX_FLAGS_RELWITHDEBINFO
288
+ CMAKE_CXX_FLAGS_RELWITHDEBINFO-ADVANCED:INTERNAL=1
289
+ //ADVANCED property for variable: CMAKE_C_COMPILER
290
+ CMAKE_C_COMPILER-ADVANCED:INTERNAL=1
291
+ //ADVANCED property for variable: CMAKE_C_COMPILER_AR
292
+ CMAKE_C_COMPILER_AR-ADVANCED:INTERNAL=1
293
+ //ADVANCED property for variable: CMAKE_C_COMPILER_RANLIB
294
+ CMAKE_C_COMPILER_RANLIB-ADVANCED:INTERNAL=1
295
+ //ADVANCED property for variable: CMAKE_C_FLAGS
296
+ CMAKE_C_FLAGS-ADVANCED:INTERNAL=1
297
+ //ADVANCED property for variable: CMAKE_C_FLAGS_DEBUG
298
+ CMAKE_C_FLAGS_DEBUG-ADVANCED:INTERNAL=1
299
+ //ADVANCED property for variable: CMAKE_C_FLAGS_MINSIZEREL
300
+ CMAKE_C_FLAGS_MINSIZEREL-ADVANCED:INTERNAL=1
301
+ //ADVANCED property for variable: CMAKE_C_FLAGS_RELEASE
302
+ CMAKE_C_FLAGS_RELEASE-ADVANCED:INTERNAL=1
303
+ //ADVANCED property for variable: CMAKE_C_FLAGS_RELWITHDEBINFO
304
+ CMAKE_C_FLAGS_RELWITHDEBINFO-ADVANCED:INTERNAL=1
305
+ //ADVANCED property for variable: CMAKE_DLLTOOL
306
+ CMAKE_DLLTOOL-ADVANCED:INTERNAL=1
307
+ //Executable file format
308
+ CMAKE_EXECUTABLE_FORMAT:INTERNAL=ELF
309
+ //ADVANCED property for variable: CMAKE_EXE_LINKER_FLAGS
310
+ CMAKE_EXE_LINKER_FLAGS-ADVANCED:INTERNAL=1
311
+ //ADVANCED property for variable: CMAKE_EXE_LINKER_FLAGS_DEBUG
312
+ CMAKE_EXE_LINKER_FLAGS_DEBUG-ADVANCED:INTERNAL=1
313
+ //ADVANCED property for variable: CMAKE_EXE_LINKER_FLAGS_MINSIZEREL
314
+ CMAKE_EXE_LINKER_FLAGS_MINSIZEREL-ADVANCED:INTERNAL=1
315
+ //ADVANCED property for variable: CMAKE_EXE_LINKER_FLAGS_RELEASE
316
+ CMAKE_EXE_LINKER_FLAGS_RELEASE-ADVANCED:INTERNAL=1
317
+ //ADVANCED property for variable: CMAKE_EXE_LINKER_FLAGS_RELWITHDEBINFO
318
+ CMAKE_EXE_LINKER_FLAGS_RELWITHDEBINFO-ADVANCED:INTERNAL=1
319
+ //ADVANCED property for variable: CMAKE_EXPORT_COMPILE_COMMANDS
320
+ CMAKE_EXPORT_COMPILE_COMMANDS-ADVANCED:INTERNAL=1
321
+ //Name of external makefile project generator.
322
+ CMAKE_EXTRA_GENERATOR:INTERNAL=
323
+ //Name of generator.
324
+ CMAKE_GENERATOR:INTERNAL=Unix Makefiles
325
+ //Generator instance identifier.
326
+ CMAKE_GENERATOR_INSTANCE:INTERNAL=
327
+ //Name of generator platform.
328
+ CMAKE_GENERATOR_PLATFORM:INTERNAL=
329
+ //Name of generator toolset.
330
+ CMAKE_GENERATOR_TOOLSET:INTERNAL=
331
+ //Source directory with the top level CMakeLists.txt file for this
332
+ // project
333
+ CMAKE_HOME_DIRECTORY:INTERNAL=/home/cam/Desktop/ICP/Fast-Robust-ICP
334
+ //Install .so files without execute permission.
335
+ CMAKE_INSTALL_SO_NO_EXE:INTERNAL=1
336
+ //ADVANCED property for variable: CMAKE_LINKER
337
+ CMAKE_LINKER-ADVANCED:INTERNAL=1
338
+ //ADVANCED property for variable: CMAKE_MAKE_PROGRAM
339
+ CMAKE_MAKE_PROGRAM-ADVANCED:INTERNAL=1
340
+ //ADVANCED property for variable: CMAKE_MODULE_LINKER_FLAGS
341
+ CMAKE_MODULE_LINKER_FLAGS-ADVANCED:INTERNAL=1
342
+ //ADVANCED property for variable: CMAKE_MODULE_LINKER_FLAGS_DEBUG
343
+ CMAKE_MODULE_LINKER_FLAGS_DEBUG-ADVANCED:INTERNAL=1
344
+ //ADVANCED property for variable: CMAKE_MODULE_LINKER_FLAGS_MINSIZEREL
345
+ CMAKE_MODULE_LINKER_FLAGS_MINSIZEREL-ADVANCED:INTERNAL=1
346
+ //ADVANCED property for variable: CMAKE_MODULE_LINKER_FLAGS_RELEASE
347
+ CMAKE_MODULE_LINKER_FLAGS_RELEASE-ADVANCED:INTERNAL=1
348
+ //ADVANCED property for variable: CMAKE_MODULE_LINKER_FLAGS_RELWITHDEBINFO
349
+ CMAKE_MODULE_LINKER_FLAGS_RELWITHDEBINFO-ADVANCED:INTERNAL=1
350
+ //ADVANCED property for variable: CMAKE_NM
351
+ CMAKE_NM-ADVANCED:INTERNAL=1
352
+ //number of local generators
353
+ CMAKE_NUMBER_OF_MAKEFILES:INTERNAL=1
354
+ //ADVANCED property for variable: CMAKE_OBJCOPY
355
+ CMAKE_OBJCOPY-ADVANCED:INTERNAL=1
356
+ //ADVANCED property for variable: CMAKE_OBJDUMP
357
+ CMAKE_OBJDUMP-ADVANCED:INTERNAL=1
358
+ //Platform information initialized
359
+ CMAKE_PLATFORM_INFO_INITIALIZED:INTERNAL=1
360
+ //ADVANCED property for variable: CMAKE_RANLIB
361
+ CMAKE_RANLIB-ADVANCED:INTERNAL=1
362
+ //ADVANCED property for variable: CMAKE_READELF
363
+ CMAKE_READELF-ADVANCED:INTERNAL=1
364
+ //Path to CMake installation.
365
+ CMAKE_ROOT:INTERNAL=/usr/local/share/cmake-3.26
366
+ //ADVANCED property for variable: CMAKE_SHARED_LINKER_FLAGS
367
+ CMAKE_SHARED_LINKER_FLAGS-ADVANCED:INTERNAL=1
368
+ //ADVANCED property for variable: CMAKE_SHARED_LINKER_FLAGS_DEBUG
369
+ CMAKE_SHARED_LINKER_FLAGS_DEBUG-ADVANCED:INTERNAL=1
370
+ //ADVANCED property for variable: CMAKE_SHARED_LINKER_FLAGS_MINSIZEREL
371
+ CMAKE_SHARED_LINKER_FLAGS_MINSIZEREL-ADVANCED:INTERNAL=1
372
+ //ADVANCED property for variable: CMAKE_SHARED_LINKER_FLAGS_RELEASE
373
+ CMAKE_SHARED_LINKER_FLAGS_RELEASE-ADVANCED:INTERNAL=1
374
+ //ADVANCED property for variable: CMAKE_SHARED_LINKER_FLAGS_RELWITHDEBINFO
375
+ CMAKE_SHARED_LINKER_FLAGS_RELWITHDEBINFO-ADVANCED:INTERNAL=1
376
+ //ADVANCED property for variable: CMAKE_SKIP_INSTALL_RPATH
377
+ CMAKE_SKIP_INSTALL_RPATH-ADVANCED:INTERNAL=1
378
+ //ADVANCED property for variable: CMAKE_SKIP_RPATH
379
+ CMAKE_SKIP_RPATH-ADVANCED:INTERNAL=1
380
+ //ADVANCED property for variable: CMAKE_STATIC_LINKER_FLAGS
381
+ CMAKE_STATIC_LINKER_FLAGS-ADVANCED:INTERNAL=1
382
+ //ADVANCED property for variable: CMAKE_STATIC_LINKER_FLAGS_DEBUG
383
+ CMAKE_STATIC_LINKER_FLAGS_DEBUG-ADVANCED:INTERNAL=1
384
+ //ADVANCED property for variable: CMAKE_STATIC_LINKER_FLAGS_MINSIZEREL
385
+ CMAKE_STATIC_LINKER_FLAGS_MINSIZEREL-ADVANCED:INTERNAL=1
386
+ //ADVANCED property for variable: CMAKE_STATIC_LINKER_FLAGS_RELEASE
387
+ CMAKE_STATIC_LINKER_FLAGS_RELEASE-ADVANCED:INTERNAL=1
388
+ //ADVANCED property for variable: CMAKE_STATIC_LINKER_FLAGS_RELWITHDEBINFO
389
+ CMAKE_STATIC_LINKER_FLAGS_RELWITHDEBINFO-ADVANCED:INTERNAL=1
390
+ //ADVANCED property for variable: CMAKE_STRIP
391
+ CMAKE_STRIP-ADVANCED:INTERNAL=1
392
+ //uname command
393
+ CMAKE_UNAME:INTERNAL=/usr/bin/uname
394
+ //ADVANCED property for variable: CMAKE_VERBOSE_MAKEFILE
395
+ CMAKE_VERBOSE_MAKEFILE-ADVANCED:INTERNAL=1
396
+ //Result of TRY_COMPILE
397
+ OpenMP_COMPILE_RESULT_CXX_fopenmp:INTERNAL=TRUE
398
+ //Result of TRY_COMPILE
399
+ OpenMP_COMPILE_RESULT_C_fopenmp:INTERNAL=TRUE
400
+ //ADVANCED property for variable: OpenMP_CXX_FLAGS
401
+ OpenMP_CXX_FLAGS-ADVANCED:INTERNAL=1
402
+ //ADVANCED property for variable: OpenMP_CXX_LIB_NAMES
403
+ OpenMP_CXX_LIB_NAMES-ADVANCED:INTERNAL=1
404
+ //CXX compiler's OpenMP specification date
405
+ OpenMP_CXX_SPEC_DATE:INTERNAL=201511
406
+ //ADVANCED property for variable: OpenMP_C_FLAGS
407
+ OpenMP_C_FLAGS-ADVANCED:INTERNAL=1
408
+ //ADVANCED property for variable: OpenMP_C_LIB_NAMES
409
+ OpenMP_C_LIB_NAMES-ADVANCED:INTERNAL=1
410
+ //C compiler's OpenMP specification date
411
+ OpenMP_C_SPEC_DATE:INTERNAL=201511
412
+ //Result of TRY_COMPILE
413
+ OpenMP_SPECTEST_CXX_:INTERNAL=TRUE
414
+ //Result of TRY_COMPILE
415
+ OpenMP_SPECTEST_C_:INTERNAL=TRUE
416
+ //ADVANCED property for variable: OpenMP_gomp_LIBRARY
417
+ OpenMP_gomp_LIBRARY-ADVANCED:INTERNAL=1
418
+ //ADVANCED property for variable: OpenMP_pthread_LIBRARY
419
+ OpenMP_pthread_LIBRARY-ADVANCED:INTERNAL=1
420
+ //linker supports push/pop state
421
+ _CMAKE_LINKER_PUSHPOP_STATE_SUPPORTED:INTERNAL=TRUE
422
+
build/CMakeFiles/3.26.0/CMakeCCompiler.cmake ADDED
@@ -0,0 +1,72 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ set(CMAKE_C_COMPILER "/usr/bin/cc")
2
+ set(CMAKE_C_COMPILER_ARG1 "")
3
+ set(CMAKE_C_COMPILER_ID "GNU")
4
+ set(CMAKE_C_COMPILER_VERSION "11.4.0")
5
+ set(CMAKE_C_COMPILER_VERSION_INTERNAL "")
6
+ set(CMAKE_C_COMPILER_WRAPPER "")
7
+ set(CMAKE_C_STANDARD_COMPUTED_DEFAULT "17")
8
+ set(CMAKE_C_EXTENSIONS_COMPUTED_DEFAULT "ON")
9
+ set(CMAKE_C_COMPILE_FEATURES "c_std_90;c_function_prototypes;c_std_99;c_restrict;c_variadic_macros;c_std_11;c_static_assert;c_std_17;c_std_23")
10
+ set(CMAKE_C90_COMPILE_FEATURES "c_std_90;c_function_prototypes")
11
+ set(CMAKE_C99_COMPILE_FEATURES "c_std_99;c_restrict;c_variadic_macros")
12
+ set(CMAKE_C11_COMPILE_FEATURES "c_std_11;c_static_assert")
13
+ set(CMAKE_C17_COMPILE_FEATURES "c_std_17")
14
+ set(CMAKE_C23_COMPILE_FEATURES "c_std_23")
15
+
16
+ set(CMAKE_C_PLATFORM_ID "Linux")
17
+ set(CMAKE_C_SIMULATE_ID "")
18
+ set(CMAKE_C_COMPILER_FRONTEND_VARIANT "GNU")
19
+ set(CMAKE_C_SIMULATE_VERSION "")
20
+
21
+
22
+
23
+
24
+ set(CMAKE_AR "/usr/bin/ar")
25
+ set(CMAKE_C_COMPILER_AR "/usr/bin/gcc-ar-11")
26
+ set(CMAKE_RANLIB "/usr/bin/ranlib")
27
+ set(CMAKE_C_COMPILER_RANLIB "/usr/bin/gcc-ranlib-11")
28
+ set(CMAKE_LINKER "/usr/bin/ld")
29
+ set(CMAKE_MT "")
30
+ set(CMAKE_COMPILER_IS_GNUCC 1)
31
+ set(CMAKE_C_COMPILER_LOADED 1)
32
+ set(CMAKE_C_COMPILER_WORKS TRUE)
33
+ set(CMAKE_C_ABI_COMPILED TRUE)
34
+
35
+ set(CMAKE_C_COMPILER_ENV_VAR "CC")
36
+
37
+ set(CMAKE_C_COMPILER_ID_RUN 1)
38
+ set(CMAKE_C_SOURCE_FILE_EXTENSIONS c;m)
39
+ set(CMAKE_C_IGNORE_EXTENSIONS h;H;o;O;obj;OBJ;def;DEF;rc;RC)
40
+ set(CMAKE_C_LINKER_PREFERENCE 10)
41
+
42
+ # Save compiler ABI information.
43
+ set(CMAKE_C_SIZEOF_DATA_PTR "8")
44
+ set(CMAKE_C_COMPILER_ABI "ELF")
45
+ set(CMAKE_C_BYTE_ORDER "LITTLE_ENDIAN")
46
+ set(CMAKE_C_LIBRARY_ARCHITECTURE "x86_64-linux-gnu")
47
+
48
+ if(CMAKE_C_SIZEOF_DATA_PTR)
49
+ set(CMAKE_SIZEOF_VOID_P "${CMAKE_C_SIZEOF_DATA_PTR}")
50
+ endif()
51
+
52
+ if(CMAKE_C_COMPILER_ABI)
53
+ set(CMAKE_INTERNAL_PLATFORM_ABI "${CMAKE_C_COMPILER_ABI}")
54
+ endif()
55
+
56
+ if(CMAKE_C_LIBRARY_ARCHITECTURE)
57
+ set(CMAKE_LIBRARY_ARCHITECTURE "x86_64-linux-gnu")
58
+ endif()
59
+
60
+ set(CMAKE_C_CL_SHOWINCLUDES_PREFIX "")
61
+ if(CMAKE_C_CL_SHOWINCLUDES_PREFIX)
62
+ set(CMAKE_CL_SHOWINCLUDES_PREFIX "${CMAKE_C_CL_SHOWINCLUDES_PREFIX}")
63
+ endif()
64
+
65
+
66
+
67
+
68
+
69
+ set(CMAKE_C_IMPLICIT_INCLUDE_DIRECTORIES "/usr/lib/gcc/x86_64-linux-gnu/11/include;/usr/local/include;/usr/include/x86_64-linux-gnu;/usr/include")
70
+ set(CMAKE_C_IMPLICIT_LINK_LIBRARIES "gcc;gcc_s;c;gcc;gcc_s")
71
+ set(CMAKE_C_IMPLICIT_LINK_DIRECTORIES "/usr/lib/gcc/x86_64-linux-gnu/11;/usr/lib/x86_64-linux-gnu;/usr/lib;/lib/x86_64-linux-gnu;/lib")
72
+ set(CMAKE_C_IMPLICIT_LINK_FRAMEWORK_DIRECTORIES "")
build/CMakeFiles/3.26.0/CMakeCXXCompiler.cmake ADDED
@@ -0,0 +1,83 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ set(CMAKE_CXX_COMPILER "/usr/bin/c++")
2
+ set(CMAKE_CXX_COMPILER_ARG1 "")
3
+ set(CMAKE_CXX_COMPILER_ID "GNU")
4
+ set(CMAKE_CXX_COMPILER_VERSION "11.4.0")
5
+ set(CMAKE_CXX_COMPILER_VERSION_INTERNAL "")
6
+ set(CMAKE_CXX_COMPILER_WRAPPER "")
7
+ set(CMAKE_CXX_STANDARD_COMPUTED_DEFAULT "17")
8
+ set(CMAKE_CXX_EXTENSIONS_COMPUTED_DEFAULT "ON")
9
+ set(CMAKE_CXX_COMPILE_FEATURES "cxx_std_98;cxx_template_template_parameters;cxx_std_11;cxx_alias_templates;cxx_alignas;cxx_alignof;cxx_attributes;cxx_auto_type;cxx_constexpr;cxx_decltype;cxx_decltype_incomplete_return_types;cxx_default_function_template_args;cxx_defaulted_functions;cxx_defaulted_move_initializers;cxx_delegating_constructors;cxx_deleted_functions;cxx_enum_forward_declarations;cxx_explicit_conversions;cxx_extended_friend_declarations;cxx_extern_templates;cxx_final;cxx_func_identifier;cxx_generalized_initializers;cxx_inheriting_constructors;cxx_inline_namespaces;cxx_lambdas;cxx_local_type_template_args;cxx_long_long_type;cxx_noexcept;cxx_nonstatic_member_init;cxx_nullptr;cxx_override;cxx_range_for;cxx_raw_string_literals;cxx_reference_qualified_functions;cxx_right_angle_brackets;cxx_rvalue_references;cxx_sizeof_member;cxx_static_assert;cxx_strong_enums;cxx_thread_local;cxx_trailing_return_types;cxx_unicode_literals;cxx_uniform_initialization;cxx_unrestricted_unions;cxx_user_literals;cxx_variadic_macros;cxx_variadic_templates;cxx_std_14;cxx_aggregate_default_initializers;cxx_attribute_deprecated;cxx_binary_literals;cxx_contextual_conversions;cxx_decltype_auto;cxx_digit_separators;cxx_generic_lambdas;cxx_lambda_init_captures;cxx_relaxed_constexpr;cxx_return_type_deduction;cxx_variable_templates;cxx_std_17;cxx_std_20;cxx_std_23")
10
+ set(CMAKE_CXX98_COMPILE_FEATURES "cxx_std_98;cxx_template_template_parameters")
11
+ set(CMAKE_CXX11_COMPILE_FEATURES "cxx_std_11;cxx_alias_templates;cxx_alignas;cxx_alignof;cxx_attributes;cxx_auto_type;cxx_constexpr;cxx_decltype;cxx_decltype_incomplete_return_types;cxx_default_function_template_args;cxx_defaulted_functions;cxx_defaulted_move_initializers;cxx_delegating_constructors;cxx_deleted_functions;cxx_enum_forward_declarations;cxx_explicit_conversions;cxx_extended_friend_declarations;cxx_extern_templates;cxx_final;cxx_func_identifier;cxx_generalized_initializers;cxx_inheriting_constructors;cxx_inline_namespaces;cxx_lambdas;cxx_local_type_template_args;cxx_long_long_type;cxx_noexcept;cxx_nonstatic_member_init;cxx_nullptr;cxx_override;cxx_range_for;cxx_raw_string_literals;cxx_reference_qualified_functions;cxx_right_angle_brackets;cxx_rvalue_references;cxx_sizeof_member;cxx_static_assert;cxx_strong_enums;cxx_thread_local;cxx_trailing_return_types;cxx_unicode_literals;cxx_uniform_initialization;cxx_unrestricted_unions;cxx_user_literals;cxx_variadic_macros;cxx_variadic_templates")
12
+ set(CMAKE_CXX14_COMPILE_FEATURES "cxx_std_14;cxx_aggregate_default_initializers;cxx_attribute_deprecated;cxx_binary_literals;cxx_contextual_conversions;cxx_decltype_auto;cxx_digit_separators;cxx_generic_lambdas;cxx_lambda_init_captures;cxx_relaxed_constexpr;cxx_return_type_deduction;cxx_variable_templates")
13
+ set(CMAKE_CXX17_COMPILE_FEATURES "cxx_std_17")
14
+ set(CMAKE_CXX20_COMPILE_FEATURES "cxx_std_20")
15
+ set(CMAKE_CXX23_COMPILE_FEATURES "cxx_std_23")
16
+
17
+ set(CMAKE_CXX_PLATFORM_ID "Linux")
18
+ set(CMAKE_CXX_SIMULATE_ID "")
19
+ set(CMAKE_CXX_COMPILER_FRONTEND_VARIANT "GNU")
20
+ set(CMAKE_CXX_SIMULATE_VERSION "")
21
+
22
+
23
+
24
+
25
+ set(CMAKE_AR "/usr/bin/ar")
26
+ set(CMAKE_CXX_COMPILER_AR "/usr/bin/gcc-ar-11")
27
+ set(CMAKE_RANLIB "/usr/bin/ranlib")
28
+ set(CMAKE_CXX_COMPILER_RANLIB "/usr/bin/gcc-ranlib-11")
29
+ set(CMAKE_LINKER "/usr/bin/ld")
30
+ set(CMAKE_MT "")
31
+ set(CMAKE_COMPILER_IS_GNUCXX 1)
32
+ set(CMAKE_CXX_COMPILER_LOADED 1)
33
+ set(CMAKE_CXX_COMPILER_WORKS TRUE)
34
+ set(CMAKE_CXX_ABI_COMPILED TRUE)
35
+
36
+ set(CMAKE_CXX_COMPILER_ENV_VAR "CXX")
37
+
38
+ set(CMAKE_CXX_COMPILER_ID_RUN 1)
39
+ set(CMAKE_CXX_SOURCE_FILE_EXTENSIONS C;M;c++;cc;cpp;cxx;m;mm;mpp;CPP;ixx;cppm)
40
+ set(CMAKE_CXX_IGNORE_EXTENSIONS inl;h;hpp;HPP;H;o;O;obj;OBJ;def;DEF;rc;RC)
41
+
42
+ foreach (lang C OBJC OBJCXX)
43
+ if (CMAKE_${lang}_COMPILER_ID_RUN)
44
+ foreach(extension IN LISTS CMAKE_${lang}_SOURCE_FILE_EXTENSIONS)
45
+ list(REMOVE_ITEM CMAKE_CXX_SOURCE_FILE_EXTENSIONS ${extension})
46
+ endforeach()
47
+ endif()
48
+ endforeach()
49
+
50
+ set(CMAKE_CXX_LINKER_PREFERENCE 30)
51
+ set(CMAKE_CXX_LINKER_PREFERENCE_PROPAGATES 1)
52
+
53
+ # Save compiler ABI information.
54
+ set(CMAKE_CXX_SIZEOF_DATA_PTR "8")
55
+ set(CMAKE_CXX_COMPILER_ABI "ELF")
56
+ set(CMAKE_CXX_BYTE_ORDER "LITTLE_ENDIAN")
57
+ set(CMAKE_CXX_LIBRARY_ARCHITECTURE "x86_64-linux-gnu")
58
+
59
+ if(CMAKE_CXX_SIZEOF_DATA_PTR)
60
+ set(CMAKE_SIZEOF_VOID_P "${CMAKE_CXX_SIZEOF_DATA_PTR}")
61
+ endif()
62
+
63
+ if(CMAKE_CXX_COMPILER_ABI)
64
+ set(CMAKE_INTERNAL_PLATFORM_ABI "${CMAKE_CXX_COMPILER_ABI}")
65
+ endif()
66
+
67
+ if(CMAKE_CXX_LIBRARY_ARCHITECTURE)
68
+ set(CMAKE_LIBRARY_ARCHITECTURE "x86_64-linux-gnu")
69
+ endif()
70
+
71
+ set(CMAKE_CXX_CL_SHOWINCLUDES_PREFIX "")
72
+ if(CMAKE_CXX_CL_SHOWINCLUDES_PREFIX)
73
+ set(CMAKE_CL_SHOWINCLUDES_PREFIX "${CMAKE_CXX_CL_SHOWINCLUDES_PREFIX}")
74
+ endif()
75
+
76
+
77
+
78
+
79
+
80
+ set(CMAKE_CXX_IMPLICIT_INCLUDE_DIRECTORIES "/usr/include/c++/11;/usr/include/x86_64-linux-gnu/c++/11;/usr/include/c++/11/backward;/usr/lib/gcc/x86_64-linux-gnu/11/include;/usr/local/include;/usr/include/x86_64-linux-gnu;/usr/include")
81
+ set(CMAKE_CXX_IMPLICIT_LINK_LIBRARIES "stdc++;m;gcc_s;gcc;c;gcc_s;gcc")
82
+ set(CMAKE_CXX_IMPLICIT_LINK_DIRECTORIES "/usr/lib/gcc/x86_64-linux-gnu/11;/usr/lib/x86_64-linux-gnu;/usr/lib;/lib/x86_64-linux-gnu;/lib")
83
+ set(CMAKE_CXX_IMPLICIT_LINK_FRAMEWORK_DIRECTORIES "")
build/CMakeFiles/3.26.0/CMakeSystem.cmake ADDED
@@ -0,0 +1,15 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ set(CMAKE_HOST_SYSTEM "Linux-6.8.0-85-generic")
2
+ set(CMAKE_HOST_SYSTEM_NAME "Linux")
3
+ set(CMAKE_HOST_SYSTEM_VERSION "6.8.0-85-generic")
4
+ set(CMAKE_HOST_SYSTEM_PROCESSOR "x86_64")
5
+
6
+
7
+
8
+ set(CMAKE_SYSTEM "Linux-6.8.0-85-generic")
9
+ set(CMAKE_SYSTEM_NAME "Linux")
10
+ set(CMAKE_SYSTEM_VERSION "6.8.0-85-generic")
11
+ set(CMAKE_SYSTEM_PROCESSOR "x86_64")
12
+
13
+ set(CMAKE_CROSSCOMPILING "FALSE")
14
+
15
+ set(CMAKE_SYSTEM_LOADED 1)
build/CMakeFiles/3.26.0/CompilerIdC/CMakeCCompilerId.c ADDED
@@ -0,0 +1,866 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ #ifdef __cplusplus
2
+ # error "A C++ compiler has been selected for C."
3
+ #endif
4
+
5
+ #if defined(__18CXX)
6
+ # define ID_VOID_MAIN
7
+ #endif
8
+ #if defined(__CLASSIC_C__)
9
+ /* cv-qualifiers did not exist in K&R C */
10
+ # define const
11
+ # define volatile
12
+ #endif
13
+
14
+ #if !defined(__has_include)
15
+ /* If the compiler does not have __has_include, pretend the answer is
16
+ always no. */
17
+ # define __has_include(x) 0
18
+ #endif
19
+
20
+
21
+ /* Version number components: V=Version, R=Revision, P=Patch
22
+ Version date components: YYYY=Year, MM=Month, DD=Day */
23
+
24
+ #if defined(__INTEL_COMPILER) || defined(__ICC)
25
+ # define COMPILER_ID "Intel"
26
+ # if defined(_MSC_VER)
27
+ # define SIMULATE_ID "MSVC"
28
+ # endif
29
+ # if defined(__GNUC__)
30
+ # define SIMULATE_ID "GNU"
31
+ # endif
32
+ /* __INTEL_COMPILER = VRP prior to 2021, and then VVVV for 2021 and later,
33
+ except that a few beta releases use the old format with V=2021. */
34
+ # if __INTEL_COMPILER < 2021 || __INTEL_COMPILER == 202110 || __INTEL_COMPILER == 202111
35
+ # define COMPILER_VERSION_MAJOR DEC(__INTEL_COMPILER/100)
36
+ # define COMPILER_VERSION_MINOR DEC(__INTEL_COMPILER/10 % 10)
37
+ # if defined(__INTEL_COMPILER_UPDATE)
38
+ # define COMPILER_VERSION_PATCH DEC(__INTEL_COMPILER_UPDATE)
39
+ # else
40
+ # define COMPILER_VERSION_PATCH DEC(__INTEL_COMPILER % 10)
41
+ # endif
42
+ # else
43
+ # define COMPILER_VERSION_MAJOR DEC(__INTEL_COMPILER)
44
+ # define COMPILER_VERSION_MINOR DEC(__INTEL_COMPILER_UPDATE)
45
+ /* The third version component from --version is an update index,
46
+ but no macro is provided for it. */
47
+ # define COMPILER_VERSION_PATCH DEC(0)
48
+ # endif
49
+ # if defined(__INTEL_COMPILER_BUILD_DATE)
50
+ /* __INTEL_COMPILER_BUILD_DATE = YYYYMMDD */
51
+ # define COMPILER_VERSION_TWEAK DEC(__INTEL_COMPILER_BUILD_DATE)
52
+ # endif
53
+ # if defined(_MSC_VER)
54
+ /* _MSC_VER = VVRR */
55
+ # define SIMULATE_VERSION_MAJOR DEC(_MSC_VER / 100)
56
+ # define SIMULATE_VERSION_MINOR DEC(_MSC_VER % 100)
57
+ # endif
58
+ # if defined(__GNUC__)
59
+ # define SIMULATE_VERSION_MAJOR DEC(__GNUC__)
60
+ # elif defined(__GNUG__)
61
+ # define SIMULATE_VERSION_MAJOR DEC(__GNUG__)
62
+ # endif
63
+ # if defined(__GNUC_MINOR__)
64
+ # define SIMULATE_VERSION_MINOR DEC(__GNUC_MINOR__)
65
+ # endif
66
+ # if defined(__GNUC_PATCHLEVEL__)
67
+ # define SIMULATE_VERSION_PATCH DEC(__GNUC_PATCHLEVEL__)
68
+ # endif
69
+
70
+ #elif (defined(__clang__) && defined(__INTEL_CLANG_COMPILER)) || defined(__INTEL_LLVM_COMPILER)
71
+ # define COMPILER_ID "IntelLLVM"
72
+ #if defined(_MSC_VER)
73
+ # define SIMULATE_ID "MSVC"
74
+ #endif
75
+ #if defined(__GNUC__)
76
+ # define SIMULATE_ID "GNU"
77
+ #endif
78
+ /* __INTEL_LLVM_COMPILER = VVVVRP prior to 2021.2.0, VVVVRRPP for 2021.2.0 and
79
+ * later. Look for 6 digit vs. 8 digit version number to decide encoding.
80
+ * VVVV is no smaller than the current year when a version is released.
81
+ */
82
+ #if __INTEL_LLVM_COMPILER < 1000000L
83
+ # define COMPILER_VERSION_MAJOR DEC(__INTEL_LLVM_COMPILER/100)
84
+ # define COMPILER_VERSION_MINOR DEC(__INTEL_LLVM_COMPILER/10 % 10)
85
+ # define COMPILER_VERSION_PATCH DEC(__INTEL_LLVM_COMPILER % 10)
86
+ #else
87
+ # define COMPILER_VERSION_MAJOR DEC(__INTEL_LLVM_COMPILER/10000)
88
+ # define COMPILER_VERSION_MINOR DEC(__INTEL_LLVM_COMPILER/100 % 100)
89
+ # define COMPILER_VERSION_PATCH DEC(__INTEL_LLVM_COMPILER % 100)
90
+ #endif
91
+ #if defined(_MSC_VER)
92
+ /* _MSC_VER = VVRR */
93
+ # define SIMULATE_VERSION_MAJOR DEC(_MSC_VER / 100)
94
+ # define SIMULATE_VERSION_MINOR DEC(_MSC_VER % 100)
95
+ #endif
96
+ #if defined(__GNUC__)
97
+ # define SIMULATE_VERSION_MAJOR DEC(__GNUC__)
98
+ #elif defined(__GNUG__)
99
+ # define SIMULATE_VERSION_MAJOR DEC(__GNUG__)
100
+ #endif
101
+ #if defined(__GNUC_MINOR__)
102
+ # define SIMULATE_VERSION_MINOR DEC(__GNUC_MINOR__)
103
+ #endif
104
+ #if defined(__GNUC_PATCHLEVEL__)
105
+ # define SIMULATE_VERSION_PATCH DEC(__GNUC_PATCHLEVEL__)
106
+ #endif
107
+
108
+ #elif defined(__PATHCC__)
109
+ # define COMPILER_ID "PathScale"
110
+ # define COMPILER_VERSION_MAJOR DEC(__PATHCC__)
111
+ # define COMPILER_VERSION_MINOR DEC(__PATHCC_MINOR__)
112
+ # if defined(__PATHCC_PATCHLEVEL__)
113
+ # define COMPILER_VERSION_PATCH DEC(__PATHCC_PATCHLEVEL__)
114
+ # endif
115
+
116
+ #elif defined(__BORLANDC__) && defined(__CODEGEARC_VERSION__)
117
+ # define COMPILER_ID "Embarcadero"
118
+ # define COMPILER_VERSION_MAJOR HEX(__CODEGEARC_VERSION__>>24 & 0x00FF)
119
+ # define COMPILER_VERSION_MINOR HEX(__CODEGEARC_VERSION__>>16 & 0x00FF)
120
+ # define COMPILER_VERSION_PATCH DEC(__CODEGEARC_VERSION__ & 0xFFFF)
121
+
122
+ #elif defined(__BORLANDC__)
123
+ # define COMPILER_ID "Borland"
124
+ /* __BORLANDC__ = 0xVRR */
125
+ # define COMPILER_VERSION_MAJOR HEX(__BORLANDC__>>8)
126
+ # define COMPILER_VERSION_MINOR HEX(__BORLANDC__ & 0xFF)
127
+
128
+ #elif defined(__WATCOMC__) && __WATCOMC__ < 1200
129
+ # define COMPILER_ID "Watcom"
130
+ /* __WATCOMC__ = VVRR */
131
+ # define COMPILER_VERSION_MAJOR DEC(__WATCOMC__ / 100)
132
+ # define COMPILER_VERSION_MINOR DEC((__WATCOMC__ / 10) % 10)
133
+ # if (__WATCOMC__ % 10) > 0
134
+ # define COMPILER_VERSION_PATCH DEC(__WATCOMC__ % 10)
135
+ # endif
136
+
137
+ #elif defined(__WATCOMC__)
138
+ # define COMPILER_ID "OpenWatcom"
139
+ /* __WATCOMC__ = VVRP + 1100 */
140
+ # define COMPILER_VERSION_MAJOR DEC((__WATCOMC__ - 1100) / 100)
141
+ # define COMPILER_VERSION_MINOR DEC((__WATCOMC__ / 10) % 10)
142
+ # if (__WATCOMC__ % 10) > 0
143
+ # define COMPILER_VERSION_PATCH DEC(__WATCOMC__ % 10)
144
+ # endif
145
+
146
+ #elif defined(__SUNPRO_C)
147
+ # define COMPILER_ID "SunPro"
148
+ # if __SUNPRO_C >= 0x5100
149
+ /* __SUNPRO_C = 0xVRRP */
150
+ # define COMPILER_VERSION_MAJOR HEX(__SUNPRO_C>>12)
151
+ # define COMPILER_VERSION_MINOR HEX(__SUNPRO_C>>4 & 0xFF)
152
+ # define COMPILER_VERSION_PATCH HEX(__SUNPRO_C & 0xF)
153
+ # else
154
+ /* __SUNPRO_CC = 0xVRP */
155
+ # define COMPILER_VERSION_MAJOR HEX(__SUNPRO_C>>8)
156
+ # define COMPILER_VERSION_MINOR HEX(__SUNPRO_C>>4 & 0xF)
157
+ # define COMPILER_VERSION_PATCH HEX(__SUNPRO_C & 0xF)
158
+ # endif
159
+
160
+ #elif defined(__HP_cc)
161
+ # define COMPILER_ID "HP"
162
+ /* __HP_cc = VVRRPP */
163
+ # define COMPILER_VERSION_MAJOR DEC(__HP_cc/10000)
164
+ # define COMPILER_VERSION_MINOR DEC(__HP_cc/100 % 100)
165
+ # define COMPILER_VERSION_PATCH DEC(__HP_cc % 100)
166
+
167
+ #elif defined(__DECC)
168
+ # define COMPILER_ID "Compaq"
169
+ /* __DECC_VER = VVRRTPPPP */
170
+ # define COMPILER_VERSION_MAJOR DEC(__DECC_VER/10000000)
171
+ # define COMPILER_VERSION_MINOR DEC(__DECC_VER/100000 % 100)
172
+ # define COMPILER_VERSION_PATCH DEC(__DECC_VER % 10000)
173
+
174
+ #elif defined(__IBMC__) && defined(__COMPILER_VER__)
175
+ # define COMPILER_ID "zOS"
176
+ /* __IBMC__ = VRP */
177
+ # define COMPILER_VERSION_MAJOR DEC(__IBMC__/100)
178
+ # define COMPILER_VERSION_MINOR DEC(__IBMC__/10 % 10)
179
+ # define COMPILER_VERSION_PATCH DEC(__IBMC__ % 10)
180
+
181
+ #elif defined(__open_xl__) && defined(__clang__)
182
+ # define COMPILER_ID "IBMClang"
183
+ # define COMPILER_VERSION_MAJOR DEC(__open_xl_version__)
184
+ # define COMPILER_VERSION_MINOR DEC(__open_xl_release__)
185
+ # define COMPILER_VERSION_PATCH DEC(__open_xl_modification__)
186
+ # define COMPILER_VERSION_TWEAK DEC(__open_xl_ptf_fix_level__)
187
+
188
+
189
+ #elif defined(__ibmxl__) && defined(__clang__)
190
+ # define COMPILER_ID "XLClang"
191
+ # define COMPILER_VERSION_MAJOR DEC(__ibmxl_version__)
192
+ # define COMPILER_VERSION_MINOR DEC(__ibmxl_release__)
193
+ # define COMPILER_VERSION_PATCH DEC(__ibmxl_modification__)
194
+ # define COMPILER_VERSION_TWEAK DEC(__ibmxl_ptf_fix_level__)
195
+
196
+
197
+ #elif defined(__IBMC__) && !defined(__COMPILER_VER__) && __IBMC__ >= 800
198
+ # define COMPILER_ID "XL"
199
+ /* __IBMC__ = VRP */
200
+ # define COMPILER_VERSION_MAJOR DEC(__IBMC__/100)
201
+ # define COMPILER_VERSION_MINOR DEC(__IBMC__/10 % 10)
202
+ # define COMPILER_VERSION_PATCH DEC(__IBMC__ % 10)
203
+
204
+ #elif defined(__IBMC__) && !defined(__COMPILER_VER__) && __IBMC__ < 800
205
+ # define COMPILER_ID "VisualAge"
206
+ /* __IBMC__ = VRP */
207
+ # define COMPILER_VERSION_MAJOR DEC(__IBMC__/100)
208
+ # define COMPILER_VERSION_MINOR DEC(__IBMC__/10 % 10)
209
+ # define COMPILER_VERSION_PATCH DEC(__IBMC__ % 10)
210
+
211
+ #elif defined(__NVCOMPILER)
212
+ # define COMPILER_ID "NVHPC"
213
+ # define COMPILER_VERSION_MAJOR DEC(__NVCOMPILER_MAJOR__)
214
+ # define COMPILER_VERSION_MINOR DEC(__NVCOMPILER_MINOR__)
215
+ # if defined(__NVCOMPILER_PATCHLEVEL__)
216
+ # define COMPILER_VERSION_PATCH DEC(__NVCOMPILER_PATCHLEVEL__)
217
+ # endif
218
+
219
+ #elif defined(__PGI)
220
+ # define COMPILER_ID "PGI"
221
+ # define COMPILER_VERSION_MAJOR DEC(__PGIC__)
222
+ # define COMPILER_VERSION_MINOR DEC(__PGIC_MINOR__)
223
+ # if defined(__PGIC_PATCHLEVEL__)
224
+ # define COMPILER_VERSION_PATCH DEC(__PGIC_PATCHLEVEL__)
225
+ # endif
226
+
227
+ #elif defined(_CRAYC)
228
+ # define COMPILER_ID "Cray"
229
+ # define COMPILER_VERSION_MAJOR DEC(_RELEASE_MAJOR)
230
+ # define COMPILER_VERSION_MINOR DEC(_RELEASE_MINOR)
231
+
232
+ #elif defined(__TI_COMPILER_VERSION__)
233
+ # define COMPILER_ID "TI"
234
+ /* __TI_COMPILER_VERSION__ = VVVRRRPPP */
235
+ # define COMPILER_VERSION_MAJOR DEC(__TI_COMPILER_VERSION__/1000000)
236
+ # define COMPILER_VERSION_MINOR DEC(__TI_COMPILER_VERSION__/1000 % 1000)
237
+ # define COMPILER_VERSION_PATCH DEC(__TI_COMPILER_VERSION__ % 1000)
238
+
239
+ #elif defined(__CLANG_FUJITSU)
240
+ # define COMPILER_ID "FujitsuClang"
241
+ # define COMPILER_VERSION_MAJOR DEC(__FCC_major__)
242
+ # define COMPILER_VERSION_MINOR DEC(__FCC_minor__)
243
+ # define COMPILER_VERSION_PATCH DEC(__FCC_patchlevel__)
244
+ # define COMPILER_VERSION_INTERNAL_STR __clang_version__
245
+
246
+
247
+ #elif defined(__FUJITSU)
248
+ # define COMPILER_ID "Fujitsu"
249
+ # if defined(__FCC_version__)
250
+ # define COMPILER_VERSION __FCC_version__
251
+ # elif defined(__FCC_major__)
252
+ # define COMPILER_VERSION_MAJOR DEC(__FCC_major__)
253
+ # define COMPILER_VERSION_MINOR DEC(__FCC_minor__)
254
+ # define COMPILER_VERSION_PATCH DEC(__FCC_patchlevel__)
255
+ # endif
256
+ # if defined(__fcc_version)
257
+ # define COMPILER_VERSION_INTERNAL DEC(__fcc_version)
258
+ # elif defined(__FCC_VERSION)
259
+ # define COMPILER_VERSION_INTERNAL DEC(__FCC_VERSION)
260
+ # endif
261
+
262
+
263
+ #elif defined(__ghs__)
264
+ # define COMPILER_ID "GHS"
265
+ /* __GHS_VERSION_NUMBER = VVVVRP */
266
+ # ifdef __GHS_VERSION_NUMBER
267
+ # define COMPILER_VERSION_MAJOR DEC(__GHS_VERSION_NUMBER / 100)
268
+ # define COMPILER_VERSION_MINOR DEC(__GHS_VERSION_NUMBER / 10 % 10)
269
+ # define COMPILER_VERSION_PATCH DEC(__GHS_VERSION_NUMBER % 10)
270
+ # endif
271
+
272
+ #elif defined(__TASKING__)
273
+ # define COMPILER_ID "Tasking"
274
+ # define COMPILER_VERSION_MAJOR DEC(__VERSION__/1000)
275
+ # define COMPILER_VERSION_MINOR DEC(__VERSION__ % 100)
276
+ # define COMPILER_VERSION_INTERNAL DEC(__VERSION__)
277
+
278
+ #elif defined(__TINYC__)
279
+ # define COMPILER_ID "TinyCC"
280
+
281
+ #elif defined(__BCC__)
282
+ # define COMPILER_ID "Bruce"
283
+
284
+ #elif defined(__SCO_VERSION__)
285
+ # define COMPILER_ID "SCO"
286
+
287
+ #elif defined(__ARMCC_VERSION) && !defined(__clang__)
288
+ # define COMPILER_ID "ARMCC"
289
+ #if __ARMCC_VERSION >= 1000000
290
+ /* __ARMCC_VERSION = VRRPPPP */
291
+ # define COMPILER_VERSION_MAJOR DEC(__ARMCC_VERSION/1000000)
292
+ # define COMPILER_VERSION_MINOR DEC(__ARMCC_VERSION/10000 % 100)
293
+ # define COMPILER_VERSION_PATCH DEC(__ARMCC_VERSION % 10000)
294
+ #else
295
+ /* __ARMCC_VERSION = VRPPPP */
296
+ # define COMPILER_VERSION_MAJOR DEC(__ARMCC_VERSION/100000)
297
+ # define COMPILER_VERSION_MINOR DEC(__ARMCC_VERSION/10000 % 10)
298
+ # define COMPILER_VERSION_PATCH DEC(__ARMCC_VERSION % 10000)
299
+ #endif
300
+
301
+
302
+ #elif defined(__clang__) && defined(__apple_build_version__)
303
+ # define COMPILER_ID "AppleClang"
304
+ # if defined(_MSC_VER)
305
+ # define SIMULATE_ID "MSVC"
306
+ # endif
307
+ # define COMPILER_VERSION_MAJOR DEC(__clang_major__)
308
+ # define COMPILER_VERSION_MINOR DEC(__clang_minor__)
309
+ # define COMPILER_VERSION_PATCH DEC(__clang_patchlevel__)
310
+ # if defined(_MSC_VER)
311
+ /* _MSC_VER = VVRR */
312
+ # define SIMULATE_VERSION_MAJOR DEC(_MSC_VER / 100)
313
+ # define SIMULATE_VERSION_MINOR DEC(_MSC_VER % 100)
314
+ # endif
315
+ # define COMPILER_VERSION_TWEAK DEC(__apple_build_version__)
316
+
317
+ #elif defined(__clang__) && defined(__ARMCOMPILER_VERSION)
318
+ # define COMPILER_ID "ARMClang"
319
+ # define COMPILER_VERSION_MAJOR DEC(__ARMCOMPILER_VERSION/1000000)
320
+ # define COMPILER_VERSION_MINOR DEC(__ARMCOMPILER_VERSION/10000 % 100)
321
+ # define COMPILER_VERSION_PATCH DEC(__ARMCOMPILER_VERSION % 10000)
322
+ # define COMPILER_VERSION_INTERNAL DEC(__ARMCOMPILER_VERSION)
323
+
324
+ #elif defined(__clang__)
325
+ # define COMPILER_ID "Clang"
326
+ # if defined(_MSC_VER)
327
+ # define SIMULATE_ID "MSVC"
328
+ # endif
329
+ # define COMPILER_VERSION_MAJOR DEC(__clang_major__)
330
+ # define COMPILER_VERSION_MINOR DEC(__clang_minor__)
331
+ # define COMPILER_VERSION_PATCH DEC(__clang_patchlevel__)
332
+ # if defined(_MSC_VER)
333
+ /* _MSC_VER = VVRR */
334
+ # define SIMULATE_VERSION_MAJOR DEC(_MSC_VER / 100)
335
+ # define SIMULATE_VERSION_MINOR DEC(_MSC_VER % 100)
336
+ # endif
337
+
338
+ #elif defined(__LCC__) && (defined(__GNUC__) || defined(__GNUG__) || defined(__MCST__))
339
+ # define COMPILER_ID "LCC"
340
+ # define COMPILER_VERSION_MAJOR DEC(__LCC__ / 100)
341
+ # define COMPILER_VERSION_MINOR DEC(__LCC__ % 100)
342
+ # if defined(__LCC_MINOR__)
343
+ # define COMPILER_VERSION_PATCH DEC(__LCC_MINOR__)
344
+ # endif
345
+ # if defined(__GNUC__) && defined(__GNUC_MINOR__)
346
+ # define SIMULATE_ID "GNU"
347
+ # define SIMULATE_VERSION_MAJOR DEC(__GNUC__)
348
+ # define SIMULATE_VERSION_MINOR DEC(__GNUC_MINOR__)
349
+ # if defined(__GNUC_PATCHLEVEL__)
350
+ # define SIMULATE_VERSION_PATCH DEC(__GNUC_PATCHLEVEL__)
351
+ # endif
352
+ # endif
353
+
354
+ #elif defined(__GNUC__)
355
+ # define COMPILER_ID "GNU"
356
+ # define COMPILER_VERSION_MAJOR DEC(__GNUC__)
357
+ # if defined(__GNUC_MINOR__)
358
+ # define COMPILER_VERSION_MINOR DEC(__GNUC_MINOR__)
359
+ # endif
360
+ # if defined(__GNUC_PATCHLEVEL__)
361
+ # define COMPILER_VERSION_PATCH DEC(__GNUC_PATCHLEVEL__)
362
+ # endif
363
+
364
+ #elif defined(_MSC_VER)
365
+ # define COMPILER_ID "MSVC"
366
+ /* _MSC_VER = VVRR */
367
+ # define COMPILER_VERSION_MAJOR DEC(_MSC_VER / 100)
368
+ # define COMPILER_VERSION_MINOR DEC(_MSC_VER % 100)
369
+ # if defined(_MSC_FULL_VER)
370
+ # if _MSC_VER >= 1400
371
+ /* _MSC_FULL_VER = VVRRPPPPP */
372
+ # define COMPILER_VERSION_PATCH DEC(_MSC_FULL_VER % 100000)
373
+ # else
374
+ /* _MSC_FULL_VER = VVRRPPPP */
375
+ # define COMPILER_VERSION_PATCH DEC(_MSC_FULL_VER % 10000)
376
+ # endif
377
+ # endif
378
+ # if defined(_MSC_BUILD)
379
+ # define COMPILER_VERSION_TWEAK DEC(_MSC_BUILD)
380
+ # endif
381
+
382
+ #elif defined(_ADI_COMPILER)
383
+ # define COMPILER_ID "ADSP"
384
+ #if defined(__VERSIONNUM__)
385
+ /* __VERSIONNUM__ = 0xVVRRPPTT */
386
+ # define COMPILER_VERSION_MAJOR DEC(__VERSIONNUM__ >> 24 & 0xFF)
387
+ # define COMPILER_VERSION_MINOR DEC(__VERSIONNUM__ >> 16 & 0xFF)
388
+ # define COMPILER_VERSION_PATCH DEC(__VERSIONNUM__ >> 8 & 0xFF)
389
+ # define COMPILER_VERSION_TWEAK DEC(__VERSIONNUM__ & 0xFF)
390
+ #endif
391
+
392
+ #elif defined(__IAR_SYSTEMS_ICC__) || defined(__IAR_SYSTEMS_ICC)
393
+ # define COMPILER_ID "IAR"
394
+ # if defined(__VER__) && defined(__ICCARM__)
395
+ # define COMPILER_VERSION_MAJOR DEC((__VER__) / 1000000)
396
+ # define COMPILER_VERSION_MINOR DEC(((__VER__) / 1000) % 1000)
397
+ # define COMPILER_VERSION_PATCH DEC((__VER__) % 1000)
398
+ # define COMPILER_VERSION_INTERNAL DEC(__IAR_SYSTEMS_ICC__)
399
+ # elif defined(__VER__) && (defined(__ICCAVR__) || defined(__ICCRX__) || defined(__ICCRH850__) || defined(__ICCRL78__) || defined(__ICC430__) || defined(__ICCRISCV__) || defined(__ICCV850__) || defined(__ICC8051__) || defined(__ICCSTM8__))
400
+ # define COMPILER_VERSION_MAJOR DEC((__VER__) / 100)
401
+ # define COMPILER_VERSION_MINOR DEC((__VER__) - (((__VER__) / 100)*100))
402
+ # define COMPILER_VERSION_PATCH DEC(__SUBVERSION__)
403
+ # define COMPILER_VERSION_INTERNAL DEC(__IAR_SYSTEMS_ICC__)
404
+ # endif
405
+
406
+ #elif defined(__SDCC_VERSION_MAJOR) || defined(SDCC)
407
+ # define COMPILER_ID "SDCC"
408
+ # if defined(__SDCC_VERSION_MAJOR)
409
+ # define COMPILER_VERSION_MAJOR DEC(__SDCC_VERSION_MAJOR)
410
+ # define COMPILER_VERSION_MINOR DEC(__SDCC_VERSION_MINOR)
411
+ # define COMPILER_VERSION_PATCH DEC(__SDCC_VERSION_PATCH)
412
+ # else
413
+ /* SDCC = VRP */
414
+ # define COMPILER_VERSION_MAJOR DEC(SDCC/100)
415
+ # define COMPILER_VERSION_MINOR DEC(SDCC/10 % 10)
416
+ # define COMPILER_VERSION_PATCH DEC(SDCC % 10)
417
+ # endif
418
+
419
+
420
+ /* These compilers are either not known or too old to define an
421
+ identification macro. Try to identify the platform and guess that
422
+ it is the native compiler. */
423
+ #elif defined(__hpux) || defined(__hpua)
424
+ # define COMPILER_ID "HP"
425
+
426
+ #else /* unknown compiler */
427
+ # define COMPILER_ID ""
428
+ #endif
429
+
430
+ /* Construct the string literal in pieces to prevent the source from
431
+ getting matched. Store it in a pointer rather than an array
432
+ because some compilers will just produce instructions to fill the
433
+ array rather than assigning a pointer to a static array. */
434
+ char const* info_compiler = "INFO" ":" "compiler[" COMPILER_ID "]";
435
+ #ifdef SIMULATE_ID
436
+ char const* info_simulate = "INFO" ":" "simulate[" SIMULATE_ID "]";
437
+ #endif
438
+
439
+ #ifdef __QNXNTO__
440
+ char const* qnxnto = "INFO" ":" "qnxnto[]";
441
+ #endif
442
+
443
+ #if defined(__CRAYXT_COMPUTE_LINUX_TARGET)
444
+ char const *info_cray = "INFO" ":" "compiler_wrapper[CrayPrgEnv]";
445
+ #endif
446
+
447
+ #define STRINGIFY_HELPER(X) #X
448
+ #define STRINGIFY(X) STRINGIFY_HELPER(X)
449
+
450
+ /* Identify known platforms by name. */
451
+ #if defined(__linux) || defined(__linux__) || defined(linux)
452
+ # define PLATFORM_ID "Linux"
453
+
454
+ #elif defined(__MSYS__)
455
+ # define PLATFORM_ID "MSYS"
456
+
457
+ #elif defined(__CYGWIN__)
458
+ # define PLATFORM_ID "Cygwin"
459
+
460
+ #elif defined(__MINGW32__)
461
+ # define PLATFORM_ID "MinGW"
462
+
463
+ #elif defined(__APPLE__)
464
+ # define PLATFORM_ID "Darwin"
465
+
466
+ #elif defined(_WIN32) || defined(__WIN32__) || defined(WIN32)
467
+ # define PLATFORM_ID "Windows"
468
+
469
+ #elif defined(__FreeBSD__) || defined(__FreeBSD)
470
+ # define PLATFORM_ID "FreeBSD"
471
+
472
+ #elif defined(__NetBSD__) || defined(__NetBSD)
473
+ # define PLATFORM_ID "NetBSD"
474
+
475
+ #elif defined(__OpenBSD__) || defined(__OPENBSD)
476
+ # define PLATFORM_ID "OpenBSD"
477
+
478
+ #elif defined(__sun) || defined(sun)
479
+ # define PLATFORM_ID "SunOS"
480
+
481
+ #elif defined(_AIX) || defined(__AIX) || defined(__AIX__) || defined(__aix) || defined(__aix__)
482
+ # define PLATFORM_ID "AIX"
483
+
484
+ #elif defined(__hpux) || defined(__hpux__)
485
+ # define PLATFORM_ID "HP-UX"
486
+
487
+ #elif defined(__HAIKU__)
488
+ # define PLATFORM_ID "Haiku"
489
+
490
+ #elif defined(__BeOS) || defined(__BEOS__) || defined(_BEOS)
491
+ # define PLATFORM_ID "BeOS"
492
+
493
+ #elif defined(__QNX__) || defined(__QNXNTO__)
494
+ # define PLATFORM_ID "QNX"
495
+
496
+ #elif defined(__tru64) || defined(_tru64) || defined(__TRU64__)
497
+ # define PLATFORM_ID "Tru64"
498
+
499
+ #elif defined(__riscos) || defined(__riscos__)
500
+ # define PLATFORM_ID "RISCos"
501
+
502
+ #elif defined(__sinix) || defined(__sinix__) || defined(__SINIX__)
503
+ # define PLATFORM_ID "SINIX"
504
+
505
+ #elif defined(__UNIX_SV__)
506
+ # define PLATFORM_ID "UNIX_SV"
507
+
508
+ #elif defined(__bsdos__)
509
+ # define PLATFORM_ID "BSDOS"
510
+
511
+ #elif defined(_MPRAS) || defined(MPRAS)
512
+ # define PLATFORM_ID "MP-RAS"
513
+
514
+ #elif defined(__osf) || defined(__osf__)
515
+ # define PLATFORM_ID "OSF1"
516
+
517
+ #elif defined(_SCO_SV) || defined(SCO_SV) || defined(sco_sv)
518
+ # define PLATFORM_ID "SCO_SV"
519
+
520
+ #elif defined(__ultrix) || defined(__ultrix__) || defined(_ULTRIX)
521
+ # define PLATFORM_ID "ULTRIX"
522
+
523
+ #elif defined(__XENIX__) || defined(_XENIX) || defined(XENIX)
524
+ # define PLATFORM_ID "Xenix"
525
+
526
+ #elif defined(__WATCOMC__)
527
+ # if defined(__LINUX__)
528
+ # define PLATFORM_ID "Linux"
529
+
530
+ # elif defined(__DOS__)
531
+ # define PLATFORM_ID "DOS"
532
+
533
+ # elif defined(__OS2__)
534
+ # define PLATFORM_ID "OS2"
535
+
536
+ # elif defined(__WINDOWS__)
537
+ # define PLATFORM_ID "Windows3x"
538
+
539
+ # elif defined(__VXWORKS__)
540
+ # define PLATFORM_ID "VxWorks"
541
+
542
+ # else /* unknown platform */
543
+ # define PLATFORM_ID
544
+ # endif
545
+
546
+ #elif defined(__INTEGRITY)
547
+ # if defined(INT_178B)
548
+ # define PLATFORM_ID "Integrity178"
549
+
550
+ # else /* regular Integrity */
551
+ # define PLATFORM_ID "Integrity"
552
+ # endif
553
+
554
+ # elif defined(_ADI_COMPILER)
555
+ # define PLATFORM_ID "ADSP"
556
+
557
+ #else /* unknown platform */
558
+ # define PLATFORM_ID
559
+
560
+ #endif
561
+
562
+ /* For windows compilers MSVC and Intel we can determine
563
+ the architecture of the compiler being used. This is because
564
+ the compilers do not have flags that can change the architecture,
565
+ but rather depend on which compiler is being used
566
+ */
567
+ #if defined(_WIN32) && defined(_MSC_VER)
568
+ # if defined(_M_IA64)
569
+ # define ARCHITECTURE_ID "IA64"
570
+
571
+ # elif defined(_M_ARM64EC)
572
+ # define ARCHITECTURE_ID "ARM64EC"
573
+
574
+ # elif defined(_M_X64) || defined(_M_AMD64)
575
+ # define ARCHITECTURE_ID "x64"
576
+
577
+ # elif defined(_M_IX86)
578
+ # define ARCHITECTURE_ID "X86"
579
+
580
+ # elif defined(_M_ARM64)
581
+ # define ARCHITECTURE_ID "ARM64"
582
+
583
+ # elif defined(_M_ARM)
584
+ # if _M_ARM == 4
585
+ # define ARCHITECTURE_ID "ARMV4I"
586
+ # elif _M_ARM == 5
587
+ # define ARCHITECTURE_ID "ARMV5I"
588
+ # else
589
+ # define ARCHITECTURE_ID "ARMV" STRINGIFY(_M_ARM)
590
+ # endif
591
+
592
+ # elif defined(_M_MIPS)
593
+ # define ARCHITECTURE_ID "MIPS"
594
+
595
+ # elif defined(_M_SH)
596
+ # define ARCHITECTURE_ID "SHx"
597
+
598
+ # else /* unknown architecture */
599
+ # define ARCHITECTURE_ID ""
600
+ # endif
601
+
602
+ #elif defined(__WATCOMC__)
603
+ # if defined(_M_I86)
604
+ # define ARCHITECTURE_ID "I86"
605
+
606
+ # elif defined(_M_IX86)
607
+ # define ARCHITECTURE_ID "X86"
608
+
609
+ # else /* unknown architecture */
610
+ # define ARCHITECTURE_ID ""
611
+ # endif
612
+
613
+ #elif defined(__IAR_SYSTEMS_ICC__) || defined(__IAR_SYSTEMS_ICC)
614
+ # if defined(__ICCARM__)
615
+ # define ARCHITECTURE_ID "ARM"
616
+
617
+ # elif defined(__ICCRX__)
618
+ # define ARCHITECTURE_ID "RX"
619
+
620
+ # elif defined(__ICCRH850__)
621
+ # define ARCHITECTURE_ID "RH850"
622
+
623
+ # elif defined(__ICCRL78__)
624
+ # define ARCHITECTURE_ID "RL78"
625
+
626
+ # elif defined(__ICCRISCV__)
627
+ # define ARCHITECTURE_ID "RISCV"
628
+
629
+ # elif defined(__ICCAVR__)
630
+ # define ARCHITECTURE_ID "AVR"
631
+
632
+ # elif defined(__ICC430__)
633
+ # define ARCHITECTURE_ID "MSP430"
634
+
635
+ # elif defined(__ICCV850__)
636
+ # define ARCHITECTURE_ID "V850"
637
+
638
+ # elif defined(__ICC8051__)
639
+ # define ARCHITECTURE_ID "8051"
640
+
641
+ # elif defined(__ICCSTM8__)
642
+ # define ARCHITECTURE_ID "STM8"
643
+
644
+ # else /* unknown architecture */
645
+ # define ARCHITECTURE_ID ""
646
+ # endif
647
+
648
+ #elif defined(__ghs__)
649
+ # if defined(__PPC64__)
650
+ # define ARCHITECTURE_ID "PPC64"
651
+
652
+ # elif defined(__ppc__)
653
+ # define ARCHITECTURE_ID "PPC"
654
+
655
+ # elif defined(__ARM__)
656
+ # define ARCHITECTURE_ID "ARM"
657
+
658
+ # elif defined(__x86_64__)
659
+ # define ARCHITECTURE_ID "x64"
660
+
661
+ # elif defined(__i386__)
662
+ # define ARCHITECTURE_ID "X86"
663
+
664
+ # else /* unknown architecture */
665
+ # define ARCHITECTURE_ID ""
666
+ # endif
667
+
668
+ #elif defined(__TI_COMPILER_VERSION__)
669
+ # if defined(__TI_ARM__)
670
+ # define ARCHITECTURE_ID "ARM"
671
+
672
+ # elif defined(__MSP430__)
673
+ # define ARCHITECTURE_ID "MSP430"
674
+
675
+ # elif defined(__TMS320C28XX__)
676
+ # define ARCHITECTURE_ID "TMS320C28x"
677
+
678
+ # elif defined(__TMS320C6X__) || defined(_TMS320C6X)
679
+ # define ARCHITECTURE_ID "TMS320C6x"
680
+
681
+ # else /* unknown architecture */
682
+ # define ARCHITECTURE_ID ""
683
+ # endif
684
+
685
+ # elif defined(__ADSPSHARC__)
686
+ # define ARCHITECTURE_ID "SHARC"
687
+
688
+ # elif defined(__ADSPBLACKFIN__)
689
+ # define ARCHITECTURE_ID "Blackfin"
690
+
691
+ #elif defined(__TASKING__)
692
+
693
+ # if defined(__CTC__) || defined(__CPTC__)
694
+ # define ARCHITECTURE_ID "TriCore"
695
+
696
+ # elif defined(__CMCS__)
697
+ # define ARCHITECTURE_ID "MCS"
698
+
699
+ # elif defined(__CARM__)
700
+ # define ARCHITECTURE_ID "ARM"
701
+
702
+ # elif defined(__CARC__)
703
+ # define ARCHITECTURE_ID "ARC"
704
+
705
+ # elif defined(__C51__)
706
+ # define ARCHITECTURE_ID "8051"
707
+
708
+ # elif defined(__CPCP__)
709
+ # define ARCHITECTURE_ID "PCP"
710
+
711
+ # else
712
+ # define ARCHITECTURE_ID ""
713
+ # endif
714
+
715
+ #else
716
+ # define ARCHITECTURE_ID
717
+ #endif
718
+
719
+ /* Convert integer to decimal digit literals. */
720
+ #define DEC(n) \
721
+ ('0' + (((n) / 10000000)%10)), \
722
+ ('0' + (((n) / 1000000)%10)), \
723
+ ('0' + (((n) / 100000)%10)), \
724
+ ('0' + (((n) / 10000)%10)), \
725
+ ('0' + (((n) / 1000)%10)), \
726
+ ('0' + (((n) / 100)%10)), \
727
+ ('0' + (((n) / 10)%10)), \
728
+ ('0' + ((n) % 10))
729
+
730
+ /* Convert integer to hex digit literals. */
731
+ #define HEX(n) \
732
+ ('0' + ((n)>>28 & 0xF)), \
733
+ ('0' + ((n)>>24 & 0xF)), \
734
+ ('0' + ((n)>>20 & 0xF)), \
735
+ ('0' + ((n)>>16 & 0xF)), \
736
+ ('0' + ((n)>>12 & 0xF)), \
737
+ ('0' + ((n)>>8 & 0xF)), \
738
+ ('0' + ((n)>>4 & 0xF)), \
739
+ ('0' + ((n) & 0xF))
740
+
741
+ /* Construct a string literal encoding the version number. */
742
+ #ifdef COMPILER_VERSION
743
+ char const* info_version = "INFO" ":" "compiler_version[" COMPILER_VERSION "]";
744
+
745
+ /* Construct a string literal encoding the version number components. */
746
+ #elif defined(COMPILER_VERSION_MAJOR)
747
+ char const info_version[] = {
748
+ 'I', 'N', 'F', 'O', ':',
749
+ 'c','o','m','p','i','l','e','r','_','v','e','r','s','i','o','n','[',
750
+ COMPILER_VERSION_MAJOR,
751
+ # ifdef COMPILER_VERSION_MINOR
752
+ '.', COMPILER_VERSION_MINOR,
753
+ # ifdef COMPILER_VERSION_PATCH
754
+ '.', COMPILER_VERSION_PATCH,
755
+ # ifdef COMPILER_VERSION_TWEAK
756
+ '.', COMPILER_VERSION_TWEAK,
757
+ # endif
758
+ # endif
759
+ # endif
760
+ ']','\0'};
761
+ #endif
762
+
763
+ /* Construct a string literal encoding the internal version number. */
764
+ #ifdef COMPILER_VERSION_INTERNAL
765
+ char const info_version_internal[] = {
766
+ 'I', 'N', 'F', 'O', ':',
767
+ 'c','o','m','p','i','l','e','r','_','v','e','r','s','i','o','n','_',
768
+ 'i','n','t','e','r','n','a','l','[',
769
+ COMPILER_VERSION_INTERNAL,']','\0'};
770
+ #elif defined(COMPILER_VERSION_INTERNAL_STR)
771
+ char const* info_version_internal = "INFO" ":" "compiler_version_internal[" COMPILER_VERSION_INTERNAL_STR "]";
772
+ #endif
773
+
774
+ /* Construct a string literal encoding the version number components. */
775
+ #ifdef SIMULATE_VERSION_MAJOR
776
+ char const info_simulate_version[] = {
777
+ 'I', 'N', 'F', 'O', ':',
778
+ 's','i','m','u','l','a','t','e','_','v','e','r','s','i','o','n','[',
779
+ SIMULATE_VERSION_MAJOR,
780
+ # ifdef SIMULATE_VERSION_MINOR
781
+ '.', SIMULATE_VERSION_MINOR,
782
+ # ifdef SIMULATE_VERSION_PATCH
783
+ '.', SIMULATE_VERSION_PATCH,
784
+ # ifdef SIMULATE_VERSION_TWEAK
785
+ '.', SIMULATE_VERSION_TWEAK,
786
+ # endif
787
+ # endif
788
+ # endif
789
+ ']','\0'};
790
+ #endif
791
+
792
+ /* Construct the string literal in pieces to prevent the source from
793
+ getting matched. Store it in a pointer rather than an array
794
+ because some compilers will just produce instructions to fill the
795
+ array rather than assigning a pointer to a static array. */
796
+ char const* info_platform = "INFO" ":" "platform[" PLATFORM_ID "]";
797
+ char const* info_arch = "INFO" ":" "arch[" ARCHITECTURE_ID "]";
798
+
799
+
800
+
801
+ #if !defined(__STDC__) && !defined(__clang__)
802
+ # if defined(_MSC_VER) || defined(__ibmxl__) || defined(__IBMC__)
803
+ # define C_VERSION "90"
804
+ # else
805
+ # define C_VERSION
806
+ # endif
807
+ #elif __STDC_VERSION__ > 201710L
808
+ # define C_VERSION "23"
809
+ #elif __STDC_VERSION__ >= 201710L
810
+ # define C_VERSION "17"
811
+ #elif __STDC_VERSION__ >= 201000L
812
+ # define C_VERSION "11"
813
+ #elif __STDC_VERSION__ >= 199901L
814
+ # define C_VERSION "99"
815
+ #else
816
+ # define C_VERSION "90"
817
+ #endif
818
+ const char* info_language_standard_default =
819
+ "INFO" ":" "standard_default[" C_VERSION "]";
820
+
821
+ const char* info_language_extensions_default = "INFO" ":" "extensions_default["
822
+ #if (defined(__clang__) || defined(__GNUC__) || defined(__xlC__) || \
823
+ defined(__TI_COMPILER_VERSION__)) && \
824
+ !defined(__STRICT_ANSI__)
825
+ "ON"
826
+ #else
827
+ "OFF"
828
+ #endif
829
+ "]";
830
+
831
+ /*--------------------------------------------------------------------------*/
832
+
833
+ #ifdef ID_VOID_MAIN
834
+ void main() {}
835
+ #else
836
+ # if defined(__CLASSIC_C__)
837
+ int main(argc, argv) int argc; char *argv[];
838
+ # else
839
+ int main(int argc, char* argv[])
840
+ # endif
841
+ {
842
+ int require = 0;
843
+ require += info_compiler[argc];
844
+ require += info_platform[argc];
845
+ require += info_arch[argc];
846
+ #ifdef COMPILER_VERSION_MAJOR
847
+ require += info_version[argc];
848
+ #endif
849
+ #ifdef COMPILER_VERSION_INTERNAL
850
+ require += info_version_internal[argc];
851
+ #endif
852
+ #ifdef SIMULATE_ID
853
+ require += info_simulate[argc];
854
+ #endif
855
+ #ifdef SIMULATE_VERSION_MAJOR
856
+ require += info_simulate_version[argc];
857
+ #endif
858
+ #if defined(__CRAYXT_COMPUTE_LINUX_TARGET)
859
+ require += info_cray[argc];
860
+ #endif
861
+ require += info_language_standard_default[argc];
862
+ require += info_language_extensions_default[argc];
863
+ (void)argv;
864
+ return require;
865
+ }
866
+ #endif
build/CMakeFiles/3.26.0/CompilerIdC/a.out ADDED
Binary file (16.1 kB). View file
 
build/CMakeFiles/3.26.0/CompilerIdCXX/CMakeCXXCompilerId.cpp ADDED
@@ -0,0 +1,855 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ /* This source file must have a .cpp extension so that all C++ compilers
2
+ recognize the extension without flags. Borland does not know .cxx for
3
+ example. */
4
+ #ifndef __cplusplus
5
+ # error "A C compiler has been selected for C++."
6
+ #endif
7
+
8
+ #if !defined(__has_include)
9
+ /* If the compiler does not have __has_include, pretend the answer is
10
+ always no. */
11
+ # define __has_include(x) 0
12
+ #endif
13
+
14
+
15
+ /* Version number components: V=Version, R=Revision, P=Patch
16
+ Version date components: YYYY=Year, MM=Month, DD=Day */
17
+
18
+ #if defined(__COMO__)
19
+ # define COMPILER_ID "Comeau"
20
+ /* __COMO_VERSION__ = VRR */
21
+ # define COMPILER_VERSION_MAJOR DEC(__COMO_VERSION__ / 100)
22
+ # define COMPILER_VERSION_MINOR DEC(__COMO_VERSION__ % 100)
23
+
24
+ #elif defined(__INTEL_COMPILER) || defined(__ICC)
25
+ # define COMPILER_ID "Intel"
26
+ # if defined(_MSC_VER)
27
+ # define SIMULATE_ID "MSVC"
28
+ # endif
29
+ # if defined(__GNUC__)
30
+ # define SIMULATE_ID "GNU"
31
+ # endif
32
+ /* __INTEL_COMPILER = VRP prior to 2021, and then VVVV for 2021 and later,
33
+ except that a few beta releases use the old format with V=2021. */
34
+ # if __INTEL_COMPILER < 2021 || __INTEL_COMPILER == 202110 || __INTEL_COMPILER == 202111
35
+ # define COMPILER_VERSION_MAJOR DEC(__INTEL_COMPILER/100)
36
+ # define COMPILER_VERSION_MINOR DEC(__INTEL_COMPILER/10 % 10)
37
+ # if defined(__INTEL_COMPILER_UPDATE)
38
+ # define COMPILER_VERSION_PATCH DEC(__INTEL_COMPILER_UPDATE)
39
+ # else
40
+ # define COMPILER_VERSION_PATCH DEC(__INTEL_COMPILER % 10)
41
+ # endif
42
+ # else
43
+ # define COMPILER_VERSION_MAJOR DEC(__INTEL_COMPILER)
44
+ # define COMPILER_VERSION_MINOR DEC(__INTEL_COMPILER_UPDATE)
45
+ /* The third version component from --version is an update index,
46
+ but no macro is provided for it. */
47
+ # define COMPILER_VERSION_PATCH DEC(0)
48
+ # endif
49
+ # if defined(__INTEL_COMPILER_BUILD_DATE)
50
+ /* __INTEL_COMPILER_BUILD_DATE = YYYYMMDD */
51
+ # define COMPILER_VERSION_TWEAK DEC(__INTEL_COMPILER_BUILD_DATE)
52
+ # endif
53
+ # if defined(_MSC_VER)
54
+ /* _MSC_VER = VVRR */
55
+ # define SIMULATE_VERSION_MAJOR DEC(_MSC_VER / 100)
56
+ # define SIMULATE_VERSION_MINOR DEC(_MSC_VER % 100)
57
+ # endif
58
+ # if defined(__GNUC__)
59
+ # define SIMULATE_VERSION_MAJOR DEC(__GNUC__)
60
+ # elif defined(__GNUG__)
61
+ # define SIMULATE_VERSION_MAJOR DEC(__GNUG__)
62
+ # endif
63
+ # if defined(__GNUC_MINOR__)
64
+ # define SIMULATE_VERSION_MINOR DEC(__GNUC_MINOR__)
65
+ # endif
66
+ # if defined(__GNUC_PATCHLEVEL__)
67
+ # define SIMULATE_VERSION_PATCH DEC(__GNUC_PATCHLEVEL__)
68
+ # endif
69
+
70
+ #elif (defined(__clang__) && defined(__INTEL_CLANG_COMPILER)) || defined(__INTEL_LLVM_COMPILER)
71
+ # define COMPILER_ID "IntelLLVM"
72
+ #if defined(_MSC_VER)
73
+ # define SIMULATE_ID "MSVC"
74
+ #endif
75
+ #if defined(__GNUC__)
76
+ # define SIMULATE_ID "GNU"
77
+ #endif
78
+ /* __INTEL_LLVM_COMPILER = VVVVRP prior to 2021.2.0, VVVVRRPP for 2021.2.0 and
79
+ * later. Look for 6 digit vs. 8 digit version number to decide encoding.
80
+ * VVVV is no smaller than the current year when a version is released.
81
+ */
82
+ #if __INTEL_LLVM_COMPILER < 1000000L
83
+ # define COMPILER_VERSION_MAJOR DEC(__INTEL_LLVM_COMPILER/100)
84
+ # define COMPILER_VERSION_MINOR DEC(__INTEL_LLVM_COMPILER/10 % 10)
85
+ # define COMPILER_VERSION_PATCH DEC(__INTEL_LLVM_COMPILER % 10)
86
+ #else
87
+ # define COMPILER_VERSION_MAJOR DEC(__INTEL_LLVM_COMPILER/10000)
88
+ # define COMPILER_VERSION_MINOR DEC(__INTEL_LLVM_COMPILER/100 % 100)
89
+ # define COMPILER_VERSION_PATCH DEC(__INTEL_LLVM_COMPILER % 100)
90
+ #endif
91
+ #if defined(_MSC_VER)
92
+ /* _MSC_VER = VVRR */
93
+ # define SIMULATE_VERSION_MAJOR DEC(_MSC_VER / 100)
94
+ # define SIMULATE_VERSION_MINOR DEC(_MSC_VER % 100)
95
+ #endif
96
+ #if defined(__GNUC__)
97
+ # define SIMULATE_VERSION_MAJOR DEC(__GNUC__)
98
+ #elif defined(__GNUG__)
99
+ # define SIMULATE_VERSION_MAJOR DEC(__GNUG__)
100
+ #endif
101
+ #if defined(__GNUC_MINOR__)
102
+ # define SIMULATE_VERSION_MINOR DEC(__GNUC_MINOR__)
103
+ #endif
104
+ #if defined(__GNUC_PATCHLEVEL__)
105
+ # define SIMULATE_VERSION_PATCH DEC(__GNUC_PATCHLEVEL__)
106
+ #endif
107
+
108
+ #elif defined(__PATHCC__)
109
+ # define COMPILER_ID "PathScale"
110
+ # define COMPILER_VERSION_MAJOR DEC(__PATHCC__)
111
+ # define COMPILER_VERSION_MINOR DEC(__PATHCC_MINOR__)
112
+ # if defined(__PATHCC_PATCHLEVEL__)
113
+ # define COMPILER_VERSION_PATCH DEC(__PATHCC_PATCHLEVEL__)
114
+ # endif
115
+
116
+ #elif defined(__BORLANDC__) && defined(__CODEGEARC_VERSION__)
117
+ # define COMPILER_ID "Embarcadero"
118
+ # define COMPILER_VERSION_MAJOR HEX(__CODEGEARC_VERSION__>>24 & 0x00FF)
119
+ # define COMPILER_VERSION_MINOR HEX(__CODEGEARC_VERSION__>>16 & 0x00FF)
120
+ # define COMPILER_VERSION_PATCH DEC(__CODEGEARC_VERSION__ & 0xFFFF)
121
+
122
+ #elif defined(__BORLANDC__)
123
+ # define COMPILER_ID "Borland"
124
+ /* __BORLANDC__ = 0xVRR */
125
+ # define COMPILER_VERSION_MAJOR HEX(__BORLANDC__>>8)
126
+ # define COMPILER_VERSION_MINOR HEX(__BORLANDC__ & 0xFF)
127
+
128
+ #elif defined(__WATCOMC__) && __WATCOMC__ < 1200
129
+ # define COMPILER_ID "Watcom"
130
+ /* __WATCOMC__ = VVRR */
131
+ # define COMPILER_VERSION_MAJOR DEC(__WATCOMC__ / 100)
132
+ # define COMPILER_VERSION_MINOR DEC((__WATCOMC__ / 10) % 10)
133
+ # if (__WATCOMC__ % 10) > 0
134
+ # define COMPILER_VERSION_PATCH DEC(__WATCOMC__ % 10)
135
+ # endif
136
+
137
+ #elif defined(__WATCOMC__)
138
+ # define COMPILER_ID "OpenWatcom"
139
+ /* __WATCOMC__ = VVRP + 1100 */
140
+ # define COMPILER_VERSION_MAJOR DEC((__WATCOMC__ - 1100) / 100)
141
+ # define COMPILER_VERSION_MINOR DEC((__WATCOMC__ / 10) % 10)
142
+ # if (__WATCOMC__ % 10) > 0
143
+ # define COMPILER_VERSION_PATCH DEC(__WATCOMC__ % 10)
144
+ # endif
145
+
146
+ #elif defined(__SUNPRO_CC)
147
+ # define COMPILER_ID "SunPro"
148
+ # if __SUNPRO_CC >= 0x5100
149
+ /* __SUNPRO_CC = 0xVRRP */
150
+ # define COMPILER_VERSION_MAJOR HEX(__SUNPRO_CC>>12)
151
+ # define COMPILER_VERSION_MINOR HEX(__SUNPRO_CC>>4 & 0xFF)
152
+ # define COMPILER_VERSION_PATCH HEX(__SUNPRO_CC & 0xF)
153
+ # else
154
+ /* __SUNPRO_CC = 0xVRP */
155
+ # define COMPILER_VERSION_MAJOR HEX(__SUNPRO_CC>>8)
156
+ # define COMPILER_VERSION_MINOR HEX(__SUNPRO_CC>>4 & 0xF)
157
+ # define COMPILER_VERSION_PATCH HEX(__SUNPRO_CC & 0xF)
158
+ # endif
159
+
160
+ #elif defined(__HP_aCC)
161
+ # define COMPILER_ID "HP"
162
+ /* __HP_aCC = VVRRPP */
163
+ # define COMPILER_VERSION_MAJOR DEC(__HP_aCC/10000)
164
+ # define COMPILER_VERSION_MINOR DEC(__HP_aCC/100 % 100)
165
+ # define COMPILER_VERSION_PATCH DEC(__HP_aCC % 100)
166
+
167
+ #elif defined(__DECCXX)
168
+ # define COMPILER_ID "Compaq"
169
+ /* __DECCXX_VER = VVRRTPPPP */
170
+ # define COMPILER_VERSION_MAJOR DEC(__DECCXX_VER/10000000)
171
+ # define COMPILER_VERSION_MINOR DEC(__DECCXX_VER/100000 % 100)
172
+ # define COMPILER_VERSION_PATCH DEC(__DECCXX_VER % 10000)
173
+
174
+ #elif defined(__IBMCPP__) && defined(__COMPILER_VER__)
175
+ # define COMPILER_ID "zOS"
176
+ /* __IBMCPP__ = VRP */
177
+ # define COMPILER_VERSION_MAJOR DEC(__IBMCPP__/100)
178
+ # define COMPILER_VERSION_MINOR DEC(__IBMCPP__/10 % 10)
179
+ # define COMPILER_VERSION_PATCH DEC(__IBMCPP__ % 10)
180
+
181
+ #elif defined(__open_xl__) && defined(__clang__)
182
+ # define COMPILER_ID "IBMClang"
183
+ # define COMPILER_VERSION_MAJOR DEC(__open_xl_version__)
184
+ # define COMPILER_VERSION_MINOR DEC(__open_xl_release__)
185
+ # define COMPILER_VERSION_PATCH DEC(__open_xl_modification__)
186
+ # define COMPILER_VERSION_TWEAK DEC(__open_xl_ptf_fix_level__)
187
+
188
+
189
+ #elif defined(__ibmxl__) && defined(__clang__)
190
+ # define COMPILER_ID "XLClang"
191
+ # define COMPILER_VERSION_MAJOR DEC(__ibmxl_version__)
192
+ # define COMPILER_VERSION_MINOR DEC(__ibmxl_release__)
193
+ # define COMPILER_VERSION_PATCH DEC(__ibmxl_modification__)
194
+ # define COMPILER_VERSION_TWEAK DEC(__ibmxl_ptf_fix_level__)
195
+
196
+
197
+ #elif defined(__IBMCPP__) && !defined(__COMPILER_VER__) && __IBMCPP__ >= 800
198
+ # define COMPILER_ID "XL"
199
+ /* __IBMCPP__ = VRP */
200
+ # define COMPILER_VERSION_MAJOR DEC(__IBMCPP__/100)
201
+ # define COMPILER_VERSION_MINOR DEC(__IBMCPP__/10 % 10)
202
+ # define COMPILER_VERSION_PATCH DEC(__IBMCPP__ % 10)
203
+
204
+ #elif defined(__IBMCPP__) && !defined(__COMPILER_VER__) && __IBMCPP__ < 800
205
+ # define COMPILER_ID "VisualAge"
206
+ /* __IBMCPP__ = VRP */
207
+ # define COMPILER_VERSION_MAJOR DEC(__IBMCPP__/100)
208
+ # define COMPILER_VERSION_MINOR DEC(__IBMCPP__/10 % 10)
209
+ # define COMPILER_VERSION_PATCH DEC(__IBMCPP__ % 10)
210
+
211
+ #elif defined(__NVCOMPILER)
212
+ # define COMPILER_ID "NVHPC"
213
+ # define COMPILER_VERSION_MAJOR DEC(__NVCOMPILER_MAJOR__)
214
+ # define COMPILER_VERSION_MINOR DEC(__NVCOMPILER_MINOR__)
215
+ # if defined(__NVCOMPILER_PATCHLEVEL__)
216
+ # define COMPILER_VERSION_PATCH DEC(__NVCOMPILER_PATCHLEVEL__)
217
+ # endif
218
+
219
+ #elif defined(__PGI)
220
+ # define COMPILER_ID "PGI"
221
+ # define COMPILER_VERSION_MAJOR DEC(__PGIC__)
222
+ # define COMPILER_VERSION_MINOR DEC(__PGIC_MINOR__)
223
+ # if defined(__PGIC_PATCHLEVEL__)
224
+ # define COMPILER_VERSION_PATCH DEC(__PGIC_PATCHLEVEL__)
225
+ # endif
226
+
227
+ #elif defined(_CRAYC)
228
+ # define COMPILER_ID "Cray"
229
+ # define COMPILER_VERSION_MAJOR DEC(_RELEASE_MAJOR)
230
+ # define COMPILER_VERSION_MINOR DEC(_RELEASE_MINOR)
231
+
232
+ #elif defined(__TI_COMPILER_VERSION__)
233
+ # define COMPILER_ID "TI"
234
+ /* __TI_COMPILER_VERSION__ = VVVRRRPPP */
235
+ # define COMPILER_VERSION_MAJOR DEC(__TI_COMPILER_VERSION__/1000000)
236
+ # define COMPILER_VERSION_MINOR DEC(__TI_COMPILER_VERSION__/1000 % 1000)
237
+ # define COMPILER_VERSION_PATCH DEC(__TI_COMPILER_VERSION__ % 1000)
238
+
239
+ #elif defined(__CLANG_FUJITSU)
240
+ # define COMPILER_ID "FujitsuClang"
241
+ # define COMPILER_VERSION_MAJOR DEC(__FCC_major__)
242
+ # define COMPILER_VERSION_MINOR DEC(__FCC_minor__)
243
+ # define COMPILER_VERSION_PATCH DEC(__FCC_patchlevel__)
244
+ # define COMPILER_VERSION_INTERNAL_STR __clang_version__
245
+
246
+
247
+ #elif defined(__FUJITSU)
248
+ # define COMPILER_ID "Fujitsu"
249
+ # if defined(__FCC_version__)
250
+ # define COMPILER_VERSION __FCC_version__
251
+ # elif defined(__FCC_major__)
252
+ # define COMPILER_VERSION_MAJOR DEC(__FCC_major__)
253
+ # define COMPILER_VERSION_MINOR DEC(__FCC_minor__)
254
+ # define COMPILER_VERSION_PATCH DEC(__FCC_patchlevel__)
255
+ # endif
256
+ # if defined(__fcc_version)
257
+ # define COMPILER_VERSION_INTERNAL DEC(__fcc_version)
258
+ # elif defined(__FCC_VERSION)
259
+ # define COMPILER_VERSION_INTERNAL DEC(__FCC_VERSION)
260
+ # endif
261
+
262
+
263
+ #elif defined(__ghs__)
264
+ # define COMPILER_ID "GHS"
265
+ /* __GHS_VERSION_NUMBER = VVVVRP */
266
+ # ifdef __GHS_VERSION_NUMBER
267
+ # define COMPILER_VERSION_MAJOR DEC(__GHS_VERSION_NUMBER / 100)
268
+ # define COMPILER_VERSION_MINOR DEC(__GHS_VERSION_NUMBER / 10 % 10)
269
+ # define COMPILER_VERSION_PATCH DEC(__GHS_VERSION_NUMBER % 10)
270
+ # endif
271
+
272
+ #elif defined(__TASKING__)
273
+ # define COMPILER_ID "Tasking"
274
+ # define COMPILER_VERSION_MAJOR DEC(__VERSION__/1000)
275
+ # define COMPILER_VERSION_MINOR DEC(__VERSION__ % 100)
276
+ # define COMPILER_VERSION_INTERNAL DEC(__VERSION__)
277
+
278
+ #elif defined(__SCO_VERSION__)
279
+ # define COMPILER_ID "SCO"
280
+
281
+ #elif defined(__ARMCC_VERSION) && !defined(__clang__)
282
+ # define COMPILER_ID "ARMCC"
283
+ #if __ARMCC_VERSION >= 1000000
284
+ /* __ARMCC_VERSION = VRRPPPP */
285
+ # define COMPILER_VERSION_MAJOR DEC(__ARMCC_VERSION/1000000)
286
+ # define COMPILER_VERSION_MINOR DEC(__ARMCC_VERSION/10000 % 100)
287
+ # define COMPILER_VERSION_PATCH DEC(__ARMCC_VERSION % 10000)
288
+ #else
289
+ /* __ARMCC_VERSION = VRPPPP */
290
+ # define COMPILER_VERSION_MAJOR DEC(__ARMCC_VERSION/100000)
291
+ # define COMPILER_VERSION_MINOR DEC(__ARMCC_VERSION/10000 % 10)
292
+ # define COMPILER_VERSION_PATCH DEC(__ARMCC_VERSION % 10000)
293
+ #endif
294
+
295
+
296
+ #elif defined(__clang__) && defined(__apple_build_version__)
297
+ # define COMPILER_ID "AppleClang"
298
+ # if defined(_MSC_VER)
299
+ # define SIMULATE_ID "MSVC"
300
+ # endif
301
+ # define COMPILER_VERSION_MAJOR DEC(__clang_major__)
302
+ # define COMPILER_VERSION_MINOR DEC(__clang_minor__)
303
+ # define COMPILER_VERSION_PATCH DEC(__clang_patchlevel__)
304
+ # if defined(_MSC_VER)
305
+ /* _MSC_VER = VVRR */
306
+ # define SIMULATE_VERSION_MAJOR DEC(_MSC_VER / 100)
307
+ # define SIMULATE_VERSION_MINOR DEC(_MSC_VER % 100)
308
+ # endif
309
+ # define COMPILER_VERSION_TWEAK DEC(__apple_build_version__)
310
+
311
+ #elif defined(__clang__) && defined(__ARMCOMPILER_VERSION)
312
+ # define COMPILER_ID "ARMClang"
313
+ # define COMPILER_VERSION_MAJOR DEC(__ARMCOMPILER_VERSION/1000000)
314
+ # define COMPILER_VERSION_MINOR DEC(__ARMCOMPILER_VERSION/10000 % 100)
315
+ # define COMPILER_VERSION_PATCH DEC(__ARMCOMPILER_VERSION % 10000)
316
+ # define COMPILER_VERSION_INTERNAL DEC(__ARMCOMPILER_VERSION)
317
+
318
+ #elif defined(__clang__)
319
+ # define COMPILER_ID "Clang"
320
+ # if defined(_MSC_VER)
321
+ # define SIMULATE_ID "MSVC"
322
+ # endif
323
+ # define COMPILER_VERSION_MAJOR DEC(__clang_major__)
324
+ # define COMPILER_VERSION_MINOR DEC(__clang_minor__)
325
+ # define COMPILER_VERSION_PATCH DEC(__clang_patchlevel__)
326
+ # if defined(_MSC_VER)
327
+ /* _MSC_VER = VVRR */
328
+ # define SIMULATE_VERSION_MAJOR DEC(_MSC_VER / 100)
329
+ # define SIMULATE_VERSION_MINOR DEC(_MSC_VER % 100)
330
+ # endif
331
+
332
+ #elif defined(__LCC__) && (defined(__GNUC__) || defined(__GNUG__) || defined(__MCST__))
333
+ # define COMPILER_ID "LCC"
334
+ # define COMPILER_VERSION_MAJOR DEC(__LCC__ / 100)
335
+ # define COMPILER_VERSION_MINOR DEC(__LCC__ % 100)
336
+ # if defined(__LCC_MINOR__)
337
+ # define COMPILER_VERSION_PATCH DEC(__LCC_MINOR__)
338
+ # endif
339
+ # if defined(__GNUC__) && defined(__GNUC_MINOR__)
340
+ # define SIMULATE_ID "GNU"
341
+ # define SIMULATE_VERSION_MAJOR DEC(__GNUC__)
342
+ # define SIMULATE_VERSION_MINOR DEC(__GNUC_MINOR__)
343
+ # if defined(__GNUC_PATCHLEVEL__)
344
+ # define SIMULATE_VERSION_PATCH DEC(__GNUC_PATCHLEVEL__)
345
+ # endif
346
+ # endif
347
+
348
+ #elif defined(__GNUC__) || defined(__GNUG__)
349
+ # define COMPILER_ID "GNU"
350
+ # if defined(__GNUC__)
351
+ # define COMPILER_VERSION_MAJOR DEC(__GNUC__)
352
+ # else
353
+ # define COMPILER_VERSION_MAJOR DEC(__GNUG__)
354
+ # endif
355
+ # if defined(__GNUC_MINOR__)
356
+ # define COMPILER_VERSION_MINOR DEC(__GNUC_MINOR__)
357
+ # endif
358
+ # if defined(__GNUC_PATCHLEVEL__)
359
+ # define COMPILER_VERSION_PATCH DEC(__GNUC_PATCHLEVEL__)
360
+ # endif
361
+
362
+ #elif defined(_MSC_VER)
363
+ # define COMPILER_ID "MSVC"
364
+ /* _MSC_VER = VVRR */
365
+ # define COMPILER_VERSION_MAJOR DEC(_MSC_VER / 100)
366
+ # define COMPILER_VERSION_MINOR DEC(_MSC_VER % 100)
367
+ # if defined(_MSC_FULL_VER)
368
+ # if _MSC_VER >= 1400
369
+ /* _MSC_FULL_VER = VVRRPPPPP */
370
+ # define COMPILER_VERSION_PATCH DEC(_MSC_FULL_VER % 100000)
371
+ # else
372
+ /* _MSC_FULL_VER = VVRRPPPP */
373
+ # define COMPILER_VERSION_PATCH DEC(_MSC_FULL_VER % 10000)
374
+ # endif
375
+ # endif
376
+ # if defined(_MSC_BUILD)
377
+ # define COMPILER_VERSION_TWEAK DEC(_MSC_BUILD)
378
+ # endif
379
+
380
+ #elif defined(_ADI_COMPILER)
381
+ # define COMPILER_ID "ADSP"
382
+ #if defined(__VERSIONNUM__)
383
+ /* __VERSIONNUM__ = 0xVVRRPPTT */
384
+ # define COMPILER_VERSION_MAJOR DEC(__VERSIONNUM__ >> 24 & 0xFF)
385
+ # define COMPILER_VERSION_MINOR DEC(__VERSIONNUM__ >> 16 & 0xFF)
386
+ # define COMPILER_VERSION_PATCH DEC(__VERSIONNUM__ >> 8 & 0xFF)
387
+ # define COMPILER_VERSION_TWEAK DEC(__VERSIONNUM__ & 0xFF)
388
+ #endif
389
+
390
+ #elif defined(__IAR_SYSTEMS_ICC__) || defined(__IAR_SYSTEMS_ICC)
391
+ # define COMPILER_ID "IAR"
392
+ # if defined(__VER__) && defined(__ICCARM__)
393
+ # define COMPILER_VERSION_MAJOR DEC((__VER__) / 1000000)
394
+ # define COMPILER_VERSION_MINOR DEC(((__VER__) / 1000) % 1000)
395
+ # define COMPILER_VERSION_PATCH DEC((__VER__) % 1000)
396
+ # define COMPILER_VERSION_INTERNAL DEC(__IAR_SYSTEMS_ICC__)
397
+ # elif defined(__VER__) && (defined(__ICCAVR__) || defined(__ICCRX__) || defined(__ICCRH850__) || defined(__ICCRL78__) || defined(__ICC430__) || defined(__ICCRISCV__) || defined(__ICCV850__) || defined(__ICC8051__) || defined(__ICCSTM8__))
398
+ # define COMPILER_VERSION_MAJOR DEC((__VER__) / 100)
399
+ # define COMPILER_VERSION_MINOR DEC((__VER__) - (((__VER__) / 100)*100))
400
+ # define COMPILER_VERSION_PATCH DEC(__SUBVERSION__)
401
+ # define COMPILER_VERSION_INTERNAL DEC(__IAR_SYSTEMS_ICC__)
402
+ # endif
403
+
404
+
405
+ /* These compilers are either not known or too old to define an
406
+ identification macro. Try to identify the platform and guess that
407
+ it is the native compiler. */
408
+ #elif defined(__hpux) || defined(__hpua)
409
+ # define COMPILER_ID "HP"
410
+
411
+ #else /* unknown compiler */
412
+ # define COMPILER_ID ""
413
+ #endif
414
+
415
+ /* Construct the string literal in pieces to prevent the source from
416
+ getting matched. Store it in a pointer rather than an array
417
+ because some compilers will just produce instructions to fill the
418
+ array rather than assigning a pointer to a static array. */
419
+ char const* info_compiler = "INFO" ":" "compiler[" COMPILER_ID "]";
420
+ #ifdef SIMULATE_ID
421
+ char const* info_simulate = "INFO" ":" "simulate[" SIMULATE_ID "]";
422
+ #endif
423
+
424
+ #ifdef __QNXNTO__
425
+ char const* qnxnto = "INFO" ":" "qnxnto[]";
426
+ #endif
427
+
428
+ #if defined(__CRAYXT_COMPUTE_LINUX_TARGET)
429
+ char const *info_cray = "INFO" ":" "compiler_wrapper[CrayPrgEnv]";
430
+ #endif
431
+
432
+ #define STRINGIFY_HELPER(X) #X
433
+ #define STRINGIFY(X) STRINGIFY_HELPER(X)
434
+
435
+ /* Identify known platforms by name. */
436
+ #if defined(__linux) || defined(__linux__) || defined(linux)
437
+ # define PLATFORM_ID "Linux"
438
+
439
+ #elif defined(__MSYS__)
440
+ # define PLATFORM_ID "MSYS"
441
+
442
+ #elif defined(__CYGWIN__)
443
+ # define PLATFORM_ID "Cygwin"
444
+
445
+ #elif defined(__MINGW32__)
446
+ # define PLATFORM_ID "MinGW"
447
+
448
+ #elif defined(__APPLE__)
449
+ # define PLATFORM_ID "Darwin"
450
+
451
+ #elif defined(_WIN32) || defined(__WIN32__) || defined(WIN32)
452
+ # define PLATFORM_ID "Windows"
453
+
454
+ #elif defined(__FreeBSD__) || defined(__FreeBSD)
455
+ # define PLATFORM_ID "FreeBSD"
456
+
457
+ #elif defined(__NetBSD__) || defined(__NetBSD)
458
+ # define PLATFORM_ID "NetBSD"
459
+
460
+ #elif defined(__OpenBSD__) || defined(__OPENBSD)
461
+ # define PLATFORM_ID "OpenBSD"
462
+
463
+ #elif defined(__sun) || defined(sun)
464
+ # define PLATFORM_ID "SunOS"
465
+
466
+ #elif defined(_AIX) || defined(__AIX) || defined(__AIX__) || defined(__aix) || defined(__aix__)
467
+ # define PLATFORM_ID "AIX"
468
+
469
+ #elif defined(__hpux) || defined(__hpux__)
470
+ # define PLATFORM_ID "HP-UX"
471
+
472
+ #elif defined(__HAIKU__)
473
+ # define PLATFORM_ID "Haiku"
474
+
475
+ #elif defined(__BeOS) || defined(__BEOS__) || defined(_BEOS)
476
+ # define PLATFORM_ID "BeOS"
477
+
478
+ #elif defined(__QNX__) || defined(__QNXNTO__)
479
+ # define PLATFORM_ID "QNX"
480
+
481
+ #elif defined(__tru64) || defined(_tru64) || defined(__TRU64__)
482
+ # define PLATFORM_ID "Tru64"
483
+
484
+ #elif defined(__riscos) || defined(__riscos__)
485
+ # define PLATFORM_ID "RISCos"
486
+
487
+ #elif defined(__sinix) || defined(__sinix__) || defined(__SINIX__)
488
+ # define PLATFORM_ID "SINIX"
489
+
490
+ #elif defined(__UNIX_SV__)
491
+ # define PLATFORM_ID "UNIX_SV"
492
+
493
+ #elif defined(__bsdos__)
494
+ # define PLATFORM_ID "BSDOS"
495
+
496
+ #elif defined(_MPRAS) || defined(MPRAS)
497
+ # define PLATFORM_ID "MP-RAS"
498
+
499
+ #elif defined(__osf) || defined(__osf__)
500
+ # define PLATFORM_ID "OSF1"
501
+
502
+ #elif defined(_SCO_SV) || defined(SCO_SV) || defined(sco_sv)
503
+ # define PLATFORM_ID "SCO_SV"
504
+
505
+ #elif defined(__ultrix) || defined(__ultrix__) || defined(_ULTRIX)
506
+ # define PLATFORM_ID "ULTRIX"
507
+
508
+ #elif defined(__XENIX__) || defined(_XENIX) || defined(XENIX)
509
+ # define PLATFORM_ID "Xenix"
510
+
511
+ #elif defined(__WATCOMC__)
512
+ # if defined(__LINUX__)
513
+ # define PLATFORM_ID "Linux"
514
+
515
+ # elif defined(__DOS__)
516
+ # define PLATFORM_ID "DOS"
517
+
518
+ # elif defined(__OS2__)
519
+ # define PLATFORM_ID "OS2"
520
+
521
+ # elif defined(__WINDOWS__)
522
+ # define PLATFORM_ID "Windows3x"
523
+
524
+ # elif defined(__VXWORKS__)
525
+ # define PLATFORM_ID "VxWorks"
526
+
527
+ # else /* unknown platform */
528
+ # define PLATFORM_ID
529
+ # endif
530
+
531
+ #elif defined(__INTEGRITY)
532
+ # if defined(INT_178B)
533
+ # define PLATFORM_ID "Integrity178"
534
+
535
+ # else /* regular Integrity */
536
+ # define PLATFORM_ID "Integrity"
537
+ # endif
538
+
539
+ # elif defined(_ADI_COMPILER)
540
+ # define PLATFORM_ID "ADSP"
541
+
542
+ #else /* unknown platform */
543
+ # define PLATFORM_ID
544
+
545
+ #endif
546
+
547
+ /* For windows compilers MSVC and Intel we can determine
548
+ the architecture of the compiler being used. This is because
549
+ the compilers do not have flags that can change the architecture,
550
+ but rather depend on which compiler is being used
551
+ */
552
+ #if defined(_WIN32) && defined(_MSC_VER)
553
+ # if defined(_M_IA64)
554
+ # define ARCHITECTURE_ID "IA64"
555
+
556
+ # elif defined(_M_ARM64EC)
557
+ # define ARCHITECTURE_ID "ARM64EC"
558
+
559
+ # elif defined(_M_X64) || defined(_M_AMD64)
560
+ # define ARCHITECTURE_ID "x64"
561
+
562
+ # elif defined(_M_IX86)
563
+ # define ARCHITECTURE_ID "X86"
564
+
565
+ # elif defined(_M_ARM64)
566
+ # define ARCHITECTURE_ID "ARM64"
567
+
568
+ # elif defined(_M_ARM)
569
+ # if _M_ARM == 4
570
+ # define ARCHITECTURE_ID "ARMV4I"
571
+ # elif _M_ARM == 5
572
+ # define ARCHITECTURE_ID "ARMV5I"
573
+ # else
574
+ # define ARCHITECTURE_ID "ARMV" STRINGIFY(_M_ARM)
575
+ # endif
576
+
577
+ # elif defined(_M_MIPS)
578
+ # define ARCHITECTURE_ID "MIPS"
579
+
580
+ # elif defined(_M_SH)
581
+ # define ARCHITECTURE_ID "SHx"
582
+
583
+ # else /* unknown architecture */
584
+ # define ARCHITECTURE_ID ""
585
+ # endif
586
+
587
+ #elif defined(__WATCOMC__)
588
+ # if defined(_M_I86)
589
+ # define ARCHITECTURE_ID "I86"
590
+
591
+ # elif defined(_M_IX86)
592
+ # define ARCHITECTURE_ID "X86"
593
+
594
+ # else /* unknown architecture */
595
+ # define ARCHITECTURE_ID ""
596
+ # endif
597
+
598
+ #elif defined(__IAR_SYSTEMS_ICC__) || defined(__IAR_SYSTEMS_ICC)
599
+ # if defined(__ICCARM__)
600
+ # define ARCHITECTURE_ID "ARM"
601
+
602
+ # elif defined(__ICCRX__)
603
+ # define ARCHITECTURE_ID "RX"
604
+
605
+ # elif defined(__ICCRH850__)
606
+ # define ARCHITECTURE_ID "RH850"
607
+
608
+ # elif defined(__ICCRL78__)
609
+ # define ARCHITECTURE_ID "RL78"
610
+
611
+ # elif defined(__ICCRISCV__)
612
+ # define ARCHITECTURE_ID "RISCV"
613
+
614
+ # elif defined(__ICCAVR__)
615
+ # define ARCHITECTURE_ID "AVR"
616
+
617
+ # elif defined(__ICC430__)
618
+ # define ARCHITECTURE_ID "MSP430"
619
+
620
+ # elif defined(__ICCV850__)
621
+ # define ARCHITECTURE_ID "V850"
622
+
623
+ # elif defined(__ICC8051__)
624
+ # define ARCHITECTURE_ID "8051"
625
+
626
+ # elif defined(__ICCSTM8__)
627
+ # define ARCHITECTURE_ID "STM8"
628
+
629
+ # else /* unknown architecture */
630
+ # define ARCHITECTURE_ID ""
631
+ # endif
632
+
633
+ #elif defined(__ghs__)
634
+ # if defined(__PPC64__)
635
+ # define ARCHITECTURE_ID "PPC64"
636
+
637
+ # elif defined(__ppc__)
638
+ # define ARCHITECTURE_ID "PPC"
639
+
640
+ # elif defined(__ARM__)
641
+ # define ARCHITECTURE_ID "ARM"
642
+
643
+ # elif defined(__x86_64__)
644
+ # define ARCHITECTURE_ID "x64"
645
+
646
+ # elif defined(__i386__)
647
+ # define ARCHITECTURE_ID "X86"
648
+
649
+ # else /* unknown architecture */
650
+ # define ARCHITECTURE_ID ""
651
+ # endif
652
+
653
+ #elif defined(__TI_COMPILER_VERSION__)
654
+ # if defined(__TI_ARM__)
655
+ # define ARCHITECTURE_ID "ARM"
656
+
657
+ # elif defined(__MSP430__)
658
+ # define ARCHITECTURE_ID "MSP430"
659
+
660
+ # elif defined(__TMS320C28XX__)
661
+ # define ARCHITECTURE_ID "TMS320C28x"
662
+
663
+ # elif defined(__TMS320C6X__) || defined(_TMS320C6X)
664
+ # define ARCHITECTURE_ID "TMS320C6x"
665
+
666
+ # else /* unknown architecture */
667
+ # define ARCHITECTURE_ID ""
668
+ # endif
669
+
670
+ # elif defined(__ADSPSHARC__)
671
+ # define ARCHITECTURE_ID "SHARC"
672
+
673
+ # elif defined(__ADSPBLACKFIN__)
674
+ # define ARCHITECTURE_ID "Blackfin"
675
+
676
+ #elif defined(__TASKING__)
677
+
678
+ # if defined(__CTC__) || defined(__CPTC__)
679
+ # define ARCHITECTURE_ID "TriCore"
680
+
681
+ # elif defined(__CMCS__)
682
+ # define ARCHITECTURE_ID "MCS"
683
+
684
+ # elif defined(__CARM__)
685
+ # define ARCHITECTURE_ID "ARM"
686
+
687
+ # elif defined(__CARC__)
688
+ # define ARCHITECTURE_ID "ARC"
689
+
690
+ # elif defined(__C51__)
691
+ # define ARCHITECTURE_ID "8051"
692
+
693
+ # elif defined(__CPCP__)
694
+ # define ARCHITECTURE_ID "PCP"
695
+
696
+ # else
697
+ # define ARCHITECTURE_ID ""
698
+ # endif
699
+
700
+ #else
701
+ # define ARCHITECTURE_ID
702
+ #endif
703
+
704
+ /* Convert integer to decimal digit literals. */
705
+ #define DEC(n) \
706
+ ('0' + (((n) / 10000000)%10)), \
707
+ ('0' + (((n) / 1000000)%10)), \
708
+ ('0' + (((n) / 100000)%10)), \
709
+ ('0' + (((n) / 10000)%10)), \
710
+ ('0' + (((n) / 1000)%10)), \
711
+ ('0' + (((n) / 100)%10)), \
712
+ ('0' + (((n) / 10)%10)), \
713
+ ('0' + ((n) % 10))
714
+
715
+ /* Convert integer to hex digit literals. */
716
+ #define HEX(n) \
717
+ ('0' + ((n)>>28 & 0xF)), \
718
+ ('0' + ((n)>>24 & 0xF)), \
719
+ ('0' + ((n)>>20 & 0xF)), \
720
+ ('0' + ((n)>>16 & 0xF)), \
721
+ ('0' + ((n)>>12 & 0xF)), \
722
+ ('0' + ((n)>>8 & 0xF)), \
723
+ ('0' + ((n)>>4 & 0xF)), \
724
+ ('0' + ((n) & 0xF))
725
+
726
+ /* Construct a string literal encoding the version number. */
727
+ #ifdef COMPILER_VERSION
728
+ char const* info_version = "INFO" ":" "compiler_version[" COMPILER_VERSION "]";
729
+
730
+ /* Construct a string literal encoding the version number components. */
731
+ #elif defined(COMPILER_VERSION_MAJOR)
732
+ char const info_version[] = {
733
+ 'I', 'N', 'F', 'O', ':',
734
+ 'c','o','m','p','i','l','e','r','_','v','e','r','s','i','o','n','[',
735
+ COMPILER_VERSION_MAJOR,
736
+ # ifdef COMPILER_VERSION_MINOR
737
+ '.', COMPILER_VERSION_MINOR,
738
+ # ifdef COMPILER_VERSION_PATCH
739
+ '.', COMPILER_VERSION_PATCH,
740
+ # ifdef COMPILER_VERSION_TWEAK
741
+ '.', COMPILER_VERSION_TWEAK,
742
+ # endif
743
+ # endif
744
+ # endif
745
+ ']','\0'};
746
+ #endif
747
+
748
+ /* Construct a string literal encoding the internal version number. */
749
+ #ifdef COMPILER_VERSION_INTERNAL
750
+ char const info_version_internal[] = {
751
+ 'I', 'N', 'F', 'O', ':',
752
+ 'c','o','m','p','i','l','e','r','_','v','e','r','s','i','o','n','_',
753
+ 'i','n','t','e','r','n','a','l','[',
754
+ COMPILER_VERSION_INTERNAL,']','\0'};
755
+ #elif defined(COMPILER_VERSION_INTERNAL_STR)
756
+ char const* info_version_internal = "INFO" ":" "compiler_version_internal[" COMPILER_VERSION_INTERNAL_STR "]";
757
+ #endif
758
+
759
+ /* Construct a string literal encoding the version number components. */
760
+ #ifdef SIMULATE_VERSION_MAJOR
761
+ char const info_simulate_version[] = {
762
+ 'I', 'N', 'F', 'O', ':',
763
+ 's','i','m','u','l','a','t','e','_','v','e','r','s','i','o','n','[',
764
+ SIMULATE_VERSION_MAJOR,
765
+ # ifdef SIMULATE_VERSION_MINOR
766
+ '.', SIMULATE_VERSION_MINOR,
767
+ # ifdef SIMULATE_VERSION_PATCH
768
+ '.', SIMULATE_VERSION_PATCH,
769
+ # ifdef SIMULATE_VERSION_TWEAK
770
+ '.', SIMULATE_VERSION_TWEAK,
771
+ # endif
772
+ # endif
773
+ # endif
774
+ ']','\0'};
775
+ #endif
776
+
777
+ /* Construct the string literal in pieces to prevent the source from
778
+ getting matched. Store it in a pointer rather than an array
779
+ because some compilers will just produce instructions to fill the
780
+ array rather than assigning a pointer to a static array. */
781
+ char const* info_platform = "INFO" ":" "platform[" PLATFORM_ID "]";
782
+ char const* info_arch = "INFO" ":" "arch[" ARCHITECTURE_ID "]";
783
+
784
+
785
+
786
+ #if defined(__INTEL_COMPILER) && defined(_MSVC_LANG) && _MSVC_LANG < 201403L
787
+ # if defined(__INTEL_CXX11_MODE__)
788
+ # if defined(__cpp_aggregate_nsdmi)
789
+ # define CXX_STD 201402L
790
+ # else
791
+ # define CXX_STD 201103L
792
+ # endif
793
+ # else
794
+ # define CXX_STD 199711L
795
+ # endif
796
+ #elif defined(_MSC_VER) && defined(_MSVC_LANG)
797
+ # define CXX_STD _MSVC_LANG
798
+ #else
799
+ # define CXX_STD __cplusplus
800
+ #endif
801
+
802
+ const char* info_language_standard_default = "INFO" ":" "standard_default["
803
+ #if CXX_STD > 202002L
804
+ "23"
805
+ #elif CXX_STD > 201703L
806
+ "20"
807
+ #elif CXX_STD >= 201703L
808
+ "17"
809
+ #elif CXX_STD >= 201402L
810
+ "14"
811
+ #elif CXX_STD >= 201103L
812
+ "11"
813
+ #else
814
+ "98"
815
+ #endif
816
+ "]";
817
+
818
+ const char* info_language_extensions_default = "INFO" ":" "extensions_default["
819
+ #if (defined(__clang__) || defined(__GNUC__) || defined(__xlC__) || \
820
+ defined(__TI_COMPILER_VERSION__)) && \
821
+ !defined(__STRICT_ANSI__)
822
+ "ON"
823
+ #else
824
+ "OFF"
825
+ #endif
826
+ "]";
827
+
828
+ /*--------------------------------------------------------------------------*/
829
+
830
+ int main(int argc, char* argv[])
831
+ {
832
+ int require = 0;
833
+ require += info_compiler[argc];
834
+ require += info_platform[argc];
835
+ require += info_arch[argc];
836
+ #ifdef COMPILER_VERSION_MAJOR
837
+ require += info_version[argc];
838
+ #endif
839
+ #ifdef COMPILER_VERSION_INTERNAL
840
+ require += info_version_internal[argc];
841
+ #endif
842
+ #ifdef SIMULATE_ID
843
+ require += info_simulate[argc];
844
+ #endif
845
+ #ifdef SIMULATE_VERSION_MAJOR
846
+ require += info_simulate_version[argc];
847
+ #endif
848
+ #if defined(__CRAYXT_COMPUTE_LINUX_TARGET)
849
+ require += info_cray[argc];
850
+ #endif
851
+ require += info_language_standard_default[argc];
852
+ require += info_language_extensions_default[argc];
853
+ (void)argv;
854
+ return require;
855
+ }
build/CMakeFiles/3.26.0/CompilerIdCXX/a.out ADDED
Binary file (16.1 kB). View file
 
build/CMakeFiles/CMakeConfigureLog.yaml ADDED
The diff for this file is too large to render. See raw diff
 
build/CMakeFiles/CMakeDirectoryInformation.cmake ADDED
@@ -0,0 +1,16 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ # CMAKE generated file: DO NOT EDIT!
2
+ # Generated by "Unix Makefiles" Generator, CMake Version 3.26
3
+
4
+ # Relative path conversion top directories.
5
+ set(CMAKE_RELATIVE_PATH_TOP_SOURCE "/home/cam/Desktop/ICP/Fast-Robust-ICP")
6
+ set(CMAKE_RELATIVE_PATH_TOP_BINARY "/home/cam/Desktop/ICP/Fast-Robust-ICP/build")
7
+
8
+ # Force unix paths in dependencies.
9
+ set(CMAKE_FORCE_UNIX_PATHS 1)
10
+
11
+
12
+ # The C and CXX include file regular expressions for this directory.
13
+ set(CMAKE_C_INCLUDE_REGEX_SCAN "^.*$")
14
+ set(CMAKE_C_INCLUDE_REGEX_COMPLAIN "^$")
15
+ set(CMAKE_CXX_INCLUDE_REGEX_SCAN ${CMAKE_C_INCLUDE_REGEX_SCAN})
16
+ set(CMAKE_CXX_INCLUDE_REGEX_COMPLAIN ${CMAKE_C_INCLUDE_REGEX_COMPLAIN})
build/CMakeFiles/FRICP.dir/DependInfo.cmake ADDED
@@ -0,0 +1,19 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+
2
+ # Consider dependencies only in project.
3
+ set(CMAKE_DEPENDS_IN_PROJECT_ONLY OFF)
4
+
5
+ # The set of languages for which implicit dependencies are needed:
6
+ set(CMAKE_DEPENDS_LANGUAGES
7
+ )
8
+
9
+ # The set of dependency files which are needed:
10
+ set(CMAKE_DEPENDS_DEPENDENCY_FILES
11
+ "/home/cam/Desktop/ICP/Fast-Robust-ICP/main.cpp" "CMakeFiles/FRICP.dir/main.cpp.o" "gcc" "CMakeFiles/FRICP.dir/main.cpp.o.d"
12
+ )
13
+
14
+ # Targets to which this target links which contain Fortran sources.
15
+ set(CMAKE_Fortran_TARGET_LINKED_INFO_FILES
16
+ )
17
+
18
+ # Fortran module output directory.
19
+ set(CMAKE_Fortran_TARGET_MODULE_DIR "")
build/CMakeFiles/FRICP.dir/build.make ADDED
@@ -0,0 +1,110 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ # CMAKE generated file: DO NOT EDIT!
2
+ # Generated by "Unix Makefiles" Generator, CMake Version 3.26
3
+
4
+ # Delete rule output on recipe failure.
5
+ .DELETE_ON_ERROR:
6
+
7
+ #=============================================================================
8
+ # Special targets provided by cmake.
9
+
10
+ # Disable implicit rules so canonical targets will work.
11
+ .SUFFIXES:
12
+
13
+ # Disable VCS-based implicit rules.
14
+ % : %,v
15
+
16
+ # Disable VCS-based implicit rules.
17
+ % : RCS/%
18
+
19
+ # Disable VCS-based implicit rules.
20
+ % : RCS/%,v
21
+
22
+ # Disable VCS-based implicit rules.
23
+ % : SCCS/s.%
24
+
25
+ # Disable VCS-based implicit rules.
26
+ % : s.%
27
+
28
+ .SUFFIXES: .hpux_make_needs_suffix_list
29
+
30
+ # Command-line flag to silence nested $(MAKE).
31
+ $(VERBOSE)MAKESILENT = -s
32
+
33
+ #Suppress display of executed commands.
34
+ $(VERBOSE).SILENT:
35
+
36
+ # A target that is always out of date.
37
+ cmake_force:
38
+ .PHONY : cmake_force
39
+
40
+ #=============================================================================
41
+ # Set environment variables for the build.
42
+
43
+ # The shell in which to execute make rules.
44
+ SHELL = /bin/sh
45
+
46
+ # The CMake executable.
47
+ CMAKE_COMMAND = /usr/local/bin/cmake
48
+
49
+ # The command to remove a file.
50
+ RM = /usr/local/bin/cmake -E rm -f
51
+
52
+ # Escaping for special characters.
53
+ EQUALS = =
54
+
55
+ # The top-level source directory on which CMake was run.
56
+ CMAKE_SOURCE_DIR = /home/cam/Desktop/ICP/Fast-Robust-ICP
57
+
58
+ # The top-level build directory on which CMake was run.
59
+ CMAKE_BINARY_DIR = /home/cam/Desktop/ICP/Fast-Robust-ICP/build
60
+
61
+ # Include any dependencies generated for this target.
62
+ include CMakeFiles/FRICP.dir/depend.make
63
+ # Include any dependencies generated by the compiler for this target.
64
+ include CMakeFiles/FRICP.dir/compiler_depend.make
65
+
66
+ # Include the progress variables for this target.
67
+ include CMakeFiles/FRICP.dir/progress.make
68
+
69
+ # Include the compile flags for this target's objects.
70
+ include CMakeFiles/FRICP.dir/flags.make
71
+
72
+ CMakeFiles/FRICP.dir/main.cpp.o: CMakeFiles/FRICP.dir/flags.make
73
+ CMakeFiles/FRICP.dir/main.cpp.o: /home/cam/Desktop/ICP/Fast-Robust-ICP/main.cpp
74
+ CMakeFiles/FRICP.dir/main.cpp.o: CMakeFiles/FRICP.dir/compiler_depend.ts
75
+ @$(CMAKE_COMMAND) -E cmake_echo_color --switch=$(COLOR) --green --progress-dir=/home/cam/Desktop/ICP/Fast-Robust-ICP/build/CMakeFiles --progress-num=$(CMAKE_PROGRESS_1) "Building CXX object CMakeFiles/FRICP.dir/main.cpp.o"
76
+ /usr/bin/c++ $(CXX_DEFINES) $(CXX_INCLUDES) $(CXX_FLAGS) -MD -MT CMakeFiles/FRICP.dir/main.cpp.o -MF CMakeFiles/FRICP.dir/main.cpp.o.d -o CMakeFiles/FRICP.dir/main.cpp.o -c /home/cam/Desktop/ICP/Fast-Robust-ICP/main.cpp
77
+
78
+ CMakeFiles/FRICP.dir/main.cpp.i: cmake_force
79
+ @$(CMAKE_COMMAND) -E cmake_echo_color --switch=$(COLOR) --green "Preprocessing CXX source to CMakeFiles/FRICP.dir/main.cpp.i"
80
+ /usr/bin/c++ $(CXX_DEFINES) $(CXX_INCLUDES) $(CXX_FLAGS) -E /home/cam/Desktop/ICP/Fast-Robust-ICP/main.cpp > CMakeFiles/FRICP.dir/main.cpp.i
81
+
82
+ CMakeFiles/FRICP.dir/main.cpp.s: cmake_force
83
+ @$(CMAKE_COMMAND) -E cmake_echo_color --switch=$(COLOR) --green "Compiling CXX source to assembly CMakeFiles/FRICP.dir/main.cpp.s"
84
+ /usr/bin/c++ $(CXX_DEFINES) $(CXX_INCLUDES) $(CXX_FLAGS) -S /home/cam/Desktop/ICP/Fast-Robust-ICP/main.cpp -o CMakeFiles/FRICP.dir/main.cpp.s
85
+
86
+ # Object files for target FRICP
87
+ FRICP_OBJECTS = \
88
+ "CMakeFiles/FRICP.dir/main.cpp.o"
89
+
90
+ # External object files for target FRICP
91
+ FRICP_EXTERNAL_OBJECTS =
92
+
93
+ FRICP: CMakeFiles/FRICP.dir/main.cpp.o
94
+ FRICP: CMakeFiles/FRICP.dir/build.make
95
+ FRICP: CMakeFiles/FRICP.dir/link.txt
96
+ @$(CMAKE_COMMAND) -E cmake_echo_color --switch=$(COLOR) --green --bold --progress-dir=/home/cam/Desktop/ICP/Fast-Robust-ICP/build/CMakeFiles --progress-num=$(CMAKE_PROGRESS_2) "Linking CXX executable FRICP"
97
+ $(CMAKE_COMMAND) -E cmake_link_script CMakeFiles/FRICP.dir/link.txt --verbose=$(VERBOSE)
98
+
99
+ # Rule to build all files generated by this target.
100
+ CMakeFiles/FRICP.dir/build: FRICP
101
+ .PHONY : CMakeFiles/FRICP.dir/build
102
+
103
+ CMakeFiles/FRICP.dir/clean:
104
+ $(CMAKE_COMMAND) -P CMakeFiles/FRICP.dir/cmake_clean.cmake
105
+ .PHONY : CMakeFiles/FRICP.dir/clean
106
+
107
+ CMakeFiles/FRICP.dir/depend:
108
+ cd /home/cam/Desktop/ICP/Fast-Robust-ICP/build && $(CMAKE_COMMAND) -E cmake_depends "Unix Makefiles" /home/cam/Desktop/ICP/Fast-Robust-ICP /home/cam/Desktop/ICP/Fast-Robust-ICP /home/cam/Desktop/ICP/Fast-Robust-ICP/build /home/cam/Desktop/ICP/Fast-Robust-ICP/build /home/cam/Desktop/ICP/Fast-Robust-ICP/build/CMakeFiles/FRICP.dir/DependInfo.cmake --color=$(COLOR)
109
+ .PHONY : CMakeFiles/FRICP.dir/depend
110
+
build/CMakeFiles/FRICP.dir/cmake_clean.cmake ADDED
@@ -0,0 +1,11 @@
 
 
 
 
 
 
 
 
 
 
 
 
1
+ file(REMOVE_RECURSE
2
+ "CMakeFiles/FRICP.dir/main.cpp.o"
3
+ "CMakeFiles/FRICP.dir/main.cpp.o.d"
4
+ "FRICP"
5
+ "FRICP.pdb"
6
+ )
7
+
8
+ # Per-language clean rules from dependency scanning.
9
+ foreach(lang CXX)
10
+ include(CMakeFiles/FRICP.dir/cmake_clean_${lang}.cmake OPTIONAL)
11
+ endforeach()
build/CMakeFiles/FRICP.dir/compiler_depend.make ADDED
@@ -0,0 +1,2 @@
 
 
 
1
+ # Empty compiler generated dependencies file for FRICP.
2
+ # This may be replaced when dependencies are built.
build/CMakeFiles/FRICP.dir/compiler_depend.ts ADDED
@@ -0,0 +1,2 @@
 
 
 
1
+ # CMAKE generated file: DO NOT EDIT!
2
+ # Timestamp file for compiler generated dependencies management for FRICP.
build/CMakeFiles/FRICP.dir/depend.make ADDED
@@ -0,0 +1,2 @@
 
 
 
1
+ # Empty dependencies file for FRICP.
2
+ # This may be replaced when dependencies are built.
build/CMakeFiles/FRICP.dir/flags.make ADDED
@@ -0,0 +1,10 @@
 
 
 
 
 
 
 
 
 
 
 
1
+ # CMAKE generated file: DO NOT EDIT!
2
+ # Generated by "Unix Makefiles" Generator, CMake Version 3.26
3
+
4
+ # compile CXX with /usr/bin/c++
5
+ CXX_DEFINES =
6
+
7
+ CXX_INCLUDES = -I/usr/include/eigen3 -I/home/cam/Desktop/ICP/Fast-Robust-ICP/include -I/home/cam/Desktop/ICP/Fast-Robust-ICP/.
8
+
9
+ CXX_FLAGS = -std=c++14 -fopenmp -O3 -DNDEBUG
10
+
build/CMakeFiles/FRICP.dir/link.txt ADDED
@@ -0,0 +1 @@
 
 
1
+ /usr/bin/c++ -std=c++14 -fopenmp -O3 -DNDEBUG -rdynamic CMakeFiles/FRICP.dir/main.cpp.o -o FRICP
build/CMakeFiles/FRICP.dir/main.cpp.o.d ADDED
@@ -0,0 +1,422 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ CMakeFiles/FRICP.dir/main.cpp.o: \
2
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/main.cpp \
3
+ /usr/include/stdc-predef.h /usr/include/c++/11/iostream \
4
+ /usr/include/x86_64-linux-gnu/c++/11/bits/c++config.h \
5
+ /usr/include/x86_64-linux-gnu/c++/11/bits/os_defines.h \
6
+ /usr/include/features.h /usr/include/features-time64.h \
7
+ /usr/include/x86_64-linux-gnu/bits/wordsize.h \
8
+ /usr/include/x86_64-linux-gnu/bits/timesize.h \
9
+ /usr/include/x86_64-linux-gnu/sys/cdefs.h \
10
+ /usr/include/x86_64-linux-gnu/bits/long-double.h \
11
+ /usr/include/x86_64-linux-gnu/gnu/stubs.h \
12
+ /usr/include/x86_64-linux-gnu/gnu/stubs-64.h \
13
+ /usr/include/x86_64-linux-gnu/c++/11/bits/cpu_defines.h \
14
+ /usr/include/c++/11/ostream /usr/include/c++/11/ios \
15
+ /usr/include/c++/11/iosfwd /usr/include/c++/11/bits/stringfwd.h \
16
+ /usr/include/c++/11/bits/memoryfwd.h /usr/include/c++/11/bits/postypes.h \
17
+ /usr/include/c++/11/cwchar /usr/include/wchar.h \
18
+ /usr/include/x86_64-linux-gnu/bits/libc-header-start.h \
19
+ /usr/include/x86_64-linux-gnu/bits/floatn.h \
20
+ /usr/include/x86_64-linux-gnu/bits/floatn-common.h \
21
+ /usr/lib/gcc/x86_64-linux-gnu/11/include/stddef.h \
22
+ /usr/lib/gcc/x86_64-linux-gnu/11/include/stdarg.h \
23
+ /usr/include/x86_64-linux-gnu/bits/wchar.h \
24
+ /usr/include/x86_64-linux-gnu/bits/types/wint_t.h \
25
+ /usr/include/x86_64-linux-gnu/bits/types/mbstate_t.h \
26
+ /usr/include/x86_64-linux-gnu/bits/types/__mbstate_t.h \
27
+ /usr/include/x86_64-linux-gnu/bits/types/__FILE.h \
28
+ /usr/include/x86_64-linux-gnu/bits/types/FILE.h \
29
+ /usr/include/x86_64-linux-gnu/bits/types/locale_t.h \
30
+ /usr/include/x86_64-linux-gnu/bits/types/__locale_t.h \
31
+ /usr/include/x86_64-linux-gnu/bits/wchar2.h \
32
+ /usr/include/c++/11/exception /usr/include/c++/11/bits/exception.h \
33
+ /usr/include/c++/11/bits/exception_ptr.h \
34
+ /usr/include/c++/11/bits/exception_defines.h \
35
+ /usr/include/c++/11/bits/cxxabi_init_exception.h \
36
+ /usr/include/c++/11/typeinfo /usr/include/c++/11/bits/hash_bytes.h \
37
+ /usr/include/c++/11/new /usr/include/c++/11/bits/move.h \
38
+ /usr/include/c++/11/type_traits \
39
+ /usr/include/c++/11/bits/nested_exception.h \
40
+ /usr/include/c++/11/bits/char_traits.h \
41
+ /usr/include/c++/11/bits/stl_algobase.h \
42
+ /usr/include/c++/11/bits/functexcept.h \
43
+ /usr/include/c++/11/bits/cpp_type_traits.h \
44
+ /usr/include/c++/11/ext/type_traits.h \
45
+ /usr/include/c++/11/ext/numeric_traits.h \
46
+ /usr/include/c++/11/bits/stl_pair.h \
47
+ /usr/include/c++/11/bits/stl_iterator_base_types.h \
48
+ /usr/include/c++/11/bits/stl_iterator_base_funcs.h \
49
+ /usr/include/c++/11/bits/concept_check.h \
50
+ /usr/include/c++/11/debug/assertions.h \
51
+ /usr/include/c++/11/bits/stl_iterator.h \
52
+ /usr/include/c++/11/bits/ptr_traits.h /usr/include/c++/11/debug/debug.h \
53
+ /usr/include/c++/11/bits/predefined_ops.h /usr/include/c++/11/cstdint \
54
+ /usr/lib/gcc/x86_64-linux-gnu/11/include/stdint.h /usr/include/stdint.h \
55
+ /usr/include/x86_64-linux-gnu/bits/types.h \
56
+ /usr/include/x86_64-linux-gnu/bits/typesizes.h \
57
+ /usr/include/x86_64-linux-gnu/bits/time64.h \
58
+ /usr/include/x86_64-linux-gnu/bits/stdint-intn.h \
59
+ /usr/include/x86_64-linux-gnu/bits/stdint-uintn.h \
60
+ /usr/include/c++/11/bits/localefwd.h \
61
+ /usr/include/x86_64-linux-gnu/c++/11/bits/c++locale.h \
62
+ /usr/include/c++/11/clocale /usr/include/locale.h \
63
+ /usr/include/x86_64-linux-gnu/bits/locale.h /usr/include/c++/11/cctype \
64
+ /usr/include/ctype.h /usr/include/x86_64-linux-gnu/bits/endian.h \
65
+ /usr/include/x86_64-linux-gnu/bits/endianness.h \
66
+ /usr/include/c++/11/bits/ios_base.h /usr/include/c++/11/ext/atomicity.h \
67
+ /usr/include/x86_64-linux-gnu/c++/11/bits/gthr.h \
68
+ /usr/include/x86_64-linux-gnu/c++/11/bits/gthr-default.h \
69
+ /usr/include/pthread.h /usr/include/sched.h \
70
+ /usr/include/x86_64-linux-gnu/bits/types/time_t.h \
71
+ /usr/include/x86_64-linux-gnu/bits/types/struct_timespec.h \
72
+ /usr/include/x86_64-linux-gnu/bits/sched.h \
73
+ /usr/include/x86_64-linux-gnu/bits/types/struct_sched_param.h \
74
+ /usr/include/x86_64-linux-gnu/bits/cpu-set.h /usr/include/time.h \
75
+ /usr/include/x86_64-linux-gnu/bits/time.h \
76
+ /usr/include/x86_64-linux-gnu/bits/timex.h \
77
+ /usr/include/x86_64-linux-gnu/bits/types/struct_timeval.h \
78
+ /usr/include/x86_64-linux-gnu/bits/types/clock_t.h \
79
+ /usr/include/x86_64-linux-gnu/bits/types/struct_tm.h \
80
+ /usr/include/x86_64-linux-gnu/bits/types/clockid_t.h \
81
+ /usr/include/x86_64-linux-gnu/bits/types/timer_t.h \
82
+ /usr/include/x86_64-linux-gnu/bits/types/struct_itimerspec.h \
83
+ /usr/include/x86_64-linux-gnu/bits/pthreadtypes.h \
84
+ /usr/include/x86_64-linux-gnu/bits/thread-shared-types.h \
85
+ /usr/include/x86_64-linux-gnu/bits/pthreadtypes-arch.h \
86
+ /usr/include/x86_64-linux-gnu/bits/atomic_wide_counter.h \
87
+ /usr/include/x86_64-linux-gnu/bits/struct_mutex.h \
88
+ /usr/include/x86_64-linux-gnu/bits/struct_rwlock.h \
89
+ /usr/include/x86_64-linux-gnu/bits/setjmp.h \
90
+ /usr/include/x86_64-linux-gnu/bits/types/__sigset_t.h \
91
+ /usr/include/x86_64-linux-gnu/bits/types/struct___jmp_buf_tag.h \
92
+ /usr/include/x86_64-linux-gnu/bits/pthread_stack_min-dynamic.h \
93
+ /usr/include/x86_64-linux-gnu/c++/11/bits/atomic_word.h \
94
+ /usr/include/x86_64-linux-gnu/sys/single_threaded.h \
95
+ /usr/include/c++/11/bits/locale_classes.h /usr/include/c++/11/string \
96
+ /usr/include/c++/11/bits/allocator.h \
97
+ /usr/include/x86_64-linux-gnu/c++/11/bits/c++allocator.h \
98
+ /usr/include/c++/11/ext/new_allocator.h \
99
+ /usr/include/c++/11/bits/ostream_insert.h \
100
+ /usr/include/c++/11/bits/cxxabi_forced.h \
101
+ /usr/include/c++/11/bits/stl_function.h \
102
+ /usr/include/c++/11/backward/binders.h \
103
+ /usr/include/c++/11/bits/range_access.h \
104
+ /usr/include/c++/11/initializer_list \
105
+ /usr/include/c++/11/bits/basic_string.h \
106
+ /usr/include/c++/11/ext/alloc_traits.h \
107
+ /usr/include/c++/11/bits/alloc_traits.h \
108
+ /usr/include/c++/11/bits/stl_construct.h \
109
+ /usr/include/c++/11/ext/string_conversions.h /usr/include/c++/11/cstdlib \
110
+ /usr/include/stdlib.h /usr/include/x86_64-linux-gnu/bits/waitflags.h \
111
+ /usr/include/x86_64-linux-gnu/bits/waitstatus.h \
112
+ /usr/include/x86_64-linux-gnu/sys/types.h /usr/include/endian.h \
113
+ /usr/include/x86_64-linux-gnu/bits/byteswap.h \
114
+ /usr/include/x86_64-linux-gnu/bits/uintn-identity.h \
115
+ /usr/include/x86_64-linux-gnu/sys/select.h \
116
+ /usr/include/x86_64-linux-gnu/bits/select.h \
117
+ /usr/include/x86_64-linux-gnu/bits/types/sigset_t.h \
118
+ /usr/include/x86_64-linux-gnu/bits/select2.h /usr/include/alloca.h \
119
+ /usr/include/x86_64-linux-gnu/bits/stdlib-bsearch.h \
120
+ /usr/include/x86_64-linux-gnu/bits/stdlib-float.h \
121
+ /usr/include/x86_64-linux-gnu/bits/stdlib.h \
122
+ /usr/include/c++/11/bits/std_abs.h /usr/include/c++/11/cstdio \
123
+ /usr/include/stdio.h /usr/include/x86_64-linux-gnu/bits/types/__fpos_t.h \
124
+ /usr/include/x86_64-linux-gnu/bits/types/__fpos64_t.h \
125
+ /usr/include/x86_64-linux-gnu/bits/types/struct_FILE.h \
126
+ /usr/include/x86_64-linux-gnu/bits/types/cookie_io_functions_t.h \
127
+ /usr/include/x86_64-linux-gnu/bits/stdio_lim.h \
128
+ /usr/include/x86_64-linux-gnu/bits/stdio.h \
129
+ /usr/include/x86_64-linux-gnu/bits/stdio2.h /usr/include/c++/11/cerrno \
130
+ /usr/include/errno.h /usr/include/x86_64-linux-gnu/bits/errno.h \
131
+ /usr/include/linux/errno.h /usr/include/x86_64-linux-gnu/asm/errno.h \
132
+ /usr/include/asm-generic/errno.h /usr/include/asm-generic/errno-base.h \
133
+ /usr/include/x86_64-linux-gnu/bits/types/error_t.h \
134
+ /usr/include/c++/11/bits/charconv.h \
135
+ /usr/include/c++/11/bits/functional_hash.h \
136
+ /usr/include/c++/11/bits/basic_string.tcc \
137
+ /usr/include/c++/11/bits/locale_classes.tcc \
138
+ /usr/include/c++/11/system_error \
139
+ /usr/include/x86_64-linux-gnu/c++/11/bits/error_constants.h \
140
+ /usr/include/c++/11/stdexcept /usr/include/c++/11/streambuf \
141
+ /usr/include/c++/11/bits/streambuf.tcc \
142
+ /usr/include/c++/11/bits/basic_ios.h \
143
+ /usr/include/c++/11/bits/locale_facets.h /usr/include/c++/11/cwctype \
144
+ /usr/include/wctype.h /usr/include/x86_64-linux-gnu/bits/wctype-wchar.h \
145
+ /usr/include/x86_64-linux-gnu/c++/11/bits/ctype_base.h \
146
+ /usr/include/c++/11/bits/streambuf_iterator.h \
147
+ /usr/include/x86_64-linux-gnu/c++/11/bits/ctype_inline.h \
148
+ /usr/include/c++/11/bits/locale_facets.tcc \
149
+ /usr/include/c++/11/bits/basic_ios.tcc \
150
+ /usr/include/c++/11/bits/ostream.tcc /usr/include/c++/11/istream \
151
+ /usr/include/c++/11/bits/istream.tcc \
152
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/ICP.h \
153
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/nanoflann.hpp \
154
+ /usr/include/c++/11/vector /usr/include/c++/11/bits/stl_uninitialized.h \
155
+ /usr/include/c++/11/bits/stl_vector.h \
156
+ /usr/include/c++/11/bits/stl_bvector.h \
157
+ /usr/include/c++/11/bits/vector.tcc /usr/include/c++/11/cassert \
158
+ /usr/include/assert.h /usr/include/c++/11/algorithm \
159
+ /usr/include/c++/11/utility /usr/include/c++/11/bits/stl_relops.h \
160
+ /usr/include/c++/11/bits/stl_algo.h \
161
+ /usr/include/c++/11/bits/algorithmfwd.h \
162
+ /usr/include/c++/11/bits/stl_heap.h \
163
+ /usr/include/c++/11/bits/stl_tempbuf.h \
164
+ /usr/include/c++/11/bits/uniform_int_dist.h /usr/include/c++/11/cmath \
165
+ /usr/include/math.h /usr/include/x86_64-linux-gnu/bits/math-vector.h \
166
+ /usr/include/x86_64-linux-gnu/bits/libm-simd-decl-stubs.h \
167
+ /usr/include/x86_64-linux-gnu/bits/flt-eval-method.h \
168
+ /usr/include/x86_64-linux-gnu/bits/fp-logb.h \
169
+ /usr/include/x86_64-linux-gnu/bits/fp-fast.h \
170
+ /usr/include/x86_64-linux-gnu/bits/mathcalls-helper-functions.h \
171
+ /usr/include/x86_64-linux-gnu/bits/mathcalls.h \
172
+ /usr/include/x86_64-linux-gnu/bits/mathcalls-narrow.h \
173
+ /usr/include/x86_64-linux-gnu/bits/iscanonical.h \
174
+ /usr/include/c++/11/limits \
175
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/./AndersonAcceleration.h \
176
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/./Types.h \
177
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/Dense \
178
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/Core \
179
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Core/util/DisableStupidWarnings.h \
180
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Core/util/Macros.h \
181
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Core/util/ConfigureVectorization.h \
182
+ /usr/lib/gcc/x86_64-linux-gnu/11/include/mmintrin.h \
183
+ /usr/lib/gcc/x86_64-linux-gnu/11/include/emmintrin.h \
184
+ /usr/lib/gcc/x86_64-linux-gnu/11/include/xmmintrin.h \
185
+ /usr/lib/gcc/x86_64-linux-gnu/11/include/mm_malloc.h \
186
+ /usr/include/c++/11/stdlib.h /usr/include/c++/11/complex \
187
+ /usr/include/c++/11/sstream /usr/include/c++/11/bits/sstream.tcc \
188
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Core/util/MKL_support.h \
189
+ /usr/lib/gcc/x86_64-linux-gnu/11/include/omp.h \
190
+ /usr/include/c++/11/cstddef /usr/include/c++/11/functional \
191
+ /usr/include/c++/11/tuple /usr/include/c++/11/array \
192
+ /usr/include/c++/11/bits/uses_allocator.h \
193
+ /usr/include/c++/11/bits/invoke.h /usr/include/c++/11/bits/refwrap.h \
194
+ /usr/include/c++/11/bits/std_function.h /usr/include/c++/11/cstring \
195
+ /usr/include/string.h /usr/include/strings.h \
196
+ /usr/include/x86_64-linux-gnu/bits/strings_fortified.h \
197
+ /usr/include/x86_64-linux-gnu/bits/string_fortified.h \
198
+ /usr/include/c++/11/climits \
199
+ /usr/lib/gcc/x86_64-linux-gnu/11/include/limits.h \
200
+ /usr/lib/gcc/x86_64-linux-gnu/11/include/syslimits.h \
201
+ /usr/include/limits.h /usr/include/x86_64-linux-gnu/bits/posix1_lim.h \
202
+ /usr/include/x86_64-linux-gnu/bits/local_lim.h \
203
+ /usr/include/linux/limits.h \
204
+ /usr/include/x86_64-linux-gnu/bits/posix2_lim.h \
205
+ /usr/include/x86_64-linux-gnu/bits/xopen_lim.h \
206
+ /usr/include/x86_64-linux-gnu/bits/uio_lim.h \
207
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Core/util/Constants.h \
208
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Core/util/Meta.h \
209
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Core/util/ForwardDeclarations.h \
210
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Core/util/StaticAssert.h \
211
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Core/util/XprHelper.h \
212
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Core/util/Memory.h \
213
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Core/util/IntegralConstant.h \
214
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Core/util/SymbolicIndex.h \
215
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Core/NumTraits.h \
216
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Core/MathFunctions.h \
217
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Core/GenericPacketMath.h \
218
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Core/MathFunctionsImpl.h \
219
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Core/arch/Default/ConjHelper.h \
220
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Core/arch/Default/Half.h \
221
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Core/arch/Default/BFloat16.h \
222
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Core/arch/Default/TypeCasting.h \
223
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Core/arch/Default/GenericPacketMathFunctionsFwd.h \
224
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Core/arch/SSE/PacketMath.h \
225
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Core/arch/SSE/TypeCasting.h \
226
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Core/arch/SSE/MathFunctions.h \
227
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Core/arch/SSE/Complex.h \
228
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Core/arch/Default/Settings.h \
229
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Core/arch/Default/GenericPacketMathFunctions.h \
230
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Core/functors/TernaryFunctors.h \
231
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Core/functors/BinaryFunctors.h \
232
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Core/functors/UnaryFunctors.h \
233
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Core/functors/NullaryFunctors.h \
234
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Core/functors/StlFunctors.h \
235
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Core/functors/AssignmentFunctors.h \
236
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Core/util/IndexedViewHelper.h \
237
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Core/util/ReshapedHelper.h \
238
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Core/ArithmeticSequence.h \
239
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Core/IO.h \
240
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Core/DenseCoeffsBase.h \
241
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Core/DenseBase.h \
242
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Core/../plugins/CommonCwiseUnaryOps.h \
243
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Core/../plugins/BlockMethods.h \
244
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Core/../plugins/IndexedViewMethods.h \
245
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Core/../plugins/IndexedViewMethods.h \
246
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Core/../plugins/ReshapedMethods.h \
247
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Core/../plugins/ReshapedMethods.h \
248
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Core/MatrixBase.h \
249
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Core/../plugins/CommonCwiseBinaryOps.h \
250
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Core/../plugins/MatrixCwiseUnaryOps.h \
251
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Core/../plugins/MatrixCwiseBinaryOps.h \
252
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Core/EigenBase.h \
253
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Core/Product.h \
254
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Core/CoreEvaluators.h \
255
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Core/AssignEvaluator.h \
256
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Core/Assign.h \
257
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Core/ArrayBase.h \
258
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Core/../plugins/ArrayCwiseUnaryOps.h \
259
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Core/../plugins/ArrayCwiseBinaryOps.h \
260
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Core/util/BlasUtil.h \
261
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Core/DenseStorage.h \
262
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Core/NestByValue.h \
263
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Core/ReturnByValue.h \
264
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Core/NoAlias.h \
265
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Core/PlainObjectBase.h \
266
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Core/Matrix.h \
267
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Core/Array.h \
268
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Core/CwiseTernaryOp.h \
269
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Core/CwiseBinaryOp.h \
270
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Core/CwiseUnaryOp.h \
271
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Core/CwiseNullaryOp.h \
272
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Core/CwiseUnaryView.h \
273
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Core/SelfCwiseBinaryOp.h \
274
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Core/Dot.h \
275
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Core/StableNorm.h \
276
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Core/Stride.h \
277
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Core/MapBase.h \
278
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Core/Map.h \
279
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Core/Ref.h \
280
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Core/Block.h \
281
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Core/VectorBlock.h \
282
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Core/IndexedView.h \
283
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Core/Reshaped.h \
284
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Core/Transpose.h \
285
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Core/DiagonalMatrix.h \
286
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Core/Diagonal.h \
287
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Core/DiagonalProduct.h \
288
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Core/Redux.h \
289
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Core/Visitor.h \
290
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Core/Fuzzy.h \
291
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Core/Swap.h \
292
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Core/CommaInitializer.h \
293
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Core/GeneralProduct.h \
294
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Core/Solve.h \
295
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Core/Inverse.h \
296
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Core/SolverBase.h \
297
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Core/PermutationMatrix.h \
298
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Core/Transpositions.h \
299
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Core/TriangularMatrix.h \
300
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Core/SelfAdjointView.h \
301
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Core/products/GeneralBlockPanelKernel.h \
302
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Core/products/Parallelizer.h \
303
+ /usr/include/c++/11/atomic /usr/include/c++/11/bits/atomic_base.h \
304
+ /usr/include/c++/11/bits/atomic_lockfree_defines.h \
305
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Core/ProductEvaluators.h \
306
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Core/products/GeneralMatrixVector.h \
307
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Core/products/GeneralMatrixMatrix.h \
308
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Core/SolveTriangular.h \
309
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Core/products/GeneralMatrixMatrixTriangular.h \
310
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Core/products/SelfadjointMatrixVector.h \
311
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Core/products/SelfadjointMatrixMatrix.h \
312
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Core/products/SelfadjointProduct.h \
313
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Core/products/SelfadjointRank2Update.h \
314
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Core/products/TriangularMatrixVector.h \
315
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Core/products/TriangularMatrixMatrix.h \
316
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Core/products/TriangularSolverMatrix.h \
317
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Core/products/TriangularSolverVector.h \
318
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Core/BandMatrix.h \
319
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Core/CoreIterators.h \
320
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Core/ConditionEstimator.h \
321
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Core/BooleanRedux.h \
322
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Core/Select.h \
323
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Core/VectorwiseOp.h \
324
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Core/PartialReduxEvaluator.h \
325
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Core/Random.h \
326
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Core/Replicate.h \
327
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Core/Reverse.h \
328
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Core/ArrayWrapper.h \
329
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Core/StlIterators.h \
330
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Core/GlobalFunctions.h \
331
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Core/util/ReenableStupidWarnings.h \
332
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/LU \
333
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/misc/Kernel.h \
334
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/misc/Image.h \
335
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/LU/FullPivLU.h \
336
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/LU/PartialPivLU.h \
337
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/LU/Determinant.h \
338
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/LU/InverseImpl.h \
339
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/LU/arch/InverseSize4.h \
340
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/Cholesky \
341
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/Jacobi \
342
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Jacobi/Jacobi.h \
343
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Cholesky/LLT.h \
344
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Cholesky/LDLT.h \
345
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/QR \
346
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/Householder \
347
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Householder/Householder.h \
348
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Householder/HouseholderSequence.h \
349
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Householder/BlockHouseholder.h \
350
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/QR/HouseholderQR.h \
351
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/QR/FullPivHouseholderQR.h \
352
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/QR/ColPivHouseholderQR.h \
353
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/QR/CompleteOrthogonalDecomposition.h \
354
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/SVD \
355
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/misc/RealSvd2x2.h \
356
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/SVD/UpperBidiagonalization.h \
357
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/SVD/SVDBase.h \
358
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/SVD/JacobiSVD.h \
359
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/SVD/BDCSVD.h \
360
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/Geometry \
361
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Geometry/OrthoMethods.h \
362
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Geometry/EulerAngles.h \
363
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Geometry/Homogeneous.h \
364
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Geometry/RotationBase.h \
365
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Geometry/Rotation2D.h \
366
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Geometry/Quaternion.h \
367
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Geometry/AngleAxis.h \
368
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Geometry/Transform.h \
369
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Geometry/Translation.h \
370
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Geometry/Scaling.h \
371
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Geometry/Hyperplane.h \
372
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Geometry/ParametrizedLine.h \
373
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Geometry/AlignedBox.h \
374
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Geometry/Umeyama.h \
375
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Geometry/arch/Geometry_SIMD.h \
376
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/Eigenvalues \
377
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Eigenvalues/Tridiagonalization.h \
378
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Eigenvalues/RealSchur.h \
379
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Eigenvalues/./HessenbergDecomposition.h \
380
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Eigenvalues/EigenSolver.h \
381
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Eigenvalues/./RealSchur.h \
382
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Eigenvalues/SelfAdjointEigenSolver.h \
383
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Eigenvalues/./Tridiagonalization.h \
384
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Eigenvalues/GeneralizedSelfAdjointEigenSolver.h \
385
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Eigenvalues/HessenbergDecomposition.h \
386
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Eigenvalues/ComplexSchur.h \
387
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Eigenvalues/ComplexEigenSolver.h \
388
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Eigenvalues/./ComplexSchur.h \
389
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Eigenvalues/RealQZ.h \
390
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Eigenvalues/GeneralizedEigenSolver.h \
391
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Eigenvalues/./RealQZ.h \
392
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/Eigen/src/Eigenvalues/MatrixBaseEigenvalues.h \
393
+ /usr/include/c++/11/fstream /usr/include/c++/11/bits/codecvt.h \
394
+ /usr/include/x86_64-linux-gnu/c++/11/bits/basic_file.h \
395
+ /usr/include/x86_64-linux-gnu/c++/11/bits/c++io.h \
396
+ /usr/include/c++/11/bits/fstream.tcc \
397
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/./median.h \
398
+ /usr/include/eigen3/Eigen/Dense /usr/include/eigen3/Eigen/Core \
399
+ /usr/include/eigen3/Eigen/LU /usr/include/eigen3/Eigen/Cholesky \
400
+ /usr/include/eigen3/Eigen/QR /usr/include/eigen3/Eigen/SVD \
401
+ /usr/include/eigen3/Eigen/Geometry /usr/include/eigen3/Eigen/Eigenvalues \
402
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/io_pc.h \
403
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/FRICP.h \
404
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/unsupported/Eigen/MatrixFunctions \
405
+ /usr/include/c++/11/cfloat \
406
+ /usr/lib/gcc/x86_64-linux-gnu/11/include/float.h \
407
+ /usr/include/c++/11/list /usr/include/c++/11/bits/stl_list.h \
408
+ /usr/include/c++/11/bits/allocated_ptr.h \
409
+ /usr/include/c++/11/ext/aligned_buffer.h \
410
+ /usr/include/c++/11/bits/list.tcc \
411
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/unsupported/Eigen/../../Eigen/Core \
412
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/unsupported/Eigen/../../Eigen/LU \
413
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/unsupported/Eigen/../../Eigen/Eigenvalues \
414
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/unsupported/Eigen/../../Eigen/src/Core/util/DisableStupidWarnings.h \
415
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/unsupported/Eigen/src/MatrixFunctions/MatrixExponential.h \
416
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/unsupported/Eigen/src/MatrixFunctions/StemFunction.h \
417
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/unsupported/Eigen/src/MatrixFunctions/MatrixFunction.h \
418
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/unsupported/Eigen/src/MatrixFunctions/MatrixSquareRoot.h \
419
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/unsupported/Eigen/src/MatrixFunctions/MatrixLogarithm.h \
420
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/unsupported/Eigen/src/MatrixFunctions/MatrixPower.h \
421
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/include/eigen/unsupported/Eigen/../../Eigen/src/Core/util/ReenableStupidWarnings.h \
422
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/median.h
build/CMakeFiles/FRICP.dir/progress.make ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ CMAKE_PROGRESS_1 = 1
2
+ CMAKE_PROGRESS_2 = 2
3
+
build/CMakeFiles/Makefile.cmake ADDED
@@ -0,0 +1,133 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ # CMAKE generated file: DO NOT EDIT!
2
+ # Generated by "Unix Makefiles" Generator, CMake Version 3.26
3
+
4
+ # The generator used is:
5
+ set(CMAKE_DEPENDS_GENERATOR "Unix Makefiles")
6
+
7
+ # The top level Makefile was generated from the following files:
8
+ set(CMAKE_MAKEFILE_DEPENDS
9
+ "CMakeCache.txt"
10
+ "/home/cam/Desktop/ICP/Fast-Robust-ICP/CMakeLists.txt"
11
+ "CMakeFiles/3.26.0/CMakeCCompiler.cmake"
12
+ "CMakeFiles/3.26.0/CMakeCXXCompiler.cmake"
13
+ "CMakeFiles/3.26.0/CMakeSystem.cmake"
14
+ "/home/cam/Desktop/ICP/Fast-Robust-ICP/cmake/FindEigen3.cmake"
15
+ "/home/cam/Desktop/ICP/Fast-Robust-ICP/cmake/FindNanoFlann.cmake"
16
+ "/usr/local/share/cmake-3.26/Modules/CMakeCCompiler.cmake.in"
17
+ "/usr/local/share/cmake-3.26/Modules/CMakeCCompilerABI.c"
18
+ "/usr/local/share/cmake-3.26/Modules/CMakeCInformation.cmake"
19
+ "/usr/local/share/cmake-3.26/Modules/CMakeCXXCompiler.cmake.in"
20
+ "/usr/local/share/cmake-3.26/Modules/CMakeCXXCompilerABI.cpp"
21
+ "/usr/local/share/cmake-3.26/Modules/CMakeCXXInformation.cmake"
22
+ "/usr/local/share/cmake-3.26/Modules/CMakeCommonLanguageInclude.cmake"
23
+ "/usr/local/share/cmake-3.26/Modules/CMakeCompilerIdDetection.cmake"
24
+ "/usr/local/share/cmake-3.26/Modules/CMakeDetermineCCompiler.cmake"
25
+ "/usr/local/share/cmake-3.26/Modules/CMakeDetermineCXXCompiler.cmake"
26
+ "/usr/local/share/cmake-3.26/Modules/CMakeDetermineCompileFeatures.cmake"
27
+ "/usr/local/share/cmake-3.26/Modules/CMakeDetermineCompiler.cmake"
28
+ "/usr/local/share/cmake-3.26/Modules/CMakeDetermineCompilerABI.cmake"
29
+ "/usr/local/share/cmake-3.26/Modules/CMakeDetermineCompilerId.cmake"
30
+ "/usr/local/share/cmake-3.26/Modules/CMakeDetermineSystem.cmake"
31
+ "/usr/local/share/cmake-3.26/Modules/CMakeFindBinUtils.cmake"
32
+ "/usr/local/share/cmake-3.26/Modules/CMakeGenericSystem.cmake"
33
+ "/usr/local/share/cmake-3.26/Modules/CMakeInitializeConfigs.cmake"
34
+ "/usr/local/share/cmake-3.26/Modules/CMakeLanguageInformation.cmake"
35
+ "/usr/local/share/cmake-3.26/Modules/CMakeParseImplicitIncludeInfo.cmake"
36
+ "/usr/local/share/cmake-3.26/Modules/CMakeParseImplicitLinkInfo.cmake"
37
+ "/usr/local/share/cmake-3.26/Modules/CMakeParseLibraryArchitecture.cmake"
38
+ "/usr/local/share/cmake-3.26/Modules/CMakeSystem.cmake.in"
39
+ "/usr/local/share/cmake-3.26/Modules/CMakeSystemSpecificInformation.cmake"
40
+ "/usr/local/share/cmake-3.26/Modules/CMakeSystemSpecificInitialize.cmake"
41
+ "/usr/local/share/cmake-3.26/Modules/CMakeTestCCompiler.cmake"
42
+ "/usr/local/share/cmake-3.26/Modules/CMakeTestCXXCompiler.cmake"
43
+ "/usr/local/share/cmake-3.26/Modules/CMakeTestCompilerCommon.cmake"
44
+ "/usr/local/share/cmake-3.26/Modules/CMakeUnixFindMake.cmake"
45
+ "/usr/local/share/cmake-3.26/Modules/Compiler/ADSP-DetermineCompiler.cmake"
46
+ "/usr/local/share/cmake-3.26/Modules/Compiler/ARMCC-DetermineCompiler.cmake"
47
+ "/usr/local/share/cmake-3.26/Modules/Compiler/ARMClang-DetermineCompiler.cmake"
48
+ "/usr/local/share/cmake-3.26/Modules/Compiler/AppleClang-DetermineCompiler.cmake"
49
+ "/usr/local/share/cmake-3.26/Modules/Compiler/Borland-DetermineCompiler.cmake"
50
+ "/usr/local/share/cmake-3.26/Modules/Compiler/Bruce-C-DetermineCompiler.cmake"
51
+ "/usr/local/share/cmake-3.26/Modules/Compiler/CMakeCommonCompilerMacros.cmake"
52
+ "/usr/local/share/cmake-3.26/Modules/Compiler/Clang-DetermineCompiler.cmake"
53
+ "/usr/local/share/cmake-3.26/Modules/Compiler/Clang-DetermineCompilerInternal.cmake"
54
+ "/usr/local/share/cmake-3.26/Modules/Compiler/Comeau-CXX-DetermineCompiler.cmake"
55
+ "/usr/local/share/cmake-3.26/Modules/Compiler/Compaq-C-DetermineCompiler.cmake"
56
+ "/usr/local/share/cmake-3.26/Modules/Compiler/Compaq-CXX-DetermineCompiler.cmake"
57
+ "/usr/local/share/cmake-3.26/Modules/Compiler/Cray-DetermineCompiler.cmake"
58
+ "/usr/local/share/cmake-3.26/Modules/Compiler/Embarcadero-DetermineCompiler.cmake"
59
+ "/usr/local/share/cmake-3.26/Modules/Compiler/Fujitsu-DetermineCompiler.cmake"
60
+ "/usr/local/share/cmake-3.26/Modules/Compiler/FujitsuClang-DetermineCompiler.cmake"
61
+ "/usr/local/share/cmake-3.26/Modules/Compiler/GHS-DetermineCompiler.cmake"
62
+ "/usr/local/share/cmake-3.26/Modules/Compiler/GNU-C-DetermineCompiler.cmake"
63
+ "/usr/local/share/cmake-3.26/Modules/Compiler/GNU-C.cmake"
64
+ "/usr/local/share/cmake-3.26/Modules/Compiler/GNU-CXX-DetermineCompiler.cmake"
65
+ "/usr/local/share/cmake-3.26/Modules/Compiler/GNU-CXX.cmake"
66
+ "/usr/local/share/cmake-3.26/Modules/Compiler/GNU-FindBinUtils.cmake"
67
+ "/usr/local/share/cmake-3.26/Modules/Compiler/GNU.cmake"
68
+ "/usr/local/share/cmake-3.26/Modules/Compiler/HP-C-DetermineCompiler.cmake"
69
+ "/usr/local/share/cmake-3.26/Modules/Compiler/HP-CXX-DetermineCompiler.cmake"
70
+ "/usr/local/share/cmake-3.26/Modules/Compiler/IAR-DetermineCompiler.cmake"
71
+ "/usr/local/share/cmake-3.26/Modules/Compiler/IBMCPP-C-DetermineVersionInternal.cmake"
72
+ "/usr/local/share/cmake-3.26/Modules/Compiler/IBMCPP-CXX-DetermineVersionInternal.cmake"
73
+ "/usr/local/share/cmake-3.26/Modules/Compiler/IBMClang-C-DetermineCompiler.cmake"
74
+ "/usr/local/share/cmake-3.26/Modules/Compiler/IBMClang-CXX-DetermineCompiler.cmake"
75
+ "/usr/local/share/cmake-3.26/Modules/Compiler/Intel-DetermineCompiler.cmake"
76
+ "/usr/local/share/cmake-3.26/Modules/Compiler/IntelLLVM-DetermineCompiler.cmake"
77
+ "/usr/local/share/cmake-3.26/Modules/Compiler/LCC-C-DetermineCompiler.cmake"
78
+ "/usr/local/share/cmake-3.26/Modules/Compiler/LCC-CXX-DetermineCompiler.cmake"
79
+ "/usr/local/share/cmake-3.26/Modules/Compiler/MSVC-DetermineCompiler.cmake"
80
+ "/usr/local/share/cmake-3.26/Modules/Compiler/NVHPC-DetermineCompiler.cmake"
81
+ "/usr/local/share/cmake-3.26/Modules/Compiler/NVIDIA-DetermineCompiler.cmake"
82
+ "/usr/local/share/cmake-3.26/Modules/Compiler/OpenWatcom-DetermineCompiler.cmake"
83
+ "/usr/local/share/cmake-3.26/Modules/Compiler/PGI-DetermineCompiler.cmake"
84
+ "/usr/local/share/cmake-3.26/Modules/Compiler/PathScale-DetermineCompiler.cmake"
85
+ "/usr/local/share/cmake-3.26/Modules/Compiler/SCO-DetermineCompiler.cmake"
86
+ "/usr/local/share/cmake-3.26/Modules/Compiler/SDCC-C-DetermineCompiler.cmake"
87
+ "/usr/local/share/cmake-3.26/Modules/Compiler/SunPro-C-DetermineCompiler.cmake"
88
+ "/usr/local/share/cmake-3.26/Modules/Compiler/SunPro-CXX-DetermineCompiler.cmake"
89
+ "/usr/local/share/cmake-3.26/Modules/Compiler/TI-DetermineCompiler.cmake"
90
+ "/usr/local/share/cmake-3.26/Modules/Compiler/Tasking-DetermineCompiler.cmake"
91
+ "/usr/local/share/cmake-3.26/Modules/Compiler/TinyCC-C-DetermineCompiler.cmake"
92
+ "/usr/local/share/cmake-3.26/Modules/Compiler/VisualAge-C-DetermineCompiler.cmake"
93
+ "/usr/local/share/cmake-3.26/Modules/Compiler/VisualAge-CXX-DetermineCompiler.cmake"
94
+ "/usr/local/share/cmake-3.26/Modules/Compiler/Watcom-DetermineCompiler.cmake"
95
+ "/usr/local/share/cmake-3.26/Modules/Compiler/XL-C-DetermineCompiler.cmake"
96
+ "/usr/local/share/cmake-3.26/Modules/Compiler/XL-CXX-DetermineCompiler.cmake"
97
+ "/usr/local/share/cmake-3.26/Modules/Compiler/XLClang-C-DetermineCompiler.cmake"
98
+ "/usr/local/share/cmake-3.26/Modules/Compiler/XLClang-CXX-DetermineCompiler.cmake"
99
+ "/usr/local/share/cmake-3.26/Modules/Compiler/zOS-C-DetermineCompiler.cmake"
100
+ "/usr/local/share/cmake-3.26/Modules/Compiler/zOS-CXX-DetermineCompiler.cmake"
101
+ "/usr/local/share/cmake-3.26/Modules/FindOpenMP.cmake"
102
+ "/usr/local/share/cmake-3.26/Modules/FindPackageHandleStandardArgs.cmake"
103
+ "/usr/local/share/cmake-3.26/Modules/FindPackageMessage.cmake"
104
+ "/usr/local/share/cmake-3.26/Modules/Internal/FeatureTesting.cmake"
105
+ "/usr/local/share/cmake-3.26/Modules/Platform/Linux-Determine-CXX.cmake"
106
+ "/usr/local/share/cmake-3.26/Modules/Platform/Linux-GNU-C.cmake"
107
+ "/usr/local/share/cmake-3.26/Modules/Platform/Linux-GNU-CXX.cmake"
108
+ "/usr/local/share/cmake-3.26/Modules/Platform/Linux-GNU.cmake"
109
+ "/usr/local/share/cmake-3.26/Modules/Platform/Linux.cmake"
110
+ "/usr/local/share/cmake-3.26/Modules/Platform/UnixPaths.cmake"
111
+ )
112
+
113
+ # The corresponding makefile is:
114
+ set(CMAKE_MAKEFILE_OUTPUTS
115
+ "Makefile"
116
+ "CMakeFiles/cmake.check_cache"
117
+ )
118
+
119
+ # Byproducts of CMake generate step:
120
+ set(CMAKE_MAKEFILE_PRODUCTS
121
+ "CMakeFiles/3.26.0/CMakeSystem.cmake"
122
+ "CMakeFiles/3.26.0/CMakeCCompiler.cmake"
123
+ "CMakeFiles/3.26.0/CMakeCXXCompiler.cmake"
124
+ "CMakeFiles/3.26.0/CMakeCCompiler.cmake"
125
+ "CMakeFiles/3.26.0/CMakeCXXCompiler.cmake"
126
+ "CMakeFiles/CMakeDirectoryInformation.cmake"
127
+ )
128
+
129
+ # Dependency information for all targets:
130
+ set(CMAKE_DEPEND_INFO_FILES
131
+ "CMakeFiles/FRICP.dir/DependInfo.cmake"
132
+ "CMakeFiles/data.dir/DependInfo.cmake"
133
+ )
build/CMakeFiles/Makefile2 ADDED
@@ -0,0 +1,139 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ # CMAKE generated file: DO NOT EDIT!
2
+ # Generated by "Unix Makefiles" Generator, CMake Version 3.26
3
+
4
+ # Default target executed when no arguments are given to make.
5
+ default_target: all
6
+ .PHONY : default_target
7
+
8
+ #=============================================================================
9
+ # Special targets provided by cmake.
10
+
11
+ # Disable implicit rules so canonical targets will work.
12
+ .SUFFIXES:
13
+
14
+ # Disable VCS-based implicit rules.
15
+ % : %,v
16
+
17
+ # Disable VCS-based implicit rules.
18
+ % : RCS/%
19
+
20
+ # Disable VCS-based implicit rules.
21
+ % : RCS/%,v
22
+
23
+ # Disable VCS-based implicit rules.
24
+ % : SCCS/s.%
25
+
26
+ # Disable VCS-based implicit rules.
27
+ % : s.%
28
+
29
+ .SUFFIXES: .hpux_make_needs_suffix_list
30
+
31
+ # Command-line flag to silence nested $(MAKE).
32
+ $(VERBOSE)MAKESILENT = -s
33
+
34
+ #Suppress display of executed commands.
35
+ $(VERBOSE).SILENT:
36
+
37
+ # A target that is always out of date.
38
+ cmake_force:
39
+ .PHONY : cmake_force
40
+
41
+ #=============================================================================
42
+ # Set environment variables for the build.
43
+
44
+ # The shell in which to execute make rules.
45
+ SHELL = /bin/sh
46
+
47
+ # The CMake executable.
48
+ CMAKE_COMMAND = /usr/local/bin/cmake
49
+
50
+ # The command to remove a file.
51
+ RM = /usr/local/bin/cmake -E rm -f
52
+
53
+ # Escaping for special characters.
54
+ EQUALS = =
55
+
56
+ # The top-level source directory on which CMake was run.
57
+ CMAKE_SOURCE_DIR = /home/cam/Desktop/ICP/Fast-Robust-ICP
58
+
59
+ # The top-level build directory on which CMake was run.
60
+ CMAKE_BINARY_DIR = /home/cam/Desktop/ICP/Fast-Robust-ICP/build
61
+
62
+ #=============================================================================
63
+ # Directory level rules for the build root directory
64
+
65
+ # The main recursive "all" target.
66
+ all: CMakeFiles/FRICP.dir/all
67
+ .PHONY : all
68
+
69
+ # The main recursive "preinstall" target.
70
+ preinstall:
71
+ .PHONY : preinstall
72
+
73
+ # The main recursive "clean" target.
74
+ clean: CMakeFiles/FRICP.dir/clean
75
+ clean: CMakeFiles/data.dir/clean
76
+ .PHONY : clean
77
+
78
+ #=============================================================================
79
+ # Target rules for target CMakeFiles/FRICP.dir
80
+
81
+ # All Build rule for target.
82
+ CMakeFiles/FRICP.dir/all:
83
+ $(MAKE) $(MAKESILENT) -f CMakeFiles/FRICP.dir/build.make CMakeFiles/FRICP.dir/depend
84
+ $(MAKE) $(MAKESILENT) -f CMakeFiles/FRICP.dir/build.make CMakeFiles/FRICP.dir/build
85
+ @$(CMAKE_COMMAND) -E cmake_echo_color --switch=$(COLOR) --progress-dir=/home/cam/Desktop/ICP/Fast-Robust-ICP/build/CMakeFiles --progress-num=1,2 "Built target FRICP"
86
+ .PHONY : CMakeFiles/FRICP.dir/all
87
+
88
+ # Build rule for subdir invocation for target.
89
+ CMakeFiles/FRICP.dir/rule: cmake_check_build_system
90
+ $(CMAKE_COMMAND) -E cmake_progress_start /home/cam/Desktop/ICP/Fast-Robust-ICP/build/CMakeFiles 2
91
+ $(MAKE) $(MAKESILENT) -f CMakeFiles/Makefile2 CMakeFiles/FRICP.dir/all
92
+ $(CMAKE_COMMAND) -E cmake_progress_start /home/cam/Desktop/ICP/Fast-Robust-ICP/build/CMakeFiles 0
93
+ .PHONY : CMakeFiles/FRICP.dir/rule
94
+
95
+ # Convenience name for target.
96
+ FRICP: CMakeFiles/FRICP.dir/rule
97
+ .PHONY : FRICP
98
+
99
+ # clean rule for target.
100
+ CMakeFiles/FRICP.dir/clean:
101
+ $(MAKE) $(MAKESILENT) -f CMakeFiles/FRICP.dir/build.make CMakeFiles/FRICP.dir/clean
102
+ .PHONY : CMakeFiles/FRICP.dir/clean
103
+
104
+ #=============================================================================
105
+ # Target rules for target CMakeFiles/data.dir
106
+
107
+ # All Build rule for target.
108
+ CMakeFiles/data.dir/all:
109
+ $(MAKE) $(MAKESILENT) -f CMakeFiles/data.dir/build.make CMakeFiles/data.dir/depend
110
+ $(MAKE) $(MAKESILENT) -f CMakeFiles/data.dir/build.make CMakeFiles/data.dir/build
111
+ @$(CMAKE_COMMAND) -E cmake_echo_color --switch=$(COLOR) --progress-dir=/home/cam/Desktop/ICP/Fast-Robust-ICP/build/CMakeFiles --progress-num= "Built target data"
112
+ .PHONY : CMakeFiles/data.dir/all
113
+
114
+ # Build rule for subdir invocation for target.
115
+ CMakeFiles/data.dir/rule: cmake_check_build_system
116
+ $(CMAKE_COMMAND) -E cmake_progress_start /home/cam/Desktop/ICP/Fast-Robust-ICP/build/CMakeFiles 0
117
+ $(MAKE) $(MAKESILENT) -f CMakeFiles/Makefile2 CMakeFiles/data.dir/all
118
+ $(CMAKE_COMMAND) -E cmake_progress_start /home/cam/Desktop/ICP/Fast-Robust-ICP/build/CMakeFiles 0
119
+ .PHONY : CMakeFiles/data.dir/rule
120
+
121
+ # Convenience name for target.
122
+ data: CMakeFiles/data.dir/rule
123
+ .PHONY : data
124
+
125
+ # clean rule for target.
126
+ CMakeFiles/data.dir/clean:
127
+ $(MAKE) $(MAKESILENT) -f CMakeFiles/data.dir/build.make CMakeFiles/data.dir/clean
128
+ .PHONY : CMakeFiles/data.dir/clean
129
+
130
+ #=============================================================================
131
+ # Special targets to cleanup operation of make.
132
+
133
+ # Special rule to run CMake to check the build system integrity.
134
+ # No rule that depends on this can have commands that come from listfiles
135
+ # because they might be regenerated.
136
+ cmake_check_build_system:
137
+ $(CMAKE_COMMAND) -S$(CMAKE_SOURCE_DIR) -B$(CMAKE_BINARY_DIR) --check-build-system CMakeFiles/Makefile.cmake 0
138
+ .PHONY : cmake_check_build_system
139
+
build/CMakeFiles/TargetDirectories.txt ADDED
@@ -0,0 +1,4 @@
 
 
 
 
 
1
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/build/CMakeFiles/FRICP.dir
2
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/build/CMakeFiles/data.dir
3
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/build/CMakeFiles/edit_cache.dir
4
+ /home/cam/Desktop/ICP/Fast-Robust-ICP/build/CMakeFiles/rebuild_cache.dir
build/CMakeFiles/cmake.check_cache ADDED
@@ -0,0 +1 @@
 
 
1
+ # This file is generated by cmake for dependency checking of the CMakeCache.txt file
build/CMakeFiles/data.dir/DependInfo.cmake ADDED
@@ -0,0 +1,18 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+
2
+ # Consider dependencies only in project.
3
+ set(CMAKE_DEPENDS_IN_PROJECT_ONLY OFF)
4
+
5
+ # The set of languages for which implicit dependencies are needed:
6
+ set(CMAKE_DEPENDS_LANGUAGES
7
+ )
8
+
9
+ # The set of dependency files which are needed:
10
+ set(CMAKE_DEPENDS_DEPENDENCY_FILES
11
+ )
12
+
13
+ # Targets to which this target links which contain Fortran sources.
14
+ set(CMAKE_Fortran_TARGET_LINKED_INFO_FILES
15
+ )
16
+
17
+ # Fortran module output directory.
18
+ set(CMAKE_Fortran_TARGET_MODULE_DIR "")
build/CMakeFiles/data.dir/build.make ADDED
@@ -0,0 +1,83 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ # CMAKE generated file: DO NOT EDIT!
2
+ # Generated by "Unix Makefiles" Generator, CMake Version 3.26
3
+
4
+ # Delete rule output on recipe failure.
5
+ .DELETE_ON_ERROR:
6
+
7
+ #=============================================================================
8
+ # Special targets provided by cmake.
9
+
10
+ # Disable implicit rules so canonical targets will work.
11
+ .SUFFIXES:
12
+
13
+ # Disable VCS-based implicit rules.
14
+ % : %,v
15
+
16
+ # Disable VCS-based implicit rules.
17
+ % : RCS/%
18
+
19
+ # Disable VCS-based implicit rules.
20
+ % : RCS/%,v
21
+
22
+ # Disable VCS-based implicit rules.
23
+ % : SCCS/s.%
24
+
25
+ # Disable VCS-based implicit rules.
26
+ % : s.%
27
+
28
+ .SUFFIXES: .hpux_make_needs_suffix_list
29
+
30
+ # Command-line flag to silence nested $(MAKE).
31
+ $(VERBOSE)MAKESILENT = -s
32
+
33
+ #Suppress display of executed commands.
34
+ $(VERBOSE).SILENT:
35
+
36
+ # A target that is always out of date.
37
+ cmake_force:
38
+ .PHONY : cmake_force
39
+
40
+ #=============================================================================
41
+ # Set environment variables for the build.
42
+
43
+ # The shell in which to execute make rules.
44
+ SHELL = /bin/sh
45
+
46
+ # The CMake executable.
47
+ CMAKE_COMMAND = /usr/local/bin/cmake
48
+
49
+ # The command to remove a file.
50
+ RM = /usr/local/bin/cmake -E rm -f
51
+
52
+ # Escaping for special characters.
53
+ EQUALS = =
54
+
55
+ # The top-level source directory on which CMake was run.
56
+ CMAKE_SOURCE_DIR = /home/cam/Desktop/ICP/Fast-Robust-ICP
57
+
58
+ # The top-level build directory on which CMake was run.
59
+ CMAKE_BINARY_DIR = /home/cam/Desktop/ICP/Fast-Robust-ICP/build
60
+
61
+ # Utility rule file for data.
62
+
63
+ # Include any custom commands dependencies for this target.
64
+ include CMakeFiles/data.dir/compiler_depend.make
65
+
66
+ # Include the progress variables for this target.
67
+ include CMakeFiles/data.dir/progress.make
68
+
69
+ data: CMakeFiles/data.dir/build.make
70
+ .PHONY : data
71
+
72
+ # Rule to build all files generated by this target.
73
+ CMakeFiles/data.dir/build: data
74
+ .PHONY : CMakeFiles/data.dir/build
75
+
76
+ CMakeFiles/data.dir/clean:
77
+ $(CMAKE_COMMAND) -P CMakeFiles/data.dir/cmake_clean.cmake
78
+ .PHONY : CMakeFiles/data.dir/clean
79
+
80
+ CMakeFiles/data.dir/depend:
81
+ cd /home/cam/Desktop/ICP/Fast-Robust-ICP/build && $(CMAKE_COMMAND) -E cmake_depends "Unix Makefiles" /home/cam/Desktop/ICP/Fast-Robust-ICP /home/cam/Desktop/ICP/Fast-Robust-ICP /home/cam/Desktop/ICP/Fast-Robust-ICP/build /home/cam/Desktop/ICP/Fast-Robust-ICP/build /home/cam/Desktop/ICP/Fast-Robust-ICP/build/CMakeFiles/data.dir/DependInfo.cmake --color=$(COLOR)
82
+ .PHONY : CMakeFiles/data.dir/depend
83
+
build/CMakeFiles/data.dir/cmake_clean.cmake ADDED
@@ -0,0 +1,5 @@
 
 
 
 
 
 
1
+
2
+ # Per-language clean rules from dependency scanning.
3
+ foreach(lang )
4
+ include(CMakeFiles/data.dir/cmake_clean_${lang}.cmake OPTIONAL)
5
+ endforeach()
build/CMakeFiles/data.dir/compiler_depend.make ADDED
@@ -0,0 +1,2 @@
 
 
 
1
+ # Empty custom commands generated dependencies file for data.
2
+ # This may be replaced when dependencies are built.
build/CMakeFiles/data.dir/compiler_depend.ts ADDED
@@ -0,0 +1,2 @@
 
 
 
1
+ # CMAKE generated file: DO NOT EDIT!
2
+ # Timestamp file for custom commands dependencies management for data.
build/CMakeFiles/data.dir/progress.make ADDED
@@ -0,0 +1 @@
 
 
1
+
build/CMakeFiles/progress.marks ADDED
@@ -0,0 +1 @@
 
 
1
+ 2
build/Makefile ADDED
@@ -0,0 +1,195 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ # CMAKE generated file: DO NOT EDIT!
2
+ # Generated by "Unix Makefiles" Generator, CMake Version 3.26
3
+
4
+ # Default target executed when no arguments are given to make.
5
+ default_target: all
6
+ .PHONY : default_target
7
+
8
+ # Allow only one "make -f Makefile2" at a time, but pass parallelism.
9
+ .NOTPARALLEL:
10
+
11
+ #=============================================================================
12
+ # Special targets provided by cmake.
13
+
14
+ # Disable implicit rules so canonical targets will work.
15
+ .SUFFIXES:
16
+
17
+ # Disable VCS-based implicit rules.
18
+ % : %,v
19
+
20
+ # Disable VCS-based implicit rules.
21
+ % : RCS/%
22
+
23
+ # Disable VCS-based implicit rules.
24
+ % : RCS/%,v
25
+
26
+ # Disable VCS-based implicit rules.
27
+ % : SCCS/s.%
28
+
29
+ # Disable VCS-based implicit rules.
30
+ % : s.%
31
+
32
+ .SUFFIXES: .hpux_make_needs_suffix_list
33
+
34
+ # Command-line flag to silence nested $(MAKE).
35
+ $(VERBOSE)MAKESILENT = -s
36
+
37
+ #Suppress display of executed commands.
38
+ $(VERBOSE).SILENT:
39
+
40
+ # A target that is always out of date.
41
+ cmake_force:
42
+ .PHONY : cmake_force
43
+
44
+ #=============================================================================
45
+ # Set environment variables for the build.
46
+
47
+ # The shell in which to execute make rules.
48
+ SHELL = /bin/sh
49
+
50
+ # The CMake executable.
51
+ CMAKE_COMMAND = /usr/local/bin/cmake
52
+
53
+ # The command to remove a file.
54
+ RM = /usr/local/bin/cmake -E rm -f
55
+
56
+ # Escaping for special characters.
57
+ EQUALS = =
58
+
59
+ # The top-level source directory on which CMake was run.
60
+ CMAKE_SOURCE_DIR = /home/cam/Desktop/ICP/Fast-Robust-ICP
61
+
62
+ # The top-level build directory on which CMake was run.
63
+ CMAKE_BINARY_DIR = /home/cam/Desktop/ICP/Fast-Robust-ICP/build
64
+
65
+ #=============================================================================
66
+ # Targets provided globally by CMake.
67
+
68
+ # Special rule for the target edit_cache
69
+ edit_cache:
70
+ @$(CMAKE_COMMAND) -E cmake_echo_color --switch=$(COLOR) --cyan "No interactive CMake dialog available..."
71
+ /usr/local/bin/cmake -E echo No\ interactive\ CMake\ dialog\ available.
72
+ .PHONY : edit_cache
73
+
74
+ # Special rule for the target edit_cache
75
+ edit_cache/fast: edit_cache
76
+ .PHONY : edit_cache/fast
77
+
78
+ # Special rule for the target rebuild_cache
79
+ rebuild_cache:
80
+ @$(CMAKE_COMMAND) -E cmake_echo_color --switch=$(COLOR) --cyan "Running CMake to regenerate build system..."
81
+ /usr/local/bin/cmake --regenerate-during-build -S$(CMAKE_SOURCE_DIR) -B$(CMAKE_BINARY_DIR)
82
+ .PHONY : rebuild_cache
83
+
84
+ # Special rule for the target rebuild_cache
85
+ rebuild_cache/fast: rebuild_cache
86
+ .PHONY : rebuild_cache/fast
87
+
88
+ # The main all target
89
+ all: cmake_check_build_system
90
+ $(CMAKE_COMMAND) -E cmake_progress_start /home/cam/Desktop/ICP/Fast-Robust-ICP/build/CMakeFiles /home/cam/Desktop/ICP/Fast-Robust-ICP/build//CMakeFiles/progress.marks
91
+ $(MAKE) $(MAKESILENT) -f CMakeFiles/Makefile2 all
92
+ $(CMAKE_COMMAND) -E cmake_progress_start /home/cam/Desktop/ICP/Fast-Robust-ICP/build/CMakeFiles 0
93
+ .PHONY : all
94
+
95
+ # The main clean target
96
+ clean:
97
+ $(MAKE) $(MAKESILENT) -f CMakeFiles/Makefile2 clean
98
+ .PHONY : clean
99
+
100
+ # The main clean target
101
+ clean/fast: clean
102
+ .PHONY : clean/fast
103
+
104
+ # Prepare targets for installation.
105
+ preinstall: all
106
+ $(MAKE) $(MAKESILENT) -f CMakeFiles/Makefile2 preinstall
107
+ .PHONY : preinstall
108
+
109
+ # Prepare targets for installation.
110
+ preinstall/fast:
111
+ $(MAKE) $(MAKESILENT) -f CMakeFiles/Makefile2 preinstall
112
+ .PHONY : preinstall/fast
113
+
114
+ # clear depends
115
+ depend:
116
+ $(CMAKE_COMMAND) -S$(CMAKE_SOURCE_DIR) -B$(CMAKE_BINARY_DIR) --check-build-system CMakeFiles/Makefile.cmake 1
117
+ .PHONY : depend
118
+
119
+ #=============================================================================
120
+ # Target rules for targets named FRICP
121
+
122
+ # Build rule for target.
123
+ FRICP: cmake_check_build_system
124
+ $(MAKE) $(MAKESILENT) -f CMakeFiles/Makefile2 FRICP
125
+ .PHONY : FRICP
126
+
127
+ # fast build rule for target.
128
+ FRICP/fast:
129
+ $(MAKE) $(MAKESILENT) -f CMakeFiles/FRICP.dir/build.make CMakeFiles/FRICP.dir/build
130
+ .PHONY : FRICP/fast
131
+
132
+ #=============================================================================
133
+ # Target rules for targets named data
134
+
135
+ # Build rule for target.
136
+ data: cmake_check_build_system
137
+ $(MAKE) $(MAKESILENT) -f CMakeFiles/Makefile2 data
138
+ .PHONY : data
139
+
140
+ # fast build rule for target.
141
+ data/fast:
142
+ $(MAKE) $(MAKESILENT) -f CMakeFiles/data.dir/build.make CMakeFiles/data.dir/build
143
+ .PHONY : data/fast
144
+
145
+ main.o: main.cpp.o
146
+ .PHONY : main.o
147
+
148
+ # target to build an object file
149
+ main.cpp.o:
150
+ $(MAKE) $(MAKESILENT) -f CMakeFiles/FRICP.dir/build.make CMakeFiles/FRICP.dir/main.cpp.o
151
+ .PHONY : main.cpp.o
152
+
153
+ main.i: main.cpp.i
154
+ .PHONY : main.i
155
+
156
+ # target to preprocess a source file
157
+ main.cpp.i:
158
+ $(MAKE) $(MAKESILENT) -f CMakeFiles/FRICP.dir/build.make CMakeFiles/FRICP.dir/main.cpp.i
159
+ .PHONY : main.cpp.i
160
+
161
+ main.s: main.cpp.s
162
+ .PHONY : main.s
163
+
164
+ # target to generate assembly for a file
165
+ main.cpp.s:
166
+ $(MAKE) $(MAKESILENT) -f CMakeFiles/FRICP.dir/build.make CMakeFiles/FRICP.dir/main.cpp.s
167
+ .PHONY : main.cpp.s
168
+
169
+ # Help Target
170
+ help:
171
+ @echo "The following are some of the valid targets for this Makefile:"
172
+ @echo "... all (the default if no target is provided)"
173
+ @echo "... clean"
174
+ @echo "... depend"
175
+ @echo "... edit_cache"
176
+ @echo "... rebuild_cache"
177
+ @echo "... data"
178
+ @echo "... FRICP"
179
+ @echo "... main.o"
180
+ @echo "... main.i"
181
+ @echo "... main.s"
182
+ .PHONY : help
183
+
184
+
185
+
186
+ #=============================================================================
187
+ # Special targets to cleanup operation of make.
188
+
189
+ # Special rule to run CMake to check the build system integrity.
190
+ # No rule that depends on this can have commands that come from listfiles
191
+ # because they might be regenerated.
192
+ cmake_check_build_system:
193
+ $(CMAKE_COMMAND) -S$(CMAKE_SOURCE_DIR) -B$(CMAKE_BINARY_DIR) --check-build-system CMakeFiles/Makefile.cmake 0
194
+ .PHONY : cmake_check_build_system
195
+
build/cmake_install.cmake ADDED
@@ -0,0 +1,54 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ # Install script for directory: /home/cam/Desktop/ICP/Fast-Robust-ICP
2
+
3
+ # Set the install prefix
4
+ if(NOT DEFINED CMAKE_INSTALL_PREFIX)
5
+ set(CMAKE_INSTALL_PREFIX "/usr/local")
6
+ endif()
7
+ string(REGEX REPLACE "/$" "" CMAKE_INSTALL_PREFIX "${CMAKE_INSTALL_PREFIX}")
8
+
9
+ # Set the install configuration name.
10
+ if(NOT DEFINED CMAKE_INSTALL_CONFIG_NAME)
11
+ if(BUILD_TYPE)
12
+ string(REGEX REPLACE "^[^A-Za-z0-9_]+" ""
13
+ CMAKE_INSTALL_CONFIG_NAME "${BUILD_TYPE}")
14
+ else()
15
+ set(CMAKE_INSTALL_CONFIG_NAME "Release")
16
+ endif()
17
+ message(STATUS "Install configuration: \"${CMAKE_INSTALL_CONFIG_NAME}\"")
18
+ endif()
19
+
20
+ # Set the component getting installed.
21
+ if(NOT CMAKE_INSTALL_COMPONENT)
22
+ if(COMPONENT)
23
+ message(STATUS "Install component: \"${COMPONENT}\"")
24
+ set(CMAKE_INSTALL_COMPONENT "${COMPONENT}")
25
+ else()
26
+ set(CMAKE_INSTALL_COMPONENT)
27
+ endif()
28
+ endif()
29
+
30
+ # Install shared libraries without execute permission?
31
+ if(NOT DEFINED CMAKE_INSTALL_SO_NO_EXE)
32
+ set(CMAKE_INSTALL_SO_NO_EXE "1")
33
+ endif()
34
+
35
+ # Is this installation the result of a crosscompile?
36
+ if(NOT DEFINED CMAKE_CROSSCOMPILING)
37
+ set(CMAKE_CROSSCOMPILING "FALSE")
38
+ endif()
39
+
40
+ # Set default install directory permissions.
41
+ if(NOT DEFINED CMAKE_OBJDUMP)
42
+ set(CMAKE_OBJDUMP "/usr/bin/objdump")
43
+ endif()
44
+
45
+ if(CMAKE_INSTALL_COMPONENT)
46
+ set(CMAKE_INSTALL_MANIFEST "install_manifest_${CMAKE_INSTALL_COMPONENT}.txt")
47
+ else()
48
+ set(CMAKE_INSTALL_MANIFEST "install_manifest.txt")
49
+ endif()
50
+
51
+ string(REPLACE ";" "\n" CMAKE_INSTALL_MANIFEST_CONTENT
52
+ "${CMAKE_INSTALL_MANIFEST_FILES}")
53
+ file(WRITE "/home/cam/Desktop/ICP/Fast-Robust-ICP/build/${CMAKE_INSTALL_MANIFEST}"
54
+ "${CMAKE_INSTALL_MANIFEST_CONTENT}")
cmake/FindEigen3.cmake ADDED
@@ -0,0 +1,18 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ FIND_PATH( EIGEN3_INCLUDE_DIRS Eigen/Geometry
2
+ $ENV{EIGEN3DIR}/include
3
+ /usr/local/include/eigen3
4
+ /usr/local/include
5
+ /usr/local/X11R6/include
6
+ /usr/X11R6/include
7
+ /usr/X11/include
8
+ /usr/include/X11
9
+ /usr/include/eigen3/
10
+ /usr/include
11
+ /opt/X11/include
12
+ /opt/include
13
+ ${CMAKE_SOURCE_DIR}/external/eigen/include)
14
+
15
+ SET(EIGEN3_FOUND "NO")
16
+ IF(EIGEN3_INCLUDE_DIRS)
17
+ SET(EIGEN3_FOUND "YES")
18
+ ENDIF()
cmake/FindNanoFlann.cmake ADDED
@@ -0,0 +1,24 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ FIND_PATH(
2
+ # filled variable
3
+ NANOFLANN_INCLUDE_DIR
4
+ # what I am looking for?
5
+ nanoflann.hpp
6
+ # where should I look?
7
+ $ENV{NANOFLANN_DIR}
8
+ ${CMAKE_SOURCE_DIR}/include)
9
+
10
+ IF(NANOFLANN_INCLUDE_DIR)
11
+ SET(NANOFLANN_FOUND TRUE)
12
+ else()
13
+ SET(NANOFLANN_FOUND FALSE)
14
+ ENDIF()
15
+
16
+ IF(NANOFLANN_FOUND)
17
+ IF(NOT CMAKE_FIND_QUIETLY)
18
+ MESSAGE(STATUS "Found NanoFlann: ${NANOFLANN_INCLUDE_DIR}")
19
+ ENDIF()
20
+ ELSE()
21
+ IF(NANOFLANN_FOUND_REQUIRED)
22
+ MESSAGE(FATAL_ERROR "Could not find NanoFlann")
23
+ ENDIF()
24
+ ENDIF()
data/, ADDED
File without changes
data/data.json ADDED
@@ -0,0 +1,729 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "bottle2_100_standing": [
3
+ "100_1",
4
+ "100_2",
5
+ "100_3",
6
+ "100_4",
7
+ "100_5",
8
+ "100_6",
9
+ "100_7",
10
+ "100_8",
11
+ "100_9",
12
+ "100_10",
13
+ "100_11",
14
+ "100_12"
15
+ ],
16
+ "bottle2_100_lying": [
17
+ "100_13",
18
+ "100_14",
19
+ "100_15",
20
+ "100_16",
21
+ "100_17",
22
+ "100_18",
23
+ "100_19",
24
+ "100_20"
25
+ ],
26
+ "bottle2_75_staning": [
27
+ "75_2",
28
+ "75_3",
29
+ "75_4",
30
+ "75_5",
31
+ "75_6",
32
+ "75_7",
33
+ "75_8",
34
+ "75_9",
35
+ "75_10",
36
+ "75_11",
37
+ "75_12"
38
+ ],
39
+ "bottle2_75_lying": [
40
+ "75_1",
41
+ "75_13",
42
+ "75_14",
43
+ "75_15",
44
+ "75_16",
45
+ "75_17",
46
+ "75_18",
47
+ "75_19",
48
+ "75_20"
49
+ ],
50
+ "bottle2_50_standing": [
51
+ "50_1",
52
+ "50_2",
53
+ "50_3",
54
+ "50_4",
55
+ "50_5",
56
+ "50_6",
57
+ "50_7",
58
+ "50_8",
59
+ "50_9",
60
+ "50_10",
61
+ "50_11",
62
+ "50_12"
63
+ ],
64
+ "bottle2_50_lying": [
65
+ "50_13",
66
+ "50_14",
67
+ "50_15",
68
+ "50_16",
69
+ "50_17",
70
+ "50_18",
71
+ "50_19",
72
+ "50_20"
73
+ ],
74
+ "bottle2_25_standing": [
75
+ "25_1",
76
+ "25_2",
77
+ "25_3",
78
+ "25_4",
79
+ "25_5",
80
+ "25_6",
81
+ "25_7",
82
+ "25_8",
83
+ "25_9",
84
+ "25_10",
85
+ "25_11"
86
+ ],
87
+ "bottle2_25_lying": [
88
+ "25_12",
89
+ "25_13",
90
+ "25_14",
91
+ "25_15",
92
+ "25_16",
93
+ "25_17",
94
+ "25_18",
95
+ "25_19",
96
+ "25_20",
97
+ "25_21",
98
+ "25_22",
99
+ "25_23"
100
+ ],
101
+ "bottle2_0_standing": [
102
+ "0_1",
103
+ "0_2",
104
+ "0_3",
105
+ "0_4",
106
+ "0_5",
107
+ "0_6",
108
+ "0_7",
109
+ "0_8",
110
+ "0_9",
111
+ "0_10",
112
+ "0_11",
113
+ "0_12",
114
+ "0_13"
115
+ ],
116
+ "bottle2_0_lying": [
117
+ "0_14",
118
+ "0_15",
119
+ "0_16",
120
+ "0_17",
121
+ "0_18",
122
+ "0_19"
123
+ ],
124
+ "glasses_100_standing": [
125
+ "100_3",
126
+ "100_4",
127
+ "100_5",
128
+ "100_6",
129
+ "100_7",
130
+ "100_8",
131
+ "100_9",
132
+ "100_10",
133
+ "100_11",
134
+ "100_12",
135
+ "100_13"
136
+ ],
137
+ "glasses_100_lying": [
138
+ "100_14",
139
+ "100_15",
140
+ "100_16",
141
+ "100_17",
142
+ "100_18",
143
+ "100_19",
144
+ "100_20",
145
+ "100_21",
146
+ "100_1",
147
+ "100_2"
148
+ ],
149
+ "glasses_75_lying": [
150
+ "75_12",
151
+ "75_13",
152
+ "75_14",
153
+ "75_15",
154
+ "75_16",
155
+ "75_17",
156
+ "75_18",
157
+ "75_19",
158
+ "75_20"
159
+ ],
160
+ "glasses_50_lying": [
161
+ "50_13",
162
+ "50_14",
163
+ "50_15",
164
+ "50_16",
165
+ "50_17",
166
+ "50_18",
167
+ "50_19",
168
+ "50_20",
169
+ "50_21"
170
+ ],
171
+ "glasses_25_lying": [
172
+ "25_13",
173
+ "25_14",
174
+ "25_15",
175
+ "25_16",
176
+ "25_17",
177
+ "25_18",
178
+ "25_19",
179
+ "25_20",
180
+ "25_21"
181
+ ],
182
+ "glasses_0_lying": [
183
+ "0_11",
184
+ "0_12",
185
+ "0_13",
186
+ "0_14",
187
+ "0_15",
188
+ "0_16",
189
+ "0_17",
190
+ "0_18",
191
+ "0_19"
192
+ ],
193
+ "glasses_75_standing": [
194
+ "75_1",
195
+ "75_2",
196
+ "75_3",
197
+ "75_4",
198
+ "75_5",
199
+ "75_6",
200
+ "75_7",
201
+ "75_8",
202
+ "75_9",
203
+ "75_10",
204
+ "75_11"
205
+ ],
206
+ "glasses_50_standing": [
207
+ "50_1",
208
+ "50_2",
209
+ "50_3",
210
+ "50_4",
211
+ "50_5",
212
+ "50_6",
213
+ "50_7",
214
+ "50_8",
215
+ "50_9",
216
+ "50_10",
217
+ "50_11",
218
+ "50_12"
219
+ ],
220
+ "glasses_25_standing": [
221
+ "25_1",
222
+ "25_2",
223
+ "25_3",
224
+ "25_4",
225
+ "25_5",
226
+ "25_6",
227
+ "25_7",
228
+ "25_8",
229
+ "25_9",
230
+ "25_10",
231
+ "25_11",
232
+ "25_12"
233
+ ],
234
+ "glasses_0_standing": [
235
+ "0_1",
236
+ "0_2",
237
+ "0_3",
238
+ "0_4",
239
+ "0_5",
240
+ "0_6",
241
+ "0_7",
242
+ "0_8",
243
+ "0_9",
244
+ "0_10",
245
+ "0_11",
246
+ "0_12",
247
+ "0_13"
248
+ ],
249
+ "lightbulb_100_standing": [
250
+ "100_2",
251
+ "100_3",
252
+ "100_4",
253
+ "100_5",
254
+ "100_6",
255
+ "100_7"
256
+ ],
257
+ "lightbulb_75_standing": [
258
+ "75_12",
259
+ "75_13",
260
+ "75_14",
261
+ "75_15",
262
+ "75_16",
263
+ "75_17"
264
+ ],
265
+ "lightbulb_50_standing": [
266
+ "50_13",
267
+ "50_14",
268
+ "50_15",
269
+ "50_16",
270
+ "50_17",
271
+ "50_18",
272
+ "50_19",
273
+ "50_1",
274
+ "50_2",
275
+ "50_3"
276
+ ],
277
+ "lightbulb_25_standing": [
278
+ "25_2",
279
+ "25_3",
280
+ "25_4",
281
+ "25_5",
282
+ "25_6",
283
+ "25_7",
284
+ "25_8"
285
+ ],
286
+ "lightbulb_0_standing": [
287
+ "0_13",
288
+ "0_14",
289
+ "0_15",
290
+ "0_16"
291
+ ],
292
+ "lightbulb_100_lying": [
293
+ "100_8",
294
+ "100_9",
295
+ "100_10",
296
+ "100_11",
297
+ "100_12",
298
+ "100_13",
299
+ "100_14",
300
+ "100_15",
301
+ "100_16",
302
+ "100_17",
303
+ "100_18",
304
+ "100_19",
305
+ "100_20"
306
+ ],
307
+ "lightbulb_75_lying": [
308
+ "75_1",
309
+ "75_2",
310
+ "75_3",
311
+ "75_4",
312
+ "75_5",
313
+ "75_6",
314
+ "75_7",
315
+ "75_8",
316
+ "75_9",
317
+ "75_10",
318
+ "75_11",
319
+ "75_18",
320
+ "75_19",
321
+ "75_20"
322
+ ],
323
+ "lightbulb_50_lying": [
324
+ "50_4",
325
+ "50_5",
326
+ "50_6",
327
+ "50_7",
328
+ "50_8",
329
+ "50_9",
330
+ "50_10",
331
+ "50_11",
332
+ "50_12",
333
+ "50_20",
334
+ "50_21"
335
+ ],
336
+ "lightbulb_25_lying": [
337
+ "25_9",
338
+ "25_10",
339
+ "25_11",
340
+ "25_12",
341
+ "25_13",
342
+ "25_14",
343
+ "25_15",
344
+ "25_16",
345
+ "25_17",
346
+ "25_18",
347
+ "25_19",
348
+ "25_20",
349
+ "25_21"
350
+ ],
351
+ "lightbulb_0_lying": [
352
+ "0_1",
353
+ "0_2",
354
+ "0_3",
355
+ "0_4",
356
+ "0_5",
357
+ "0_6",
358
+ "0_7",
359
+ "0_8",
360
+ "0_9",
361
+ "0_10",
362
+ "0_11",
363
+ "0_12"
364
+ ],
365
+ "lighter_100_lying": [
366
+ "100_13",
367
+ "100_14",
368
+ "100_15",
369
+ "100_16",
370
+ "100_17",
371
+ "100_18",
372
+ "100_19",
373
+ "100_20",
374
+ "100_21"
375
+ ],
376
+ "lighter_75_lying": [
377
+ "75_12",
378
+ "75_13",
379
+ "75_14",
380
+ "75_15",
381
+ "75_16",
382
+ "75_17",
383
+ "75_18",
384
+ "75_19",
385
+ "75_20",
386
+ "75_21"
387
+ ],
388
+ "lighter_50_lying": [
389
+ "50_1",
390
+ "50_2",
391
+ "50_3",
392
+ "50_4",
393
+ "50_5",
394
+ "50_6",
395
+ "50_7",
396
+ "50_8",
397
+ "50_9",
398
+ "50_10",
399
+ "50_11"
400
+ ],
401
+ "lighter_25_lying": [
402
+ "25_12",
403
+ "25_13",
404
+ "25_14",
405
+ "25_15",
406
+ "25_16",
407
+ "25_17",
408
+ "25_18",
409
+ "25_19",
410
+ "25_20",
411
+ "25_21"
412
+ ],
413
+ "lighter_0_lying": [
414
+ "0_13",
415
+ "0_14",
416
+ "0_15",
417
+ "0_16",
418
+ "0_17",
419
+ "0_18",
420
+ "0_19"
421
+ ],
422
+ "lighter_100_standing": [
423
+ "100_1",
424
+ "100_2",
425
+ "100_3",
426
+ "100_4",
427
+ "100_5",
428
+ "100_6",
429
+ "100_7",
430
+ "100_8",
431
+ "100_9",
432
+ "100_10",
433
+ "100_11",
434
+ "100_12"
435
+ ],
436
+ "lighter_75_standing": [
437
+ "75_1",
438
+ "75_2",
439
+ "75_3",
440
+ "75_4",
441
+ "75_5",
442
+ "75_6",
443
+ "75_7",
444
+ "75_8",
445
+ "75_9",
446
+ "75_10",
447
+ "75_11"
448
+ ],
449
+ "lighter_50_standing": [
450
+ "50_12",
451
+ "50_13",
452
+ "50_14",
453
+ "50_15",
454
+ "50_16",
455
+ "50_17",
456
+ "50_18",
457
+ "50_19",
458
+ "50_20",
459
+ "50_21"
460
+ ],
461
+ "lighter_25_standing": [
462
+ "25_1",
463
+ "25_2",
464
+ "25_3",
465
+ "25_4",
466
+ "25_5",
467
+ "25_6",
468
+ "25_7",
469
+ "25_8",
470
+ "25_9",
471
+ "25_10",
472
+ "25_11"
473
+ ],
474
+ "lighter_0_standing": [
475
+ "0_1",
476
+ "0_2",
477
+ "0_3",
478
+ "0_4",
479
+ "0_5",
480
+ "0_6",
481
+ "0_7",
482
+ "0_8",
483
+ "0_9",
484
+ "0_10",
485
+ "0_11",
486
+ "0_12"
487
+ ],
488
+ "magnifying_glass_100_standing": [
489
+ "100_12",
490
+ "100_13",
491
+ "100_14",
492
+ "100_15",
493
+ "100_16",
494
+ "100_17"
495
+ ],
496
+ "magnifying_glass_75_standing": [
497
+ "75_12",
498
+ "75_13",
499
+ "75_14",
500
+ "75_15",
501
+ "75_16",
502
+ "75_17",
503
+ "75_18",
504
+ "75_19",
505
+ "75_20"
506
+ ],
507
+ "magnifying_glass_50_standing": [
508
+ "50_14",
509
+ "50_15",
510
+ "50_16",
511
+ "50_17",
512
+ "50_18",
513
+ "50_19"
514
+ ],
515
+ "magnifying_glass_25_standing": [
516
+ "25_13",
517
+ "25_14",
518
+ "25_15",
519
+ "25_16",
520
+ "25_17"
521
+ ],
522
+ "magnifying_glass_0_standing": [
523
+ "0_3",
524
+ "0_4",
525
+ "0_5",
526
+ "0_6",
527
+ "0_8",
528
+ "0_15"
529
+ ],
530
+ "magnifying_glass_100_lying": [
531
+ "100_1",
532
+ "100_2",
533
+ "100_3",
534
+ "100_4",
535
+ "100_5",
536
+ "100_6",
537
+ "100_7",
538
+ "100_8",
539
+ "100_9",
540
+ "100_10",
541
+ "100_11",
542
+ "100_18",
543
+ "100_19",
544
+ "100_20",
545
+ "100_21"
546
+ ],
547
+ "magnifying_glass_75_lying": [
548
+ "75_1",
549
+ "75_2",
550
+ "75_3",
551
+ "75_4",
552
+ "75_5",
553
+ "75_6",
554
+ "75_7",
555
+ "75_8",
556
+ "75_9",
557
+ "75_10",
558
+ "75_11"
559
+ ],
560
+ "magnifying_glass_50_lying": [
561
+ "50_1",
562
+ "50_2",
563
+ "50_3",
564
+ "50_4",
565
+ "50_5",
566
+ "50_6",
567
+ "50_7",
568
+ "50_8",
569
+ "50_9",
570
+ "50_10",
571
+ "50_11",
572
+ "50_12",
573
+ "50_13",
574
+ "50_20",
575
+ "50_21"
576
+ ],
577
+ "magnifying_glass_25_lying": [
578
+ "25_1",
579
+ "25_2",
580
+ "25_3",
581
+ "25_4",
582
+ "25_5",
583
+ "25_6",
584
+ "25_7",
585
+ "25_8",
586
+ "25_9",
587
+ "25_10",
588
+ "25_11",
589
+ "25_12",
590
+ "25_18",
591
+ "25_19",
592
+ "25_20",
593
+ "25_21"
594
+ ],
595
+ "magnifying_glass_0_lying": [
596
+ "0_10",
597
+ "0_11",
598
+ "0_12",
599
+ "0_13",
600
+ "0_14",
601
+ "0_1",
602
+ "0_2",
603
+ "0_7",
604
+ "0_16",
605
+ "0_17",
606
+ "0_18",
607
+ "0_19"
608
+ ],
609
+ "spray_100_standing": [
610
+ "100_1",
611
+ "100_2",
612
+ "100_3",
613
+ "100_4",
614
+ "100_5",
615
+ "100_6",
616
+ "100_7",
617
+ "100_8",
618
+ "100_9",
619
+ "100_10",
620
+ "100_11"
621
+ ],
622
+ "spray_75_standing": [
623
+ "75_1",
624
+ "75_2",
625
+ "75_3",
626
+ "75_4",
627
+ "75_5",
628
+ "75_6",
629
+ "75_7",
630
+ "75_8",
631
+ "75_9",
632
+ "75_10",
633
+ "75_11"
634
+ ],
635
+ "spray_50_standing": [
636
+ "50_1",
637
+ "50_2",
638
+ "50_3",
639
+ "50_4",
640
+ "50_5",
641
+ "50_6",
642
+ "50_7",
643
+ "50_8",
644
+ "50_9",
645
+ "50_10",
646
+ "50_11"
647
+ ],
648
+ "spray_25_standing": [
649
+ "25_1",
650
+ "25_2",
651
+ "25_3",
652
+ "25_4",
653
+ "25_5",
654
+ "25_6",
655
+ "25_7",
656
+ "25_8",
657
+ "25_9",
658
+ "25_10",
659
+ "25_11"
660
+ ],
661
+ "spray_0_standing": [
662
+ "0_1",
663
+ "0_2",
664
+ "0_3",
665
+ "0_4",
666
+ "0_5",
667
+ "0_6",
668
+ "0_7",
669
+ "0_8",
670
+ "0_9",
671
+ "0_10"
672
+ ],
673
+ "spray_100_lying": [
674
+ "100_12",
675
+ "100_13",
676
+ "100_14",
677
+ "100_15",
678
+ "100_16",
679
+ "100_17",
680
+ "100_18",
681
+ "100_19",
682
+ "100_20"
683
+ ],
684
+ "spray_75_lying": [
685
+ "75_12",
686
+ "75_13",
687
+ "75_14",
688
+ "75_15",
689
+ "75_16",
690
+ "75_17",
691
+ "75_18",
692
+ "75_19",
693
+ "75_20",
694
+ "75_21"
695
+ ],
696
+ "spray_50_lying": [
697
+ "50_12",
698
+ "50_13",
699
+ "50_14",
700
+ "50_15",
701
+ "50_16",
702
+ "50_17",
703
+ "50_18",
704
+ "50_19",
705
+ "50_20"
706
+ ],
707
+ "spray_25_lying": [
708
+ "25_12",
709
+ "25_13",
710
+ "25_14",
711
+ "25_15",
712
+ "25_16",
713
+ "25_17",
714
+ "25_18",
715
+ "25_19",
716
+ "25_20"
717
+ ],
718
+ "spray_0_lying": [
719
+ "0_11",
720
+ "0_12",
721
+ "0_13",
722
+ "0_14",
723
+ "0_15",
724
+ "0_16",
725
+ "0_17",
726
+ "0_18",
727
+ "0_19"
728
+ ]
729
+ }
data/inference.ipynb ADDED
@@ -0,0 +1,178 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "cells": [
3
+ {
4
+ "cell_type": "markdown",
5
+ "metadata": {},
6
+ "source": [
7
+ "### Source PCD"
8
+ ]
9
+ },
10
+ {
11
+ "cell_type": "code",
12
+ "execution_count": 1,
13
+ "metadata": {},
14
+ "outputs": [
15
+ {
16
+ "name": "stdout",
17
+ "output_type": "stream",
18
+ "text": [
19
+ "Jupyter environment detected. Enabling Open3D WebVisualizer.\n",
20
+ "[Open3D INFO] WebRTC GUI backend enabled.\n",
21
+ "[Open3D INFO] WebRTCWindowSystem: HTTP handshake server disabled.\n",
22
+ "Source shape: (14806, 3)\n"
23
+ ]
24
+ }
25
+ ],
26
+ "source": [
27
+ "import open3d as o3d\n",
28
+ "import numpy as np\n",
29
+ "\n",
30
+ "source_path = \"source.ply\"\n",
31
+ "source_pcd = o3d.io.read_point_cloud(source_path)\n",
32
+ "\n",
33
+ "source_pcd_array = np.asarray(source_pcd.points)\n",
34
+ "print(\"Source shape:\", source_pcd_array.shape)\n",
35
+ "\n",
36
+ "o3d.visualization.draw_geometries([source_pcd])"
37
+ ]
38
+ },
39
+ {
40
+ "cell_type": "markdown",
41
+ "metadata": {},
42
+ "source": [
43
+ "### Target PCD"
44
+ ]
45
+ },
46
+ {
47
+ "cell_type": "code",
48
+ "execution_count": 2,
49
+ "metadata": {},
50
+ "outputs": [
51
+ {
52
+ "name": "stdout",
53
+ "output_type": "stream",
54
+ "text": [
55
+ "Target shape: (15446, 3)\n"
56
+ ]
57
+ }
58
+ ],
59
+ "source": [
60
+ "target_path = \"target.ply\"\n",
61
+ "target_pcd = o3d.io.read_point_cloud(target_path)\n",
62
+ "\n",
63
+ "target_pcd_array = np.asarray(target_pcd.points)\n",
64
+ "print(\"Target shape:\", target_pcd_array.shape)\n",
65
+ "\n",
66
+ "o3d.visualization.draw_geometries([target_pcd])"
67
+ ]
68
+ },
69
+ {
70
+ "cell_type": "markdown",
71
+ "metadata": {},
72
+ "source": [
73
+ "### Transformed Source PCD"
74
+ ]
75
+ },
76
+ {
77
+ "cell_type": "code",
78
+ "execution_count": 3,
79
+ "metadata": {},
80
+ "outputs": [
81
+ {
82
+ "name": "stdout",
83
+ "output_type": "stream",
84
+ "text": [
85
+ "Transformed shape: (15446, 3)\n"
86
+ ]
87
+ }
88
+ ],
89
+ "source": [
90
+ "transformed_path = \"res/m3reg_pc.ply\"\n",
91
+ "transformed_pcd = o3d.io.read_point_cloud(transformed_path)\n",
92
+ "\n",
93
+ "transformed_pcd_array = np.asarray(transformed_pcd.points)\n",
94
+ "print(\"Transformed shape:\", transformed_pcd_array.shape)\n",
95
+ "\n",
96
+ "o3d.visualization.draw_geometries([transformed_pcd])"
97
+ ]
98
+ },
99
+ {
100
+ "cell_type": "markdown",
101
+ "metadata": {},
102
+ "source": [
103
+ "### Source (Original) + Target"
104
+ ]
105
+ },
106
+ {
107
+ "cell_type": "code",
108
+ "execution_count": 4,
109
+ "metadata": {},
110
+ "outputs": [],
111
+ "source": [
112
+ "source_pcd.paint_uniform_color([1, 0, 0])\n",
113
+ "target_pcd.paint_uniform_color([0, 1, 0])\n",
114
+ "\n",
115
+ "vis = o3d.visualization.Visualizer()\n",
116
+ "vis.create_window(window_name=\"Point Cloud Viewer\", width=1200, height=800, visible=True)\n",
117
+ "vis.add_geometry(source_pcd)\n",
118
+ "vis.add_geometry(target_pcd)\n",
119
+ "\n",
120
+ "vis.run()\n",
121
+ "vis.destroy_window()"
122
+ ]
123
+ },
124
+ {
125
+ "cell_type": "markdown",
126
+ "metadata": {},
127
+ "source": [
128
+ "### Transformed + Target"
129
+ ]
130
+ },
131
+ {
132
+ "cell_type": "code",
133
+ "execution_count": 5,
134
+ "metadata": {},
135
+ "outputs": [],
136
+ "source": [
137
+ "transformed_pcd.paint_uniform_color([1, 0, 0])\n",
138
+ "target_pcd.paint_uniform_color([0, 1, 0])\n",
139
+ "\n",
140
+ "vis = o3d.visualization.Visualizer()\n",
141
+ "vis.create_window(window_name=\"Point Cloud Viewer\", width=1200, height=800, visible=True)\n",
142
+ "vis.add_geometry(transformed_pcd)\n",
143
+ "vis.add_geometry(target_pcd)\n",
144
+ "\n",
145
+ "vis.run()\n",
146
+ "vis.destroy_window()"
147
+ ]
148
+ },
149
+ {
150
+ "cell_type": "code",
151
+ "execution_count": null,
152
+ "metadata": {},
153
+ "outputs": [],
154
+ "source": []
155
+ }
156
+ ],
157
+ "metadata": {
158
+ "kernelspec": {
159
+ "display_name": "Python 3",
160
+ "language": "python",
161
+ "name": "python3"
162
+ },
163
+ "language_info": {
164
+ "codemirror_mode": {
165
+ "name": "ipython",
166
+ "version": 3
167
+ },
168
+ "file_extension": ".py",
169
+ "mimetype": "text/x-python",
170
+ "name": "python",
171
+ "nbconvert_exporter": "python",
172
+ "pygments_lexer": "ipython3",
173
+ "version": "3.10.12"
174
+ }
175
+ },
176
+ "nbformat": 4,
177
+ "nbformat_minor": 2
178
+ }
data/object_data.json ADDED
@@ -0,0 +1,741 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "bottle2": {
3
+ "100_standing": [
4
+ "100_1",
5
+ "100_2",
6
+ "100_3",
7
+ "100_4",
8
+ "100_5",
9
+ "100_6",
10
+ "100_7",
11
+ "100_8",
12
+ "100_9",
13
+ "100_10",
14
+ "100_11",
15
+ "100_12"
16
+ ],
17
+ "100_lying": [
18
+ "100_13",
19
+ "100_14",
20
+ "100_15",
21
+ "100_16",
22
+ "100_17",
23
+ "100_18",
24
+ "100_19",
25
+ "100_20"
26
+ ],
27
+ "75_staning": [
28
+ "75_2",
29
+ "75_3",
30
+ "75_4",
31
+ "75_5",
32
+ "75_6",
33
+ "75_7",
34
+ "75_8",
35
+ "75_9",
36
+ "75_10",
37
+ "75_11",
38
+ "75_12"
39
+ ],
40
+ "75_lying": [
41
+ "75_1",
42
+ "75_13",
43
+ "75_14",
44
+ "75_15",
45
+ "75_16",
46
+ "75_17",
47
+ "75_18",
48
+ "75_19",
49
+ "75_20"
50
+ ],
51
+ "50_standing": [
52
+ "50_1",
53
+ "50_2",
54
+ "50_3",
55
+ "50_4",
56
+ "50_5",
57
+ "50_6",
58
+ "50_7",
59
+ "50_8",
60
+ "50_9",
61
+ "50_10",
62
+ "50_11",
63
+ "50_12"
64
+ ],
65
+ "50_lying": [
66
+ "50_13",
67
+ "50_14",
68
+ "50_15",
69
+ "50_16",
70
+ "50_17",
71
+ "50_18",
72
+ "50_19",
73
+ "50_20"
74
+ ],
75
+ "25_standing": [
76
+ "25_1",
77
+ "25_2",
78
+ "25_3",
79
+ "25_4",
80
+ "25_5",
81
+ "25_6",
82
+ "25_7",
83
+ "25_8",
84
+ "25_9",
85
+ "25_10",
86
+ "25_11"
87
+ ],
88
+ "25_lying": [
89
+ "25_12",
90
+ "25_13",
91
+ "25_14",
92
+ "25_15",
93
+ "25_16",
94
+ "25_17",
95
+ "25_18",
96
+ "25_19",
97
+ "25_20",
98
+ "25_21",
99
+ "25_22",
100
+ "25_23"
101
+ ],
102
+ "0_standing": [
103
+ "0_1",
104
+ "0_2",
105
+ "0_3",
106
+ "0_4",
107
+ "0_5",
108
+ "0_6",
109
+ "0_7",
110
+ "0_8",
111
+ "0_9",
112
+ "0_10",
113
+ "0_11",
114
+ "0_12",
115
+ "0_13"
116
+ ],
117
+ "0_lying": [
118
+ "0_14",
119
+ "0_15",
120
+ "0_16",
121
+ "0_17",
122
+ "0_18",
123
+ "0_19"
124
+ ]
125
+ },
126
+ "glasses": {
127
+ "100_standing": [
128
+ "100_3",
129
+ "100_4",
130
+ "100_5",
131
+ "100_6",
132
+ "100_7",
133
+ "100_8",
134
+ "100_9",
135
+ "100_10",
136
+ "100_11",
137
+ "100_12",
138
+ "100_13"
139
+ ],
140
+ "100_lying": [
141
+ "100_14",
142
+ "100_15",
143
+ "100_16",
144
+ "100_17",
145
+ "100_18",
146
+ "100_19",
147
+ "100_20",
148
+ "100_21",
149
+ "100_1",
150
+ "100_2"
151
+ ],
152
+ "75_lying": [
153
+ "75_12",
154
+ "75_13",
155
+ "75_14",
156
+ "75_15",
157
+ "75_16",
158
+ "75_17",
159
+ "75_18",
160
+ "75_19",
161
+ "75_20"
162
+ ],
163
+ "50_lying": [
164
+ "50_13",
165
+ "50_14",
166
+ "50_15",
167
+ "50_16",
168
+ "50_17",
169
+ "50_18",
170
+ "50_19",
171
+ "50_20",
172
+ "50_21"
173
+ ],
174
+ "25_lying": [
175
+ "25_13",
176
+ "25_14",
177
+ "25_15",
178
+ "25_16",
179
+ "25_17",
180
+ "25_18",
181
+ "25_19",
182
+ "25_20",
183
+ "25_21"
184
+ ],
185
+ "0_lying": [
186
+ "0_11",
187
+ "0_12",
188
+ "0_13",
189
+ "0_14",
190
+ "0_15",
191
+ "0_16",
192
+ "0_17",
193
+ "0_18",
194
+ "0_19"
195
+ ],
196
+ "75_standing": [
197
+ "75_1",
198
+ "75_2",
199
+ "75_3",
200
+ "75_4",
201
+ "75_5",
202
+ "75_6",
203
+ "75_7",
204
+ "75_8",
205
+ "75_9",
206
+ "75_10",
207
+ "75_11"
208
+ ],
209
+ "50_standing": [
210
+ "50_1",
211
+ "50_2",
212
+ "50_3",
213
+ "50_4",
214
+ "50_5",
215
+ "50_6",
216
+ "50_7",
217
+ "50_8",
218
+ "50_9",
219
+ "50_10",
220
+ "50_11",
221
+ "50_12"
222
+ ],
223
+ "25_standing": [
224
+ "25_1",
225
+ "25_2",
226
+ "25_3",
227
+ "25_4",
228
+ "25_5",
229
+ "25_6",
230
+ "25_7",
231
+ "25_8",
232
+ "25_9",
233
+ "25_10",
234
+ "25_11",
235
+ "25_12"
236
+ ],
237
+ "0_standing": [
238
+ "0_1",
239
+ "0_2",
240
+ "0_3",
241
+ "0_4",
242
+ "0_5",
243
+ "0_6",
244
+ "0_7",
245
+ "0_8",
246
+ "0_9",
247
+ "0_10",
248
+ "0_11",
249
+ "0_12",
250
+ "0_13"
251
+ ]
252
+ },
253
+ "lightbulb": {
254
+ "100_standing": [
255
+ "100_2",
256
+ "100_3",
257
+ "100_4",
258
+ "100_5",
259
+ "100_6",
260
+ "100_7"
261
+ ],
262
+ "75_standing": [
263
+ "75_12",
264
+ "75_13",
265
+ "75_14",
266
+ "75_15",
267
+ "75_16",
268
+ "75_17"
269
+ ],
270
+ "50_standing": [
271
+ "50_13",
272
+ "50_14",
273
+ "50_15",
274
+ "50_16",
275
+ "50_17",
276
+ "50_18",
277
+ "50_19",
278
+ "50_1",
279
+ "50_2",
280
+ "50_3"
281
+ ],
282
+ "25_standing": [
283
+ "25_2",
284
+ "25_3",
285
+ "25_4",
286
+ "25_5",
287
+ "25_6",
288
+ "25_7",
289
+ "25_8"
290
+ ],
291
+ "0_standing": [
292
+ "0_13",
293
+ "0_14",
294
+ "0_15",
295
+ "0_16"
296
+ ],
297
+ "100_lying": [
298
+ "100_8",
299
+ "100_9",
300
+ "100_10",
301
+ "100_11",
302
+ "100_12",
303
+ "100_13",
304
+ "100_14",
305
+ "100_15",
306
+ "100_16",
307
+ "100_17",
308
+ "100_18",
309
+ "100_19",
310
+ "100_20"
311
+ ],
312
+ "75_lying": [
313
+ "75_1",
314
+ "75_2",
315
+ "75_3",
316
+ "75_4",
317
+ "75_5",
318
+ "75_6",
319
+ "75_7",
320
+ "75_8",
321
+ "75_9",
322
+ "75_10",
323
+ "75_11",
324
+ "75_18",
325
+ "75_19",
326
+ "75_20"
327
+ ],
328
+ "50_lying": [
329
+ "50_4",
330
+ "50_5",
331
+ "50_6",
332
+ "50_7",
333
+ "50_8",
334
+ "50_9",
335
+ "50_10",
336
+ "50_11",
337
+ "50_12",
338
+ "50_20",
339
+ "50_21"
340
+ ],
341
+ "25_lying": [
342
+ "25_9",
343
+ "25_10",
344
+ "25_11",
345
+ "25_12",
346
+ "25_13",
347
+ "25_14",
348
+ "25_15",
349
+ "25_16",
350
+ "25_17",
351
+ "25_18",
352
+ "25_19",
353
+ "25_20",
354
+ "25_21"
355
+ ],
356
+ "0_lying": [
357
+ "0_1",
358
+ "0_2",
359
+ "0_3",
360
+ "0_4",
361
+ "0_5",
362
+ "0_6",
363
+ "0_7",
364
+ "0_8",
365
+ "0_9",
366
+ "0_10",
367
+ "0_11",
368
+ "0_12"
369
+ ]
370
+ },
371
+ "lighter": {
372
+ "100_lying": [
373
+ "100_13",
374
+ "100_14",
375
+ "100_15",
376
+ "100_16",
377
+ "100_17",
378
+ "100_18",
379
+ "100_19",
380
+ "100_20",
381
+ "100_21"
382
+ ],
383
+ "75_lying": [
384
+ "75_12",
385
+ "75_13",
386
+ "75_14",
387
+ "75_15",
388
+ "75_16",
389
+ "75_17",
390
+ "75_18",
391
+ "75_19",
392
+ "75_20",
393
+ "75_21"
394
+ ],
395
+ "50_lying": [
396
+ "50_1",
397
+ "50_2",
398
+ "50_3",
399
+ "50_4",
400
+ "50_5",
401
+ "50_6",
402
+ "50_7",
403
+ "50_8",
404
+ "50_9",
405
+ "50_10",
406
+ "50_11"
407
+ ],
408
+ "25_lying": [
409
+ "25_12",
410
+ "25_13",
411
+ "25_14",
412
+ "25_15",
413
+ "25_16",
414
+ "25_17",
415
+ "25_18",
416
+ "25_19",
417
+ "25_20",
418
+ "25_21"
419
+ ],
420
+ "0_lying": [
421
+ "0_13",
422
+ "0_14",
423
+ "0_15",
424
+ "0_16",
425
+ "0_17",
426
+ "0_18",
427
+ "0_19"
428
+ ],
429
+ "100_standing": [
430
+ "100_1",
431
+ "100_2",
432
+ "100_3",
433
+ "100_4",
434
+ "100_5",
435
+ "100_6",
436
+ "100_7",
437
+ "100_8",
438
+ "100_9",
439
+ "100_10",
440
+ "100_11",
441
+ "100_12"
442
+ ],
443
+ "75_standing": [
444
+ "75_1",
445
+ "75_2",
446
+ "75_3",
447
+ "75_4",
448
+ "75_5",
449
+ "75_6",
450
+ "75_7",
451
+ "75_8",
452
+ "75_9",
453
+ "75_10",
454
+ "75_11"
455
+ ],
456
+ "50_standing": [
457
+ "50_12",
458
+ "50_13",
459
+ "50_14",
460
+ "50_15",
461
+ "50_16",
462
+ "50_17",
463
+ "50_18",
464
+ "50_19",
465
+ "50_20",
466
+ "50_21"
467
+ ],
468
+ "25_standing": [
469
+ "25_1",
470
+ "25_2",
471
+ "25_3",
472
+ "25_4",
473
+ "25_5",
474
+ "25_6",
475
+ "25_7",
476
+ "25_8",
477
+ "25_9",
478
+ "25_10",
479
+ "25_11"
480
+ ],
481
+ "0_standing": [
482
+ "0_1",
483
+ "0_2",
484
+ "0_3",
485
+ "0_4",
486
+ "0_5",
487
+ "0_6",
488
+ "0_7",
489
+ "0_8",
490
+ "0_9",
491
+ "0_10",
492
+ "0_11",
493
+ "0_12"
494
+ ]
495
+ },
496
+ "magnifying_glass": {
497
+ "100_standing": [
498
+ "100_12",
499
+ "100_13",
500
+ "100_14",
501
+ "100_15",
502
+ "100_16",
503
+ "100_17"
504
+ ],
505
+ "75_standing": [
506
+ "75_12",
507
+ "75_13",
508
+ "75_14",
509
+ "75_15",
510
+ "75_16",
511
+ "75_17",
512
+ "75_18",
513
+ "75_19",
514
+ "75_20"
515
+ ],
516
+ "50_standing": [
517
+ "50_14",
518
+ "50_15",
519
+ "50_16",
520
+ "50_17",
521
+ "50_18",
522
+ "50_19"
523
+ ],
524
+ "25_standing": [
525
+ "25_13",
526
+ "25_14",
527
+ "25_15",
528
+ "25_16",
529
+ "25_17"
530
+ ],
531
+ "0_standing": [
532
+ "0_3",
533
+ "0_4",
534
+ "0_5",
535
+ "0_6",
536
+ "0_8",
537
+ "0_15"
538
+ ],
539
+ "100_lying": [
540
+ "100_1",
541
+ "100_2",
542
+ "100_3",
543
+ "100_4",
544
+ "100_5",
545
+ "100_6",
546
+ "100_7",
547
+ "100_8",
548
+ "100_9",
549
+ "100_10",
550
+ "100_11",
551
+ "100_18",
552
+ "100_19",
553
+ "100_20",
554
+ "100_21"
555
+ ],
556
+ "75_lying": [
557
+ "75_1",
558
+ "75_2",
559
+ "75_3",
560
+ "75_4",
561
+ "75_5",
562
+ "75_6",
563
+ "75_7",
564
+ "75_8",
565
+ "75_9",
566
+ "75_10",
567
+ "75_11"
568
+ ],
569
+ "50_lying": [
570
+ "50_1",
571
+ "50_2",
572
+ "50_3",
573
+ "50_4",
574
+ "50_5",
575
+ "50_6",
576
+ "50_7",
577
+ "50_8",
578
+ "50_9",
579
+ "50_10",
580
+ "50_11",
581
+ "50_12",
582
+ "50_13",
583
+ "50_20",
584
+ "50_21"
585
+ ],
586
+ "25_lying": [
587
+ "25_1",
588
+ "25_2",
589
+ "25_3",
590
+ "25_4",
591
+ "25_5",
592
+ "25_6",
593
+ "25_7",
594
+ "25_8",
595
+ "25_9",
596
+ "25_10",
597
+ "25_11",
598
+ "25_12",
599
+ "25_18",
600
+ "25_19",
601
+ "25_20",
602
+ "25_21"
603
+ ],
604
+ "0_lying": [
605
+ "0_10",
606
+ "0_11",
607
+ "0_12",
608
+ "0_13",
609
+ "0_14",
610
+ "0_1",
611
+ "0_2",
612
+ "0_7",
613
+ "0_16",
614
+ "0_17",
615
+ "0_18",
616
+ "0_19"
617
+ ]
618
+ },
619
+ "spray": {
620
+ "100_standing": [
621
+ "100_1",
622
+ "100_2",
623
+ "100_3",
624
+ "100_4",
625
+ "100_5",
626
+ "100_6",
627
+ "100_7",
628
+ "100_8",
629
+ "100_9",
630
+ "100_10",
631
+ "100_11"
632
+ ],
633
+ "75_standing": [
634
+ "75_1",
635
+ "75_2",
636
+ "75_3",
637
+ "75_4",
638
+ "75_5",
639
+ "75_6",
640
+ "75_7",
641
+ "75_8",
642
+ "75_9",
643
+ "75_10",
644
+ "75_11"
645
+ ],
646
+ "50_standing": [
647
+ "50_1",
648
+ "50_2",
649
+ "50_3",
650
+ "50_4",
651
+ "50_5",
652
+ "50_6",
653
+ "50_7",
654
+ "50_8",
655
+ "50_9",
656
+ "50_10",
657
+ "50_11"
658
+ ],
659
+ "25_standing": [
660
+ "25_1",
661
+ "25_2",
662
+ "25_3",
663
+ "25_4",
664
+ "25_5",
665
+ "25_6",
666
+ "25_7",
667
+ "25_8",
668
+ "25_9",
669
+ "25_10",
670
+ "25_11"
671
+ ],
672
+ "0_standing": [
673
+ "0_1",
674
+ "0_2",
675
+ "0_3",
676
+ "0_4",
677
+ "0_5",
678
+ "0_6",
679
+ "0_7",
680
+ "0_8",
681
+ "0_9",
682
+ "0_10"
683
+ ],
684
+ "100_lying": [
685
+ "100_12",
686
+ "100_13",
687
+ "100_14",
688
+ "100_15",
689
+ "100_16",
690
+ "100_17",
691
+ "100_18",
692
+ "100_19",
693
+ "100_20"
694
+ ],
695
+ "75_lying": [
696
+ "75_12",
697
+ "75_13",
698
+ "75_14",
699
+ "75_15",
700
+ "75_16",
701
+ "75_17",
702
+ "75_18",
703
+ "75_19",
704
+ "75_20",
705
+ "75_21"
706
+ ],
707
+ "50_lying": [
708
+ "50_12",
709
+ "50_13",
710
+ "50_14",
711
+ "50_15",
712
+ "50_16",
713
+ "50_17",
714
+ "50_18",
715
+ "50_19",
716
+ "50_20"
717
+ ],
718
+ "25_lying": [
719
+ "25_12",
720
+ "25_13",
721
+ "25_14",
722
+ "25_15",
723
+ "25_16",
724
+ "25_17",
725
+ "25_18",
726
+ "25_19",
727
+ "25_20"
728
+ ],
729
+ "0_lying": [
730
+ "0_11",
731
+ "0_12",
732
+ "0_13",
733
+ "0_14",
734
+ "0_15",
735
+ "0_16",
736
+ "0_17",
737
+ "0_18",
738
+ "0_19"
739
+ ]
740
+ }
741
+ }
data/ply_files.json ADDED
@@ -0,0 +1,7 @@
 
 
 
 
 
 
 
 
1
+ {
2
+ "100": [],
3
+ "75": [],
4
+ "50": [],
5
+ "25": [],
6
+ "0": []
7
+ }
data/source.ply ADDED
The diff for this file is too large to render. See raw diff
 
data/stand.py ADDED
@@ -0,0 +1,88 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ import json
2
+ import numpy as np
3
+
4
+ # ๋ฐ์ดํ„ฐ๋ฅผ ๋‹ด์€ ๋”•์…”๋„ˆ๋ฆฌ ์ƒ์„ฑ
5
+
6
+ data_to_save = {
7
+ 'bottle2_100_standing': ['100_1', '100_2', '100_3','100_4','100_5', '100_6', '100_7', '100_8','100_9','100_10','100_11','100_12'],
8
+ 'bottle2_100_lying' : ['100_13', '100_14', '100_15','100_16','100_17', '100_18', '100_19', '100_20'],
9
+ 'bottle2_75_staning' : ['75_2','75_3','75_4','75_5','75_6','75_7','75_8','75_9','75_10','75_11','75_12'],
10
+ 'bottle2_75_lying' : ['75_1','75_13','75_14','75_15','75_16','75_17','75_18','75_19','75_20'],
11
+ 'bottle2_50_standing' : ['50_1','50_2','50_3','50_4','50_5','50_6','50_7','50_8','50_9','50_10','50_11','50_12'],
12
+ 'bottle2_50_lying' : ['50_13','50_14','50_15','50_16','50_17','50_18','50_19','50_20'],
13
+ 'bottle2_25_standing' : ['25_1','25_2','25_3','25_4','25_5','25_6','25_7','25_8','25_9','25_10','25_11'],
14
+ 'bottle2_25_lying' : ['25_12','25_13','25_14','25_15','25_16','25_17','25_18','25_19','25_20','25_21','25_22','25_23'],
15
+ 'bottle2_0_standing' : ['0_1', '0_2', '0_3', '0_4', '0_5', '0_6', '0_7', '0_8', '0_9', '0_10', '0_11', '0_12', '0_13'],
16
+ 'bottle2_0_lying' : ['0_14', '0_15', '0_16', '0_17', '0_18', '0_19'],
17
+
18
+
19
+ 'glasses_100_standing' : ['100_3', '100_4', '100_5', '100_6', '100_7', '100_8', '100_9', '100_10', '100_11', '100_12', '100_13'],
20
+ 'glasses_100_lying' : ['100_14', '100_15', '100_16', '100_17', '100_18', '100_19', '100_20', '100_21', '100_1', '100_2'],
21
+ 'glasses_75_lying' : ['75_12', '75_13', '75_14', '75_15', '75_16', '75_17', '75_18', '75_19', '75_20'],
22
+ 'glasses_50_lying' : ['50_13', '50_14', '50_15', '50_16', '50_17', '50_18', '50_19', '50_20', '50_21'],
23
+ 'glasses_25_lying' : ['25_13', '25_14', '25_15', '25_16', '25_17', '25_18', '25_19', '25_20', '25_21'],
24
+
25
+ 'glasses_0_lying' : ['0_11', '0_12', '0_13', '0_14', '0_15', '0_16', '0_17', '0_18', '0_19'],
26
+ 'glasses_75_standing' : ['75_1', '75_2', '75_3', '75_4', '75_5', '75_6', '75_7', '75_8', '75_9', '75_10', '75_11'],
27
+ 'glasses_50_standing' : ['50_1', '50_2', '50_3', '50_4', '50_5', '50_6', '50_7', '50_8', '50_9', '50_10', '50_11', '50_12'],
28
+ 'glasses_25_standing' : ['25_1', '25_2', '25_3', '25_4', '25_5', '25_6', '25_7', '25_8', '25_9', '25_10', '25_11', '25_12'],
29
+ 'glasses_0_standing' : ['0_1', '0_2', '0_3', '0_4', '0_5', '0_6', '0_7', '0_8', '0_9', '0_10', '0_11', '0_12', '0_13'],
30
+
31
+ 'lightbulb_100_standing' : ['100_2', '100_3', '100_4', '100_5', '100_6', '100_7'],
32
+ 'lightbulb_75_standing' : ['75_12', '75_13', '75_14', '75_15', '75_16', '75_17'],
33
+ 'lightbulb_50_standing' : ['50_13', '50_14', '50_15', '50_16', '50_17', '50_18', '50_19', '50_1', '50_2', '50_3'],
34
+ 'lightbulb_25_standing' : ['25_2', '25_3', '25_4', '25_5', '25_6', '25_7', '25_8'],
35
+ 'lightbulb_0_standing' : ['0_13', '0_14', '0_15', '0_16'],
36
+
37
+ 'lightbulb_100_lying' : ['100_8', '100_9', '100_10', '100_11', '100_12', '100_13', '100_14', '100_15', '100_16', '100_17', '100_18', '100_19', '100_20'],
38
+ 'lightbulb_75_lying' : ['75_1', '75_2', '75_3', '75_4', '75_5', '75_6', '75_7', '75_8', '75_9', '75_10', '75_11', '75_18', '75_19', '75_20'],
39
+ 'lightbulb_50_lying' : ['50_4', '50_5', '50_6', '50_7', '50_8', '50_9', '50_10', '50_11', '50_12', '50_20', '50_21'],
40
+ 'lightbulb_25_lying' : ['25_9', '25_10', '25_11', '25_12', '25_13', '25_14', '25_15', '25_16', '25_17', '25_18', '25_19', '25_20', '25_21'],
41
+ 'lightbulb_0_lying' : ['0_1', '0_2', '0_3', '0_4', '0_5', '0_6', '0_7', '0_8', '0_9', '0_10', '0_11', '0_12'],
42
+
43
+ 'lighter_100_lying' : ['100_13', '100_14', '100_15', '100_16', '100_17', '100_18', '100_19', '100_20', '100_21'],
44
+ 'lighter_75_lying' : ['75_12', '75_13', '75_14', '75_15', '75_16', '75_17', '75_18', '75_19', '75_20', '75_21'],
45
+ 'lighter_50_lying' : ['50_1', '50_2', '50_3', '50_4', '50_5', '50_6', '50_7', '50_8', '50_9', '50_10', '50_11'],
46
+ 'lighter_25_lying' : ['25_12', '25_13', '25_14', '25_15', '25_16', '25_17', '25_18', '25_19', '25_20', '25_21'],
47
+ 'lighter_0_lying' : ['0_13', '0_14', '0_15', '0_16', '0_17', '0_18', '0_19'],
48
+
49
+ 'lighter_100_standing' : ['100_1', '100_2', '100_3', '100_4', '100_5', '100_6', '100_7', '100_8', '100_9', '100_10', '100_11', '100_12'],
50
+ 'lighter_75_standing' : ['75_1', '75_2', '75_3', '75_4', '75_5', '75_6', '75_7', '75_8', '75_9', '75_10', '75_11'],
51
+ 'lighter_50_standing' : ['50_12', '50_13', '50_14', '50_15', '50_16', '50_17', '50_18', '50_19', '50_20', '50_21'],
52
+ 'lighter_25_standing' : ['25_1', '25_2', '25_3', '25_4', '25_5', '25_6', '25_7', '25_8', '25_9', '25_10', '25_11'],
53
+ 'lighter_0_standing' : ['0_1', '0_2', '0_3', '0_4', '0_5', '0_6', '0_7', '0_8', '0_9', '0_10', '0_11', '0_12'],
54
+
55
+ 'magnifying_glass_100_standing' : ['100_12', '100_13', '100_14', '100_15', '100_16', '100_17'],
56
+ 'magnifying_glass_75_standing' : ['75_12', '75_13', '75_14', '75_15', '75_16', '75_17', '75_18', '75_19', '75_20'],
57
+ 'magnifying_glass_50_standing' : ['50_14', '50_15', '50_16', '50_17', '50_18', '50_19'],
58
+ 'magnifying_glass_25_standing' : ['25_13', '25_14', '25_15', '25_16', '25_17'],
59
+ 'magnifying_glass_0_standing' : ['0_3', '0_4', '0_5', '0_6', '0_8', '0_15'],
60
+
61
+ 'magnifying_glass_100_lying' : ['100_1', '100_2', '100_3', '100_4', '100_5', '100_6', '100_7', '100_8', '100_9', '100_10', '100_11', '100_18', '100_19', '100_20', '100_21'],
62
+ 'magnifying_glass_75_lying' : ['75_1', '75_2', '75_3', '75_4', '75_5', '75_6', '75_7', '75_8', '75_9', '75_10', '75_11'],
63
+ 'magnifying_glass_50_lying' : ['50_1', '50_2', '50_3', '50_4', '50_5', '50_6', '50_7', '50_8', '50_9', '50_10', '50_11', '50_12', '50_13', '50_20', '50_21'],
64
+ 'magnifying_glass_25_lying' : ['25_1', '25_2', '25_3', '25_4', '25_5', '25_6', '25_7', '25_8', '25_9', '25_10', '25_11', '25_12', '25_18', '25_19', '25_20', '25_21'],
65
+ 'magnifying_glass_0_lying' : ['0_10', '0_11', '0_12', '0_13', '0_14', '0_1', '0_2', '0_7', '0_16', '0_17', '0_18', '0_19'],
66
+
67
+ 'spray_100_standing' : ['100_1', '100_2', '100_3', '100_4', '100_5', '100_6', '100_7', '100_8', '100_9', '100_10', '100_11'],
68
+ 'spray_75_standing' : ['75_1', '75_2', '75_3', '75_4', '75_5', '75_6', '75_7', '75_8', '75_9', '75_10', '75_11'],
69
+ 'spray_50_standing' : ['50_1', '50_2', '50_3', '50_4', '50_5', '50_6', '50_7', '50_8', '50_9', '50_10', '50_11'],
70
+ 'spray_25_standing' : ['25_1', '25_2', '25_3', '25_4', '25_5', '25_6', '25_7', '25_8', '25_9', '25_10', '25_11'],
71
+ 'spray_0_standing' : ['0_1', '0_2', '0_3', '0_4', '0_5', '0_6', '0_7', '0_8', '0_9', '0_10'],
72
+
73
+ 'spray_100_lying' : ['100_12', '100_13', '100_14', '100_15', '100_16', '100_17', '100_18', '100_19', '100_20'],
74
+ 'spray_75_lying' : ['75_12', '75_13', '75_14', '75_15', '75_16', '75_17', '75_18', '75_19', '75_20', '75_21'],
75
+ 'spray_50_lying' : ['50_12', '50_13', '50_14', '50_15', '50_16', '50_17', '50_18', '50_19', '50_20'],
76
+ 'spray_25_lying' : ['25_12', '25_13', '25_14', '25_15', '25_16', '25_17', '25_18', '25_19', '25_20'],
77
+ 'spray_0_lying' : ['0_11', '0_12', '0_13', '0_14', '0_15', '0_16', '0_17', '0_18', '0_19']
78
+ }
79
+
80
+
81
+ # JSON ํŒŒ์ผ๋กœ ์ €์žฅํ•˜๊ธฐ
82
+ # 'w'๋Š” ์“ฐ๊ธฐ ๋ชจ๋“œ๋ฅผ ์˜๋ฏธํ•ฉ๋‹ˆ๋‹ค.
83
+ # indent=4 ์˜ต์…˜์€ JSON ํŒŒ์ผ์„ ์˜ˆ์˜๊ฒŒ ์ •๋ ฌํ•ด์ค˜์„œ ๊ฐ€๋…์„ฑ์„ ๋†’์ž…๋‹ˆ๋‹ค.
84
+ with open('data.json', 'w', encoding='utf-8') as f:
85
+ json.dump(data_to_save, f, ensure_ascii=False, indent=4)
86
+
87
+ print("data.json ํŒŒ์ผ์ด ์„ฑ๊ณต์ ์œผ๋กœ ์ €์žฅ๋˜์—ˆ์Šต๋‹ˆ๋‹ค.")
88
+
data/stand2.py ADDED
@@ -0,0 +1,108 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ import json
2
+ import numpy as np
3
+
4
+ # ๋ฐ์ดํ„ฐ๋ฅผ ๋‹ด์€ ๋”•์…”๋„ˆ๋ฆฌ ์ƒ์„ฑ
5
+
6
+ bottle2 = {
7
+ '100_standing': ['100_1', '100_2', '100_3','100_4','100_5', '100_6', '100_7', '100_8','100_9','100_10','100_11','100_12'],
8
+ '100_lying' : ['100_13', '100_14', '100_15','100_16','100_17', '100_18', '100_19', '100_20'],
9
+ '75_staning' : ['75_2','75_3','75_4','75_5','75_6','75_7','75_8','75_9','75_10','75_11','75_12'],
10
+ '75_lying' : ['75_1','75_13','75_14','75_15','75_16','75_17','75_18','75_19','75_20'],
11
+ '50_standing' : ['50_1','50_2','50_3','50_4','50_5','50_6','50_7','50_8','50_9','50_10','50_11','50_12'],
12
+ '50_lying' : ['50_13','50_14','50_15','50_16','50_17','50_18','50_19','50_20'],
13
+ '25_standing' : ['25_1','25_2','25_3','25_4','25_5','25_6','25_7','25_8','25_9','25_10','25_11'],
14
+ '25_lying' : ['25_12','25_13','25_14','25_15','25_16','25_17','25_18','25_19','25_20','25_21','25_22','25_23'],
15
+ '0_standing' : ['0_1', '0_2', '0_3', '0_4', '0_5', '0_6', '0_7', '0_8', '0_9', '0_10', '0_11', '0_12', '0_13'],
16
+ '0_lying' : ['0_14', '0_15', '0_16', '0_17', '0_18', '0_19'],
17
+ }
18
+
19
+ glasses = {
20
+
21
+ '100_standing' : ['100_3', '100_4', '100_5', '100_6', '100_7', '100_8', '100_9', '100_10', '100_11', '100_12', '100_13'],
22
+ '100_lying' : ['100_14', '100_15', '100_16', '100_17', '100_18', '100_19', '100_20', '100_21', '100_1', '100_2'],
23
+ '75_lying' : ['75_12', '75_13', '75_14', '75_15', '75_16', '75_17', '75_18', '75_19', '75_20'],
24
+ '50_lying' : ['50_13', '50_14', '50_15', '50_16', '50_17', '50_18', '50_19', '50_20', '50_21'],
25
+ '25_lying' : ['25_13', '25_14', '25_15', '25_16', '25_17', '25_18', '25_19', '25_20', '25_21'],
26
+
27
+ '0_lying' : ['0_11', '0_12', '0_13', '0_14', '0_15', '0_16', '0_17', '0_18', '0_19'],
28
+ '75_standing' : ['75_1', '75_2', '75_3', '75_4', '75_5', '75_6', '75_7', '75_8', '75_9', '75_10', '75_11'],
29
+ '50_standing' : ['50_1', '50_2', '50_3', '50_4', '50_5', '50_6', '50_7', '50_8', '50_9', '50_10', '50_11', '50_12'],
30
+ '25_standing' : ['25_1', '25_2', '25_3', '25_4', '25_5', '25_6', '25_7', '25_8', '25_9', '25_10', '25_11', '25_12'],
31
+ '0_standing' : ['0_1', '0_2', '0_3', '0_4', '0_5', '0_6', '0_7', '0_8', '0_9', '0_10', '0_11', '0_12', '0_13'],
32
+
33
+ }
34
+
35
+
36
+ lightbulb = {
37
+ '100_standing' : ['100_2', '100_3', '100_4', '100_5', '100_6', '100_7'],
38
+ '75_standing' : ['75_12', '75_13', '75_14', '75_15', '75_16', '75_17'],
39
+ '50_standing' : ['50_13', '50_14', '50_15', '50_16', '50_17', '50_18', '50_19', '50_1', '50_2', '50_3'],
40
+ '25_standing' : ['25_2', '25_3', '25_4', '25_5', '25_6', '25_7', '25_8'],
41
+ '0_standing' : ['0_13', '0_14', '0_15', '0_16'],
42
+
43
+ '100_lying' : ['100_8', '100_9', '100_10', '100_11', '100_12', '100_13', '100_14', '100_15', '100_16', '100_17', '100_18', '100_19', '100_20'],
44
+ '75_lying' : ['75_1', '75_2', '75_3', '75_4', '75_5', '75_6', '75_7', '75_8', '75_9', '75_10', '75_11', '75_18', '75_19', '75_20'],
45
+ '50_lying' : ['50_4', '50_5', '50_6', '50_7', '50_8', '50_9', '50_10', '50_11', '50_12', '50_20', '50_21'],
46
+ '25_lying' : ['25_9', '25_10', '25_11', '25_12', '25_13', '25_14', '25_15', '25_16', '25_17', '25_18', '25_19', '25_20', '25_21'],
47
+ '0_lying' : ['0_1', '0_2', '0_3', '0_4', '0_5', '0_6', '0_7', '0_8', '0_9', '0_10', '0_11', '0_12'],
48
+ }
49
+
50
+ lighter = {
51
+ '100_lying' : ['100_13', '100_14', '100_15', '100_16', '100_17', '100_18', '100_19', '100_20', '100_21'],
52
+ '75_lying' : ['75_12', '75_13', '75_14', '75_15', '75_16', '75_17', '75_18', '75_19', '75_20', '75_21'],
53
+ '50_lying' : ['50_1', '50_2', '50_3', '50_4', '50_5', '50_6', '50_7', '50_8', '50_9', '50_10', '50_11'],
54
+ '25_lying' : ['25_12', '25_13', '25_14', '25_15', '25_16', '25_17', '25_18', '25_19', '25_20', '25_21'],
55
+ '0_lying' : ['0_13', '0_14', '0_15', '0_16', '0_17', '0_18', '0_19'],
56
+
57
+ '100_standing' : ['100_1', '100_2', '100_3', '100_4', '100_5', '100_6', '100_7', '100_8', '100_9', '100_10', '100_11', '100_12'],
58
+ '75_standing' : ['75_1', '75_2', '75_3', '75_4', '75_5', '75_6', '75_7', '75_8', '75_9', '75_10', '75_11'],
59
+ '50_standing' : ['50_12', '50_13', '50_14', '50_15', '50_16', '50_17', '50_18', '50_19', '50_20', '50_21'],
60
+ '25_standing' : ['25_1', '25_2', '25_3', '25_4', '25_5', '25_6', '25_7', '25_8', '25_9', '25_10', '25_11'],
61
+ '0_standing' : ['0_1', '0_2', '0_3', '0_4', '0_5', '0_6', '0_7', '0_8', '0_9', '0_10', '0_11', '0_12'],
62
+ }
63
+
64
+ magnifying_glass = {
65
+ '100_standing' : ['100_12', '100_13', '100_14', '100_15', '100_16', '100_17'],
66
+ '75_standing' : ['75_12', '75_13', '75_14', '75_15', '75_16', '75_17', '75_18', '75_19', '75_20'],
67
+ '50_standing' : ['50_14', '50_15', '50_16', '50_17', '50_18', '50_19'],
68
+ '25_standing' : ['25_13', '25_14', '25_15', '25_16', '25_17'],
69
+ '0_standing' : ['0_3', '0_4', '0_5', '0_6', '0_8', '0_15'],
70
+
71
+ '100_lying' : ['100_1', '100_2', '100_3', '100_4', '100_5', '100_6', '100_7', '100_8', '100_9', '100_10', '100_11', '100_18', '100_19', '100_20', '100_21'],
72
+ '75_lying' : ['75_1', '75_2', '75_3', '75_4', '75_5', '75_6', '75_7', '75_8', '75_9', '75_10', '75_11'],
73
+ '50_lying' : ['50_1', '50_2', '50_3', '50_4', '50_5', '50_6', '50_7', '50_8', '50_9', '50_10', '50_11', '50_12', '50_13', '50_20', '50_21'],
74
+ '25_lying' : ['25_1', '25_2', '25_3', '25_4', '25_5', '25_6', '25_7', '25_8', '25_9', '25_10', '25_11', '25_12', '25_18', '25_19', '25_20', '25_21'],
75
+ '0_lying' : ['0_10', '0_11', '0_12', '0_13', '0_14', '0_1', '0_2', '0_7', '0_16', '0_17', '0_18', '0_19'],
76
+ }
77
+
78
+ spray = {
79
+ '100_standing' : ['100_1', '100_2', '100_3', '100_4', '100_5', '100_6', '100_7', '100_8', '100_9', '100_10', '100_11'],
80
+ '75_standing' : ['75_1', '75_2', '75_3', '75_4', '75_5', '75_6', '75_7', '75_8', '75_9', '75_10', '75_11'],
81
+ '50_standing' : ['50_1', '50_2', '50_3', '50_4', '50_5', '50_6', '50_7', '50_8', '50_9', '50_10', '50_11'],
82
+ '25_standing' : ['25_1', '25_2', '25_3', '25_4', '25_5', '25_6', '25_7', '25_8', '25_9', '25_10', '25_11'],
83
+ '0_standing' : ['0_1', '0_2', '0_3', '0_4', '0_5', '0_6', '0_7', '0_8', '0_9', '0_10'],
84
+
85
+ '100_lying' : ['100_12', '100_13', '100_14', '100_15', '100_16', '100_17', '100_18', '100_19', '100_20'],
86
+ '75_lying' : ['75_12', '75_13', '75_14', '75_15', '75_16', '75_17', '75_18', '75_19', '75_20', '75_21'],
87
+ '50_lying' : ['50_12', '50_13', '50_14', '50_15', '50_16', '50_17', '50_18', '50_19', '50_20'],
88
+ '25_lying' : ['25_12', '25_13', '25_14', '25_15', '25_16', '25_17', '25_18', '25_19', '25_20'],
89
+ '0_lying' : ['0_11', '0_12', '0_13', '0_14', '0_15', '0_16', '0_17', '0_18', '0_19']
90
+ }
91
+
92
+ all_data = {
93
+ "bottle2": bottle2,
94
+ "glasses": glasses,
95
+ "lightbulb": lightbulb,
96
+ "lighter": lighter,
97
+ "magnifying_glass": magnifying_glass,
98
+ "spray": spray
99
+ }
100
+
101
+ # JSON ํŒŒ์ผ๋กœ ์ €์žฅํ•˜๊ธฐ
102
+ # 'w'๋Š” ์“ฐ๊ธฐ ๋ชจ๋“œ๋ฅผ ์˜๋ฏธํ•ฉ๋‹ˆ๋‹ค.
103
+ # indent=4 ์˜ต์…˜์€ JSON ํŒŒ์ผ์„ ์˜ˆ์˜๊ฒŒ ์ •๋ ฌํ•ด์ค˜์„œ ๊ฐ€๋…์„ฑ์„ ๋†’์ž…๋‹ˆ๋‹ค.
104
+ with open('object_data.json', 'w', encoding='utf-8') as f:
105
+ json.dump(all_data, f, ensure_ascii=False, indent=4)
106
+
107
+ print("data.json ํŒŒ์ผ์ด ์„ฑ๊ณต์ ์œผ๋กœ ์ €์žฅ๋˜์—ˆ์Šต๋‹ˆ๋‹ค.")
108
+
data/string_gen.py ADDED
@@ -0,0 +1,25 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ import json
2
+
3
+ def gen(type, fill_rate, start, end, status, plus):
4
+ fill_rate = fill_rate
5
+ plus = plus
6
+ type = type
7
+ start = start
8
+ end = end
9
+ status = status
10
+
11
+ data =[]
12
+
13
+ for i in range(start, end+1):
14
+ x = f'{fill_rate}_{i}'
15
+ data.append(x)
16
+ print(f"'{type}_{fill_rate}_{status}'", end=' : ')
17
+
18
+ data.extend(plus)
19
+ print(data)
20
+ return data
21
+
22
+
23
+
24
+ gen('spray', 0,11,19,'lying',[])
25
+