33 #ifndef NANOFLANN_HPP_ 34 #define NANOFLANN_HPP_ 45 #if !defined(NOMINMAX) && (defined(_WIN32) || defined(_WIN32_) || defined(WIN32) || defined(_WIN64)) 59 #define NANOFLANN_VERSION 0x117 63 template <
typename DistanceType,
typename IndexType =
size_t,
typename CountType =
size_t>
76 inline void init(IndexType* indices_, DistanceType* dists_)
81 dists[
capacity-1] = (std::numeric_limits<DistanceType>::max)();
84 inline CountType
size()
const 95 inline void addPoint(DistanceType dist, IndexType index)
98 for (i=
count; i>0; --i) {
99 #ifdef NANOFLANN_FIRST_MATCH // If defined and two poins have the same distance, the one with the lowest-index will be returned first. 102 if (
dists[i-1]>dist) {
128 template <
typename DistanceType,
typename IndexType =
size_t>
136 inline RadiusResultSet(DistanceType radius_, std::vector<std::pair<IndexType,DistanceType> >& indices_dists) : radius(radius_), m_indices_dists(indices_dists)
143 inline void init() { clear(); }
144 inline void clear() { m_indices_dists.clear(); }
146 inline size_t size()
const {
return m_indices_dists.size(); }
148 inline bool full()
const {
return true; }
150 inline void addPoint(DistanceType dist, IndexType index)
153 m_indices_dists.push_back(std::pair<IndexType,DistanceType>(index,dist));
156 inline DistanceType
worstDist()
const {
return radius; }
171 if (m_indices_dists.empty())
throw std::runtime_error(
"Cannot invoke RadiusResultSet::worst_item() on an empty list of results.");
172 typedef typename std::vector<std::pair<IndexType,DistanceType> >
::const_iterator DistIt;
173 DistIt it = std::max_element(m_indices_dists.begin(), m_indices_dists.end());
182 template <
typename PairType>
183 inline bool operator()(
const PairType &p1,
const PairType &p2)
const {
184 return p1.second < p2.second;
196 fwrite(&value,
sizeof(value),
count, stream);
202 size_t size = value.size();
203 fwrite(&
size,
sizeof(
size_t), 1, stream);
204 fwrite(&value[0],
sizeof(T),
size, stream);
210 size_t read_cnt = fread(&value,
sizeof(value),
count, stream);
211 if (read_cnt !=
count) {
212 throw std::runtime_error(
"Cannot read from file");
221 size_t read_cnt = fread(&
size,
sizeof(
size_t), 1, stream);
223 throw std::runtime_error(
"Cannot read from file");
226 read_cnt = fread(&value[0],
sizeof(T),
size, stream);
227 if (read_cnt!=
size) {
228 throw std::runtime_error(
"Cannot read from file");
237 template<
typename T>
inline T
abs(T x) {
return (x<0) ? -x : x; }
239 template<>
inline float abs<float>(
float x) {
return fabsf(x); }
240 template<>
inline double abs<double>(
double x) {
return fabs(x); }
248 template<
class T,
class DataSource,
typename _DistanceType = T>
256 L1_Adaptor(
const DataSource &_data_source) : data_source(_data_source) { }
261 const T* last = a +
size;
262 const T* lastgroup = last - 3;
266 while (a < lastgroup) {
271 result += diff0 + diff1 + diff2 + diff3;
273 if ((worst_dist>0)&&(result>worst_dist)) {
279 result +=
nanoflann::abs( *a++ - data_source.kdtree_get_pt(b_idx,d++) );
284 template <
typename U,
typename V>
296 template<
class T,
class DataSource,
typename _DistanceType = T>
304 L2_Adaptor(
const DataSource &_data_source) : data_source(_data_source) { }
309 const T* last = a +
size;
310 const T* lastgroup = last - 3;
314 while (a < lastgroup) {
315 const DistanceType diff0 = a[0] - data_source.kdtree_get_pt(b_idx,d++);
316 const DistanceType diff1 = a[1] - data_source.kdtree_get_pt(b_idx,d++);
317 const DistanceType diff2 = a[2] - data_source.kdtree_get_pt(b_idx,d++);
318 const DistanceType diff3 = a[3] - data_source.kdtree_get_pt(b_idx,d++);
319 result += diff0 * diff0 + diff1 * diff1 + diff2 * diff2 + diff3 * diff3;
321 if ((worst_dist>0)&&(result>worst_dist)) {
327 const DistanceType diff0 = *a++ - data_source.kdtree_get_pt(b_idx,d++);
328 result += diff0 * diff0;
333 template <
typename U,
typename V>
345 template<
class T,
class DataSource,
typename _DistanceType = T>
356 return data_source.kdtree_distance(a,b_idx,
size);
359 template <
typename U,
typename V>
368 template<
class T,
class DataSource>
375 template<
class T,
class DataSource>
382 template<
class T,
class DataSource>
400 leaf_max_size(_leaf_max_size), dim(dim_)
411 SearchParams(
int checks_IGNORED_ = 32,
float eps_ = 0,
bool sorted_ =
true ) :
412 checks(checks_IGNORED_), eps(eps_), sorted(sorted_) {}
431 template <
typename T>
434 T* mem = (T*) ::malloc(
sizeof(T)*
count);
499 while (base != NULL) {
500 void *prev = *((
void**) base);
522 if (
size > remaining) {
524 wastedMemory += remaining;
531 void* m = ::malloc(blocksize);
533 fprintf(stderr,
"Failed to allocate memory.\n");
538 ((
void**) m)[0] = base;
544 remaining = blocksize -
sizeof(
void*) - shift;
545 loc = ((
char*)m +
sizeof(
void*) + shift);
548 loc = (
char*)loc +
size;
563 template <
typename T>
566 T* mem = (T*) this->malloc(
sizeof(T)*
count);
602 template <
typename T, std::
size_t N>
624 #if !defined(BOOST_NO_TEMPLATE_PARTIAL_SPECIALIZATION) && !defined(BOOST_MSVC_STD_ITERATOR) && !defined(BOOST_NO_STD_ITERATOR_TRAITS) 627 #elif defined(_MSC_VER) && (_MSC_VER == 1300) && defined(BOOST_DINKUMWARE_STDLIB) && (BOOST_DINKUMWARE_STDLIB == 310) 656 static bool empty() {
return false; }
660 inline void resize(
const size_t nElements) {
if (nElements!=N)
throw std::logic_error(
"Try to change the size of a CArray."); }
664 const T*
data()
const {
return elems; }
673 inline void assign (
const T& value) {
for (
size_t i=0;i<N;i++) elems[i]=value; }
675 void assign (
const size_t n,
const T& value) { assert(N==n);
for (
size_t i=0;i<N;i++) elems[i]=value; }
684 template <
int DIM,
typename T>
690 template <
typename T>
732 template <
typename Distance,
class DatasetAdaptor,
int DIM = -1,
typename IndexType =
size_t>
805 template <
typename T,
typename DistanceType>
814 inline bool operator<(const BranchStruct<T, DistanceType>& rhs)
const 816 return mindist<rhs.mindist;
850 dataset(inputData), index_params(params), root_node(NULL),
distance(inputData)
852 m_size = dataset.kdtree_get_point_count();
853 dim = dimensionality;
856 if (params.dim>0) dim = params.dim;
858 m_leaf_max_size = params.leaf_max_size;
884 computeBoundingBox(root_bbox);
886 root_node = divideTree(0, m_size, root_bbox );
902 return static_cast<size_t>(DIM>0 ? DIM : dim);
928 template <
typename RESULTSET>
932 if (!root_node)
throw std::runtime_error(
"[nanoflann] findNeighbors() called before building the index.");
933 float epsError = 1+searchParams.
eps;
936 dists.assign((DIM>0 ? DIM : dim) ,0);
938 searchLevel(result, vec, root_node, distsq,
dists, epsError);
947 inline void knnSearch(
const ElementType *query_point,
const size_t num_closest, IndexType *out_indices,
DistanceType *out_distances_sq,
const int nChecks_IGNORED = 10)
const 950 resultSet.
init(out_indices, out_distances_sq);
969 this->findNeighbors(resultSet, query_point, searchParams);
974 return resultSet.
size();
984 m_size = dataset.kdtree_get_point_count();
985 if (vind.size()!=m_size) vind.resize(m_size);
986 for (
size_t i = 0; i < m_size; i++) vind[i] = i;
991 return dataset.kdtree_get_pt(idx,component);
999 save_tree(stream, tree->
child1);
1001 if (tree->
child2!=NULL) {
1002 save_tree(stream, tree->
child2);
1011 if (tree->
child1!=NULL) {
1012 load_tree(stream, tree->
child1);
1014 if (tree->
child2!=NULL) {
1015 load_tree(stream, tree->
child2);
1022 bbox.resize((DIM>0 ? DIM : dim));
1023 if (dataset.kdtree_get_bbox(bbox))
1029 for (
int i=0; i<(DIM>0 ? DIM : dim); ++i) {
1031 bbox[i].high = dataset_get(0,i);
1033 const size_t N = dataset.kdtree_get_point_count();
1034 for (
size_t k=1; k<N; ++k) {
1035 for (
int i=0; i<(DIM>0 ? DIM : dim); ++i) {
1036 if (dataset_get(k,i)<bbox[i].low) bbox[i].low = dataset_get(k,i);
1037 if (dataset_get(k,i)>bbox[i].high) bbox[i].high = dataset_get(k,i);
1058 if ( (right-left) <= m_leaf_max_size) {
1060 node->
lr.left = left;
1061 node->
lr.right = right;
1064 for (
int i=0; i<(DIM>0 ? DIM : dim); ++i) {
1065 bbox[i].low = dataset_get(vind[left],i);
1066 bbox[i].high = dataset_get(vind[left],i);
1068 for (IndexType k=left+1; k<right; ++k) {
1069 for (
int i=0; i<(DIM>0 ? DIM : dim); ++i) {
1070 if (bbox[i].low>dataset_get(vind[k],i)) bbox[i].low=dataset_get(vind[k],i);
1071 if (bbox[i].high<dataset_get(vind[k],i)) bbox[i].high=dataset_get(vind[k],i);
1079 middleSplit_(&vind[0]+left, right-left, idx, cutfeat, cutval, bbox);
1081 node->
sub.divfeat = cutfeat;
1084 left_bbox[cutfeat].high = cutval;
1085 node->
child1 = divideTree(left, left+idx, left_bbox);
1088 right_bbox[cutfeat].low = cutval;
1089 node->
child2 = divideTree(left+idx, right, right_bbox);
1091 node->
sub.divlow = left_bbox[cutfeat].high;
1092 node->
sub.divhigh = right_bbox[cutfeat].low;
1094 for (
int i=0; i<(DIM>0 ? DIM : dim); ++i) {
1095 bbox[i].low = std::min(left_bbox[i].low, right_bbox[i].low);
1096 bbox[i].high = std::max(left_bbox[i].high, right_bbox[i].high);
1105 min_elem = dataset_get(ind[0],element);
1106 max_elem = dataset_get(ind[0],element);
1107 for (IndexType i=1; i<
count; ++i) {
1109 if (val<min_elem) min_elem = val;
1110 if (val>max_elem) max_elem = val;
1119 cutval = (bbox[0].high+bbox[0].low)/2;
1120 for (
int i=1; i<(DIM>0 ? DIM : dim); ++i) {
1122 if (span>max_span) {
1125 cutval = (bbox[i].high+bbox[i].low)/2;
1131 computeMinMax(ind,
count, cutfeat, min_elem, max_elem);
1132 cutval = (min_elem+max_elem)/2;
1133 max_span = max_elem - min_elem;
1137 for (
size_t i=0; i<(DIM>0 ? DIM : dim); ++i) {
1140 if (span>max_span) {
1141 computeMinMax(ind,
count, i, min_elem, max_elem);
1142 span = max_elem - min_elem;
1143 if (span>max_span) {
1146 cutval = (min_elem+max_elem)/2;
1150 IndexType lim1, lim2;
1151 planeSplit(ind,
count, cutfeat, cutval, lim1, lim2);
1153 if (lim1>
count/2) index = lim1;
1154 else if (lim2<
count/2) index = lim2;
1155 else index =
count/2;
1163 for (
int i=1; i<(DIM>0 ? DIM : dim); ++i) {
1165 if (span>max_span) {
1171 for (
int i=0; i<(DIM>0 ? DIM : dim); ++i) {
1173 if (span>(1-EPS)*max_span) {
1175 computeMinMax(ind,
count, cutfeat, min_elem, max_elem);
1177 if (spread>max_spread) {
1179 max_spread = spread;
1184 DistanceType split_val = (bbox[cutfeat].low+bbox[cutfeat].high)/2;
1186 computeMinMax(ind,
count, cutfeat, min_elem, max_elem);
1188 if (split_val<min_elem) cutval = min_elem;
1189 else if (split_val>max_elem) cutval = max_elem;
1190 else cutval = split_val;
1192 IndexType lim1, lim2;
1193 planeSplit(ind,
count, cutfeat, cutval, lim1, lim2);
1195 if (lim1>
count/2) index = lim1;
1196 else if (lim2<
count/2) index = lim2;
1197 else index =
count/2;
1214 IndexType right =
count-1;
1216 while (left<=right && dataset_get(ind[left],cutfeat)<cutval) ++left;
1217 while (right && left<=right && dataset_get(ind[right],cutfeat)>=cutval) --right;
1218 if (left>right || !right)
break;
1219 std::swap(ind[left], ind[right]);
1229 while (left<=right && dataset_get(ind[left],cutfeat)<=cutval) ++left;
1230 while (right && left<=right && dataset_get(ind[right],cutfeat)>cutval) --right;
1231 if (left>right || !right)
break;
1232 std::swap(ind[left], ind[right]);
1244 for (
int i = 0; i < (DIM>0 ? DIM : dim); ++i) {
1245 if (vec[i] < root_bbox[i].low) {
1246 dists[i] =
distance.accum_dist(vec[i], root_bbox[i].low, i);
1249 if (vec[i] > root_bbox[i].high) {
1250 dists[i] =
distance.accum_dist(vec[i], root_bbox[i].high, i);
1262 template <
class RESULTSET>
1270 for (IndexType i=node->
lr.left; i<node->lr.right; ++i) {
1271 const IndexType index = vind[i];
1273 if (dist<worst_dist) {
1274 result_set.addPoint(dist,vind[i]);
1281 int idx = node->
sub.divfeat;
1289 if ((diff1+diff2)<0) {
1290 bestChild = node->
child1;
1291 otherChild = node->
child2;
1292 cut_dist =
distance.accum_dist(val, node->
sub.divhigh, idx);
1295 bestChild = node->
child2;
1296 otherChild = node->
child1;
1297 cut_dist =
distance.accum_dist( val, node->
sub.divlow, idx);
1301 searchLevel(result_set, vec, bestChild, mindistsq,
dists, epsError);
1304 mindistsq = mindistsq + cut_dist - dst;
1305 dists[idx] = cut_dist;
1306 if (mindistsq*epsError<=result_set.worstDist()) {
1307 searchLevel(result_set, vec, otherChild, mindistsq,
dists, epsError);
1324 save_tree(stream, root_node);
1338 load_tree(stream, root_node);
1363 template <
class MatrixType,
int DIM = -1,
class Distance =
nanoflann::metric_L2,
typename IndexType =
size_t>
1367 typedef typename MatrixType::Scalar
num_t;
1368 typedef typename Distance::template traits<num_t,self_t>::distance_t
metric_t;
1376 const size_t dims = mat.cols();
1377 if (DIM>0 && static_cast<int>(dims)!=DIM)
1378 throw std::runtime_error(
"Data set dimensionality does not match the 'DIM' template argument");
1394 inline void query(
const num_t *query_point,
const size_t num_closest, IndexType *out_indices,
num_t *out_distances_sq,
const int nChecks_IGNORED = 10)
const 1397 resultSet.
init(out_indices, out_distances_sq);
1413 return m_data_matrix.rows();
1420 for (
size_t i=0; i<
size; i++) {
1421 const num_t d= p1[i]-m_data_matrix.coeff(idx_p2,i);
1429 return m_data_matrix.coeff(idx,dim);
1435 template <
class BBOX>
A simple KD-tree adaptor for working with data directly stored in an Eigen Matrix, without duplicating the data storage.
std::pair< IndexType, DistanceType > worst_item() const
Find the worst result (furtherest neighbor) without copying or sorting Pre-conditions: size() > 0...
long double abs< long double >(long double x)
DistanceType accum_dist(const U a, const V b, int) const
std::reverse_iterator< iterator > reverse_iterator
size_t size() const
Returns size of index.
PooledAllocator(const size_t blocksize_=BLOCKSIZE)
Default constructor.
void knnSearch(const ElementType *query_point, const size_t num_closest, IndexType *out_indices, DistanceType *out_distances_sq, const int nChecks_IGNORED=10) const
Find the "num_closest" nearest neighbors to the query_point[0:dim-1].
struct nanoflann::KDTreeSingleIndexAdaptor::Node::@6::@8 lr
KDTreeEigenMatrixAdaptor(const int dimensionality, const MatrixType &mat, const int leaf_max_size=10)
The kd-tree index for the user to call its methods as usual with any other FLANN index.
void freeIndex()
Frees the previously-built index.
EIGEN_STRONG_INLINE iterator end()
void swap(CArray< T, N > &y)
const DataSource & data_source
Metaprogramming helper traits class for the L2 (Euclidean) metric.
std::vector< IndexType > vind
Array of indices to vectors in the dataset.
Manhattan distance functor (generic version, optimized for high-dimensionality data sets)...
void loadIndex(FILE *stream)
Loads a previous index from a binary file.
struct nanoflann::KDTreeSingleIndexAdaptor::Node::@6::@9 sub
Squared Euclidean distance functor (suitable for low-dimensionality datasets, like 2D or 3D point clo...
BranchStruct(const T &aNode, DistanceType dist)
const DistanceType radius
size_t usedMemory() const
Computes the inde memory usage Returns: memory used by the index.
~PooledAllocator()
Destructor.
double abs< double >(double x)
std::ptrdiff_t difference_type
RadiusResultSet(DistanceType radius_, std::vector< std::pair< IndexType, DistanceType > > &indices_dists)
~KDTreeSingleIndexAdaptor()
Standard destructor.
const KDTreeSingleIndexAdaptorParams index_params
static void rangecheck(size_type i)
reverse_iterator rbegin()
void init(IndexType *indices_, DistanceType *dists_)
EIGEN_STRONG_INLINE iterator begin()
const_reference at(size_type i) const
DistanceType accum_dist(const U a, const V b, int) const
DistanceType operator()(const T *a, const size_t b_idx, size_t size) const
num_t kdtree_get_pt(const size_t idx, int dim) const
const Scalar * const_iterator
L2_Simple_Adaptor< T, DataSource > distance_t
float eps
search for eps-approximate neighbours (default: 0)
const_reference front() const
void resize(const size_t nElements)
This method has no effects in this class, but raises an exception if the expected size does not match...
L2_Adaptor< T, DataSource > distance_t
DistanceType computeInitialDistances(const ElementType *vec, distance_vector_t &dists) const
DistanceType operator()(const T *a, const size_t b_idx, size_t size, DistanceType worst_dist=-1) const
L1_Adaptor< T, DataSource > distance_t
void load_value(FILE *stream, T &value, size_t count=1)
Used to declare fixed-size arrays when DIM>0, dynamically-allocated vectors when DIM=-1.
const DataSource & data_source
bool operator()(const PairType &p1, const PairType &p2) const
PairType will be typically: std::pair<IndexType,DistanceType>
void searchLevel(RESULTSET &result_set, const ElementType *vec, const NodePtr node, DistanceType mindistsq, distance_vector_t &dists, const float epsError) const
Performs an exact search in the tree starting from a node.
void init_vind()
Make sure the auxiliary list vind has the same size than the current dataset, and re-generate if size...
DistanceType accum_dist(const U a, const V b, int) const
bool kdtree_get_bbox(BBOX &bb) const
L2_Adaptor(const DataSource &_data_source)
void addPoint(DistanceType dist, IndexType index)
array_or_vector_selector< DIM, DistanceType >::container_t distance_vector_t
Define "distance_vector_t" as a fixed-size or variable-size container depending on "DIM"...
static size_type max_size()
std::vector< T > container_t
bool sorted
only for radius search, require neighbours sorted by distance (default: true)
const DatasetAdaptor & dataset
The dataset used by this index.
operator "<" for std::sort()
void middleSplit(IndexType *ind, IndexType count, IndexType &index, int &cutfeat, DistanceType &cutval, const BoundingBox &bbox)
reference operator[](size_type i)
Distance::DistanceType DistanceType
void middleSplit_(IndexType *ind, IndexType count, IndexType &index, int &cutfeat, DistanceType &cutval, const BoundingBox &bbox)
~KDTreeEigenMatrixAdaptor()
KDTreeSingleIndexAdaptorParams(size_t _leaf_max_size=10, int dim_=-1)
void query(const num_t *query_point, const size_t num_closest, IndexType *out_indices, num_t *out_distances_sq, const int nChecks_IGNORED=10) const
Query for the num_closest closest points to a given point (entered as query_point[0:dim-1]).
DistanceType operator()(const T *a, const size_t b_idx, size_t size, DistanceType worst_dist=-1) const
std::vector< std::pair< IndexType, DistanceType > > & m_indices_dists
T * allocate(size_t count=1)
Allocates (using C's malloc) a generic type T.
Distance::ElementType ElementType
reference at(size_type i)
void findNeighbors(RESULTSET &result, const ElementType *vec, const SearchParams &searchParams) const
Find set of nearest neighbors to vec[0:dim-1].
KNNResultSet(CountType capacity_)
void saveIndex(FILE *stream)
Stores the index in a binary file.
A result-set class used when performing a radius based search.
ElementType dataset_get(size_t idx, int component) const
Helper accessor to the dataset points:
size_t kdtree_get_point_count() const
DistanceType worstDist() const
KDTreeSingleIndexAdaptor(const int dimensionality, const DatasetAdaptor &inputData, const KDTreeSingleIndexAdaptorParams ¶ms=KDTreeSingleIndexAdaptorParams())
KDTree constructor.
const_reverse_iterator rend() const
T * allocate(const size_t count=1)
Allocates (using this pool) a generic type T.
A STL container (as wrapper) for arrays of constant size defined at compile time (class imported from...
int checks
Ignored parameter (Kept for compatibility with the FLANN interface).
L1_Adaptor(const DataSource &_data_source)
void addPoint(DistanceType dist, IndexType index)
const_reference back() const
void free_all()
Frees all allocated memory chunks.
KDTreeEigenMatrixAdaptor< MatrixType, DIM, Distance, IndexType > self_t
void planeSplit(IndexType *ind, const IndexType count, int cutfeat, DistanceType cutval, IndexType &lim1, IndexType &lim2)
Subdivide the list of points by a plane perpendicular on axe corresponding to the 'cutfeat' dimension...
size_t veclen() const
Returns the length of an index feature.
This record represents a branch point when finding neighbors in the tree.
_DistanceType DistanceType
const_reference operator[](size_type i) const
array_or_vector_selector< DIM, Interval >::container_t BoundingBox
Define "BoundingBox" as a fixed-size or variable-size container depending on "DIM".
Squared Euclidean distance functor (generic version, optimized for high-dimensionality data sets)...
DistanceType divlow
The values used for subdivision.
NodePtr root_node
Array of k-d trees used to find neighbours.
const DataSource & data_source
void assign(const T &value)
Parameters (see http://code.google.com/p/nanoflann/ for help choosing the parameters) ...
const self_t & derived() const
const MatrixType & m_data_matrix
DistanceType worstDist() const
_DistanceType DistanceType
void computeMinMax(IndexType *ind, IndexType count, int element, ElementType &min_elem, ElementType &max_elem)
NodePtr divideTree(const IndexType left, const IndexType right, BoundingBox &bbox)
Create a tree node that subdivides the list of vecs from vind[first] to vind[last].
L2_Simple_Adaptor(const DataSource &_data_source)
void assign(const size_t n, const T &value)
Distance::template traits< num_t, self_t >::distance_t metric_t
void save_tree(FILE *stream, NodePtr tree)
int dim
Dimensionality of each data point.
BranchStruct< NodePtr, DistanceType > BranchSt
Search options for KDTreeSingleIndexAdaptor::findNeighbors()
std::reverse_iterator< const_iterator > const_reverse_iterator
const size_t WORDSIZE
Pooled storage allocator.
void computeBoundingBox(BoundingBox &bbox)
void save_value(FILE *stream, const T &value, size_t count=1)
void load_tree(FILE *stream, NodePtr &tree)
Node * child1
The child nodes.
PooledAllocator pool
Pooled memory allocator.
const_iterator begin() const
int divfeat
Dimension used for subdivision.
Metaprogramming helper traits class for the L1 (Manhattan) metric.
size_t radiusSearch(const ElementType *query_point, const DistanceType radius, std::vector< std::pair< IndexType, DistanceType > > &IndicesDists, const SearchParams &searchParams) const
Find all the neighbors to query_point[0:dim-1] within a maximum radius.
int BASE_IMPEXP fprintf(FILE *fil, const char *format,...) MRPT_NO_THROWS MRPT_printf_format_check(2
An OS-independent version of fprintf.
const_reverse_iterator rbegin() const
void * malloc(const size_t req_size)
Returns a pointer to a piece of new memory of the given size in bytes allocated from the pool...
SearchParams(int checks_IGNORED_=32, float eps_=0, bool sorted_=true)
Note: The first argument (checks_IGNORED_) is ignored, but kept for compatibility with the FLANN inte...
Metaprogramming helper traits class for the L2_simple (Euclidean) metric.
float abs< float >(float x)
_DistanceType DistanceType
void set_radius_and_clear(const DistanceType r)
Clears the result set and adjusts the search radius.
num_t kdtree_distance(const num_t *p1, const size_t idx_p2, size_t size) const
KDTreeSingleIndexAdaptor< metric_t, self_t, DIM, IndexType > index_t
const_iterator end() const
CArray< T, DIM > container_t
double BASE_IMPEXP distance(const TPoint2D &p1, const TPoint2D &p2)
Gets the distance between two points in a 2D space.
void buildIndex()
Builds the index.
const T & const_reference