Skip to content

Commit

Permalink
Merge pull request #1822 from luzpaz/typos-src-alicevision
Browse files Browse the repository at this point in the history
Fix typos in src/aliceVision
  • Loading branch information
fabiencastan authored Feb 9, 2025
2 parents 589bdf0 + 9a1ee6d commit 5716cee
Show file tree
Hide file tree
Showing 148 changed files with 270 additions and 270 deletions.
2 changes: 1 addition & 1 deletion src/aliceVision/calibration/checkerDetector.cpp
Original file line number Diff line number Diff line change
Expand Up @@ -1372,7 +1372,7 @@ bool CheckerDetector::mergeCheckerboards()
{
const CheckerBoard baseBoard = checkers[idRef].first;

// Build dictionnary of corners for faster lookup
// Build dictionary of corners for faster lookup
std::unordered_map<IndexT, Vec2i> baseCorners;
for (int i = 0; i < baseBoard.rows(); ++i)
{
Expand Down
10 changes: 5 additions & 5 deletions src/aliceVision/calibration/checkerDetector.hpp
Original file line number Diff line number Diff line change
Expand Up @@ -111,7 +111,7 @@ class CheckerDetector
* @param source[in] Input image containing checkerboards.
* @param useNestedGrid[in] Indicate if the image contains nested calibration grids.
* @param debug[in] Indicate if debug images should be drawn.
* @return False if a problem occured during detection, otherwise true.
* @return False if a problem occurred during detection, otherwise true.
*/
bool process(const image::Image<image::RGBColor>& source, bool useNestedGrids = false, bool debug = false);

Expand Down Expand Up @@ -154,7 +154,7 @@ class CheckerDetector
* @param[out] corners Container for extracted corners.
* @param[in] input Input grayscale image.
* @param[in] scale Scale applied to the image before the extraction.
* @return False if a problem occured during extraction, otherwise true.
* @return False if a problem occurred during extraction, otherwise true.
*/
bool processLevel(std::vector<Vec2>& corners, const image::Image<float>& input, double scale) const;

Expand Down Expand Up @@ -305,7 +305,7 @@ class CheckerDetector
* @param[in,out] board Checkerboard to extend.
* @param[in] refinedCorners All detected corners.
* @param[in] nested Extend the board inwards or outwards.
* @return False if a problem occured or if the energy of the extended board is higher than before, otherwise true.
* @return False if a problem occurred or if the energy of the extended board is higher than before, otherwise true.
*/
bool growIterationUp(CheckerBoard& board, const std::vector<CheckerBoardCorner>& refinedCorners, bool nested) const;

Expand All @@ -329,7 +329,7 @@ class CheckerDetector
* 2.3. if the new board energy is lower than the first board energy, replace the latter
* 3. remove overlapping boards
*
* @return False if a problem occured during merging, otherwise true.
* @return False if a problem occurred during merging, otherwise true.
*/
bool mergeCheckerboards();

Expand Down Expand Up @@ -387,7 +387,7 @@ class CheckerDetector
* A checkboard is considered invalid if one of its rows or columns contains two edges
* that have an absolute angle between them that is above a certain threshold (currently PI/4).
*
* @return False if a problem occured during filtering, otherwise true.
* @return False if a problem occurred during filtering, otherwise true.
*/
bool removeInvalidCheckerboards();

Expand Down
2 changes: 1 addition & 1 deletion src/aliceVision/calibration/patternDetect.cpp
Original file line number Diff line number Diff line change
Expand Up @@ -45,7 +45,7 @@ std::istream& operator>>(std::istream& stream, Pattern& pattern)
#if ALICEVISION_IS_DEFINED(ALICEVISION_HAVE_CCTAG)
pattern = ASYMMETRIC_CCTAG_GRID;
#else
throw boost::program_options::invalid_option_value("Not builded with CCTag support.");
throw boost::program_options::invalid_option_value("Not built with CCTag support.");
#endif
else
throw boost::program_options::invalid_option_value(std::string("Invalid pattern: ") + token);
Expand Down
2 changes: 1 addition & 1 deletion src/aliceVision/camera/DistortionRadial.hpp
Original file line number Diff line number Diff line change
Expand Up @@ -56,7 +56,7 @@ class DistortionRadialK1 : public Distortion
{
public:
/**
* @brief Default contructor, no distortion
* @brief Default constructor, no distortion
*/
DistortionRadialK1() { _distortionParams = {0.0}; }

Expand Down
4 changes: 2 additions & 2 deletions src/aliceVision/camera/IntrinsicBase.hpp
Original file line number Diff line number Diff line change
Expand Up @@ -375,7 +375,7 @@ class IntrinsicBase
/**
* @brief Return true if this ray should be visible in the image
* @param ray input ray to check for visibility
* @return True if this ray is visible theorically
* @return True if this ray is visible theoretically
*/
virtual bool isVisibleRay(const Vec3& ray) const = 0;

Expand Down Expand Up @@ -482,7 +482,7 @@ class IntrinsicBase
* @brief Apply intrinsic and extrinsic parameters to unit vector
* from the cameras focus to a point on the camera plane
* @param[in] pose Extrinsic pose
* @param[in] intrinsic Intrinsic camera paremeters
* @param[in] intrinsic Intrinsic camera parameters
* @param[in] x Point in image
* @return The unit vector in 3D space pointing out from the camera to the point
*/
Expand Down
4 changes: 2 additions & 2 deletions src/aliceVision/camera/IntrinsicScaleOffset.cpp
Original file line number Diff line number Diff line change
Expand Up @@ -176,7 +176,7 @@ double IntrinsicScaleOffset::getFocalLength() const
//That means a larger pixel ratio leads to a smaller focal (in X).
const double pixelAspectRatio = getPixelAspectRatio();

//Assumming the focal length is *ignoring* the stretch
//Assuming the focal length is *ignoring* the stretch
//Thus the returned focal is the bigger focal canceling the pixelAspectRatio
return focalInMillimeters * pixelAspectRatio;
}
Expand All @@ -201,7 +201,7 @@ double IntrinsicScaleOffset::getInitialFocalLength() const
//That means a larger pixel ratio leads to a smaller focal (in X).
const double pixelAspectRatio = getPixelAspectRatio();

//Assumming the focal length is *ignoring* the stretch
//Assuming the focal length is *ignoring* the stretch
//Thus the returned focal is the bigger focal canceling the pixelAspectRatio
return focalInMillimeters * pixelAspectRatio;
}
Expand Down
2 changes: 1 addition & 1 deletion src/aliceVision/colorHarmonization/CommonDataByPair.hpp
Original file line number Diff line number Diff line change
Expand Up @@ -26,7 +26,7 @@ class CommonDataByPair
virtual ~CommonDataByPair() {}

/**
* Compute mask forthe two images
* Compute mask for the two images
*
* \param[out] maskLeft Mask of the left image (initialized to corresponding image size).
* \param[out] maskRight Mask of the right image (initialized to corresponding image size).
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -58,7 +58,7 @@ class CommonDataByPair_vldSegment : public CommonDataByPair

// In order to illustrate the gvld(or vld)-consistant neighbors, the following two parameters has been externalized as inputs of the function
// KVLD.
// gvld-consistancy matrix, intitialized to -1, >0 consistancy value, -1=unknow, -2=false
// gvld-consistency matrix, initialized to -1, >0 consistency value, -1=unknow, -2=false
aliceVision::Mat E = aliceVision::Mat::Ones(_matches.size(), _matches.size()) * (-1);

// indices of match in the initial matches, if true at the end of KVLD, a match is kept.
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -64,7 +64,7 @@ BOOST_AUTO_TEST_CASE(ColorHarmonisation_Simple_offset)
rotate(vec_shifted.begin(), vec_shifted.begin() + OFFET_VALUE, vec_shifted.end());

//-- Try to solve the color consistency between the two histograms
//-- We are looking for gain and offet parameter for each image {g;o}
//-- We are looking for gain and offset parameter for each image {g;o}
//-- and the upper bound precision found by Linfinity minimization.
std::vector<double> vec_solution(2 * 2 + 1);

Expand Down Expand Up @@ -125,7 +125,7 @@ BOOST_AUTO_TEST_CASE(ColorHarmonisation_Offset_gain)
std::vector<std::size_t> vec_shifted = histo_offset_gain.GetHist();

//-- Try to solve the color consistency between the two histograms
//-- We are looking for gain and offet parameter for each image {g;o}
//-- We are looking for gain and offset parameter for each image {g;o}
//-- and the upper bound precision found by Linfinity minimization.
std::vector<double> vec_solution(3 * 2 + 1);

Expand Down
2 changes: 1 addition & 1 deletion src/aliceVision/depthMap/DepthMapEstimator.cpp
Original file line number Diff line number Diff line change
Expand Up @@ -504,7 +504,7 @@ void DepthMapEstimator::compute(int cudaDeviceId, const std::vector<int>& cams)
}
}

// some objects countains CUDA objects
// some objects contains CUDA objects
// this objects should be destroyed before the end of the program (i.e. the end of the CUDA context)
DeviceCache::getInstance().clear();
sgmPerStream.clear();
Expand Down
4 changes: 2 additions & 2 deletions src/aliceVision/depthMap/NormalMapEstimator.cpp
Original file line number Diff line number Diff line change
Expand Up @@ -47,7 +47,7 @@ void NormalMapEstimator::compute(int cudaDeviceId, const std::vector<int>& cams)
ALICEVISION_LOG_INFO("Compute normal map (rc: " << rc << ")");

// add R camera parameters to the device cache (device constant memory)
// no aditional downscale applied, we are working at input depth map resolution
// no additional downscale applied, we are working at input depth map resolution
deviceCache.addCameraParams(rc, 1 /*downscale*/, _mp);

// get R camera parameters id in device constant memory array
Expand Down Expand Up @@ -94,7 +94,7 @@ void NormalMapEstimator::compute(int cudaDeviceId, const std::vector<int>& cams)
}
}

// device cache countains CUDA objects
// device cache contains CUDA objects
// this objects should be destroyed before the end of the program (i.e. the end of the CUDA context)
DeviceCache::getInstance().clear();
}
Expand Down
2 changes: 1 addition & 1 deletion src/aliceVision/depthMap/computeOnMultiGPUs.cpp
Original file line number Diff line number Diff line change
@@ -1,4 +1,4 @@
// This file is part of the extention to AliceVision project.
// This file is part of the extension to AliceVision project.
// Copyright (c) 2018 AliceVision contributors.
// This Source Code Form is subject to the terms of the Mozilla Public License,
// v. 2.0. If a copy of the MPL was not distributed with this file,
Expand Down
2 changes: 1 addition & 1 deletion src/aliceVision/depthMap/computeOnMultiGPUs.hpp
Original file line number Diff line number Diff line change
@@ -1,4 +1,4 @@
// This file is part of the extention to AliceVision project.
// This file is part of the extension to AliceVision project.
// Copyright (c) 2018 AliceVision contributors.
// This Source Code Form is subject to the terms of the Mozilla Public License,
// v. 2.0. If a copy of the MPL was not distributed with this file,
Expand Down
2 changes: 1 addition & 1 deletion src/aliceVision/depthMap/cuda/device/Patch.cuh
Original file line number Diff line number Diff line change
Expand Up @@ -119,7 +119,7 @@ __device__ inline void computeRotCSEpip(Patch& ptch,
normalize(v1);
normalize(v2);

// y has to be ortogonal to the epipolar plane
// y has to be orthogonal to the epipolar plane
// n has to be on the epipolar plane
// x has to be on the epipolar plane

Expand Down
4 changes: 2 additions & 2 deletions src/aliceVision/depthMap/cuda/device/color.cuh
Original file line number Diff line number Diff line change
Expand Up @@ -156,8 +156,8 @@ __device__ inline float rgb2gray(const uchar4 c)
* @note "Adaptive Support-Weight Approach for Correspondence Search", Kuk-Jin Yoon, In So Kweon
* @see http://koasas.kaist.ac.kr/bitstream/10203/21048/1/000235253300014.pdf
*
* @param[in] dx x-axis distance beetween the two pixels
* @param[in] dy y-axis distance beetween the two pixels
* @param[in] dx x-axis distance between the two pixels
* @param[in] dy y-axis distance between the two pixels
* @param[in] c1 the first patch pixel color (Lab 0..255)
* @param[in] c2 the second patch pixel color (Lab 0..255)
* @param[in] invGammaC the inverted strength of grouping by color similarity (gammaC: 5.5 / 105.5)
Expand Down
2 changes: 1 addition & 1 deletion src/aliceVision/depthMap/cuda/host/DeviceMipmapImage.hpp
Original file line number Diff line number Diff line change
Expand Up @@ -80,7 +80,7 @@ class DeviceMipmapImage
unsigned int _maxDownscale = 0; //< the max downscale factor (must be power of two), last downscale level
unsigned int _levels = 0; //< the number of downscale levels in the mipmapped array
size_t _width = 0; //< original image buffer width (no downscale)
size_t _height = 0; //< original image buffer heigh (no downscale)
size_t _height = 0; //< original image buffer height (no downscale)
};

} // namespace depthMap
Expand Down
2 changes: 1 addition & 1 deletion src/aliceVision/depthMap/cuda/host/utils.cpp
Original file line number Diff line number Diff line change
Expand Up @@ -75,7 +75,7 @@ bool testCudaDeviceId(int cudaDeviceId)
cudaGetDevice(&currentCudaDeviceId);
if (currentCudaDeviceId != cudaDeviceId)
{
ALICEVISION_LOG_WARNING("CUDA device id should be: " << cudaDeviceId << ", program curently use device id: " << currentCudaDeviceId << ".");
ALICEVISION_LOG_WARNING("CUDA device id should be: " << cudaDeviceId << ", program currently use device id: " << currentCudaDeviceId << ".");
return false;
}
return true;
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -38,7 +38,7 @@ extern void cuda_createMipmappedArrayTexture(cudaTextureObject_t* out_mipmappedA
* @param[in] in_mipmappedArray_tex The CUDA mipmapped array texture object
* @param[in] levels The number of levels generated in the CUDA mipmapped array
* @param[in] firstLevelWidth The CUDA mipmapped array level 0 width
* @param[in] firstLevelHeight TThe CUDA mipmapped array level 0 height
* @param[in] firstLevelHeight The CUDA mipmapped array level 0 height
* @param[in] stream the stream for gpu execution
*/
extern void cuda_createMipmappedArrayDebugFlatImage(CudaDeviceMemoryPitched<CudaRGBA, 2>& out_flatImage_dmp,
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -19,15 +19,15 @@ namespace depthMap {
/**
* @brief Initialize all the given similarity volume in device memory to the given value.
* @param[in,out] inout_volume_dmp the similarity volume in device memory
* @param[in] value the value to initalize with
* @param[in] value the value to initialize with
* @param[in] stream the stream for gpu execution
*/
extern void cuda_volumeInitialize(CudaDeviceMemoryPitched<TSim, 3>& inout_volume_dmp, TSim value, cudaStream_t stream);

/**
* @brief Initialize all the given similarity volume in device memory to the given value.
* @param[in,out] inout_volume_dmp the similarity volume in device memory
* @param[in] value the value to initalize with
* @param[in] value the value to initialize with
* @param[in] stream the stream for gpu execution
*/
extern void cuda_volumeInitialize(CudaDeviceMemoryPitched<TSimRefine, 3>& inout_volume_dmp, TSimRefine value, cudaStream_t stream);
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -309,7 +309,7 @@ __global__ void volume_refineSimilarity_kernel(TSimRefine* inout_volSim_d, int i
normalize(v1);
normalize(v2);

// y has to be ortogonal to the epipolar plane
// y has to be orthogonal to the epipolar plane
// n has to be on the epipolar plane
// x has to be on the epipolar plane

Expand Down
2 changes: 1 addition & 1 deletion src/aliceVision/feature/ImageDescriber.hpp
Original file line number Diff line number Diff line change
Expand Up @@ -75,7 +75,7 @@ std::ostream& operator<<(std::ostream& os, EFeatureQuality v);
std::istream& operator>>(std::istream& in, EFeatureQuality& v);

/**
* @brief The method used to filter out features with too low constrast (that can be considered as noise).
* @brief The method used to filter out features with too low contrast (that can be considered as noise).
*/
enum class EFeatureConstrastFiltering
{
Expand Down
2 changes: 1 addition & 1 deletion src/aliceVision/feature/README.md
Original file line number Diff line number Diff line change
Expand Up @@ -31,7 +31,7 @@ typedef Descriptor<float, 128> siftDescriptorData;
typedef Descriptor<float, 64> surfDescriptorData;
// Binary descriptor (128 bits)
typedef Descritpor<std::bitset<128>,1> binaryDescriptor_bitset;
typedef Descriptor<std::bitset<128>,1> binaryDescriptor_bitset;
// or using unsigned chars
typedef Descriptor<unsigned char, 128/sizeof(unsigned char)> binaryDescriptor_uchar;
```
Expand Down
6 changes: 3 additions & 3 deletions src/aliceVision/feature/akaze/descriptorMLDB.hpp
Original file line number Diff line number Diff line change
Expand Up @@ -98,8 +98,8 @@ inline void ComputeMeanValuesInSubdivisions(const Eigen::Matrix<Real, Eigen::Dyn
** @param mean_Lx input mean values of Lx values (mean per subdivision)
** @param mean_Ly input mean values of Ly values (mean per subdivision)
** @param nb_subdiv Number of subdivision (in 2d so it's a nb_subdivxnb_subdiv pattern)
** @param outIndex input/ouput index to store description
** @param desc ouput vector (idealy a std::bitset) containing binary description of theses regions
** @param outIndex input/output index to store description
** @param desc output vector (ideally a std::bitset) containing binary description of theses regions
**/
template<typename DescriptorType, typename Real>
inline void ComputeBinaryValues(const Eigen::Matrix<Real, Eigen::Dynamic, Eigen::Dynamic, Eigen::RowMajor>& mean_Li,
Expand Down Expand Up @@ -210,7 +210,7 @@ inline void ComputeMLDBDescriptor(const image::Image<Real>& Li,
ComputeMeanValuesInSubdivisions(samples_Li, samples_Lx, samples_Ly, 4, subdiv_size, pattern_size, c, s, sumLi, sumLx, sumLy);
ComputeBinaryValues(sumLi, sumLx, sumLy, 4, outIndex, desc);

assert(outIndex == 486); // Just to be sure (and we are sure ! completly sure !)
assert(outIndex == 486); // Just to be sure (and we are sure ! completely sure !)
}

} // namespace feature
Expand Down
2 changes: 1 addition & 1 deletion src/aliceVision/feature/akaze/descriptorMSURF.hpp
Original file line number Diff line number Diff line change
Expand Up @@ -32,7 +32,7 @@ inline Real gaussian(const Real x, const Real y, const Real sigma)
* @param Ly Input Y-derivative
* @param id_octave Id of given octave
* @param ipt Input interest point
* @param desc Ouput descriptor
* @param desc Output descriptor
* @note Rectangular grid of 24 s x 24 s. Descriptor Length 64. The descriptor is inspired
* from Agrawal et al., CenSurE: Center Surround Extremas for Realtime Feature Detection and Matching,
* ECCV 2008
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -66,7 +66,7 @@ bool ImageDescriber_APRILTAG::describe(const image::Image<unsigned char>& image,
((tl[0] * br[1] - tl[1] * br[0]) * (bl[1] - tr[1]) - (tl[1] - br[1]) * (bl[0] * tr[1] - bl[1] * tr[0])) / denominator);
Vec2 points[5] = {center, tl, bl, br, tr};
int indices[5] = {det->id, 30 + det->id, 60 + det->id, 90 + det->id, 120 + det->id};
// compute scale from max side length and diagonals (divided by sqare root of 2):
// compute scale from max side length and diagonals (divided by square root of 2):
const double scale =
0.5 *
std::max({(tl - bl).norm(), (bl - br).norm(), (br - tr).norm(), (tr - tl).norm(), 0.707 * (tl - br).norm(), 0.707 * (tr - bl).norm()});
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -73,7 +73,7 @@ class ImageDescriber_APRILTAG : public ImageDescriber
* @param[out] regions The detected regions and attributes (the caller must delete the allocated data)
* @param[in] mask 8-bit grayscale image for keypoint filtering (optional)
* Non-zero values depict the region of interest.
* @return True if detection succed.
* @return True if detection succeeded.
*/
bool describe(const image::Image<unsigned char>& image,
std::unique_ptr<Regions>& regions,
Expand Down
2 changes: 1 addition & 1 deletion src/aliceVision/feature/cctag/ImageDescriber_CCTAG.hpp
Original file line number Diff line number Diff line change
Expand Up @@ -84,7 +84,7 @@ class ImageDescriber_CCTAG : public ImageDescriber
* @param[out] regions The detected regions and attributes (the caller must delete the allocated data)
* @param[in] mask 8-bit grayscale image for keypoint filtering (optional)
* Non-zero values depict the region of interest.
* @return True if detection succed.
* @return True if detection succeeded.
*/
bool describe(const image::Image<unsigned char>& image,
std::unique_ptr<Regions>& regions,
Expand Down
2 changes: 1 addition & 1 deletion src/aliceVision/feature/imageDescriberCommon.hpp
Original file line number Diff line number Diff line change
Expand Up @@ -52,7 +52,7 @@ enum class EImageDescriberType : unsigned char
};

/**
* @brief get informations about each describer type
* @brief get information about each describer type
* @return String
*/
std::string EImageDescriberType_informations();
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -73,7 +73,7 @@ class ImageDescriber_AKAZE_OCV : public ImageDescriber
* @param[out] regions The detected regions and attributes (the caller must delete the allocated data)
* @param[in] mask 8-bit grayscale image for keypoint filtering (optional)
* Non-zero values depict the region of interest.
* @return True if detection succed.
* @return True if detection succeeded.
*/
bool describe(const image::Image<unsigned char>& image,
std::unique_ptr<Regions>& regions,
Expand Down
2 changes: 1 addition & 1 deletion src/aliceVision/feature/openCV/ImageDescriber_SIFT_OCV.hpp
Original file line number Diff line number Diff line change
Expand Up @@ -92,7 +92,7 @@ class ImageDescriber_SIFT_openCV : public ImageDescriber
* @param[out] regions The detected regions and attributes (the caller must delete the allocated data)
* @param[in] mask 8-bit grayscale image for keypoint filtering (optional)
* Non-zero values depict the region of interest.
* @return True if detection succed.
* @return True if detection succeeded.
*/
bool describe(const image::Image<unsigned char>& image,
std::unique_ptr<Regions>& regions,
Expand Down
4 changes: 2 additions & 2 deletions src/aliceVision/feature/sift/ImageDescriber_SIFT.hpp
Original file line number Diff line number Diff line change
Expand Up @@ -118,7 +118,7 @@ class ImageDescriber_SIFT : public ImageDescriber
* @param[out] regions The detected regions and attributes (the caller must delete the allocated data)
* @param[in] mask 8-bit grayscale image for keypoint filtering (optional)
* Non-zero values depict the region of interest.
* @return True if detection succed.
* @return True if detection succeeded.
*/
bool describe(const image::Image<unsigned char>& image,
std::unique_ptr<Regions>& regions,
Expand All @@ -133,7 +133,7 @@ class ImageDescriber_SIFT : public ImageDescriber
* @param[out] regions The detected regions and attributes (the caller must delete the allocated data)
* @param[in] mask 8-bit gray image for keypoint filtering (optional).
* Non-zero values depict the region of interest.
* @return True if detection succed.
* @return True if detection succeeded.
*/
bool describe(const image::Image<float>& image, std::unique_ptr<Regions>& regions, const image::Image<unsigned char>* mask = nullptr) override
{
Expand Down
Loading

0 comments on commit 5716cee

Please sign in to comment.