diff --git a/modules/calib3d/src/calibration.cpp b/modules/calib3d/src/calibration.cpp index 6640b261f5..8624e2d434 100644 --- a/modules/calib3d/src/calibration.cpp +++ b/modules/calib3d/src/calibration.cpp @@ -623,7 +623,7 @@ CV_IMPL void cvProjectPoints2( const CvMat* objectPoints, if( (CV_MAT_TYPE(A->type) != CV_64FC1 && CV_MAT_TYPE(A->type) != CV_32FC1) || A->rows != 3 || A->cols != 3 ) - CV_Error( CV_StsBadArg, "Instrinsic parameters must be 3x3 floating-point matrix" ); + CV_Error( CV_StsBadArg, "Intrinsic parameters must be 3x3 floating-point matrix" ); cvConvert( A, &_a ); fx = a[0]; fy = a[4]; diff --git a/modules/calib3d/src/five-point.cpp b/modules/calib3d/src/five-point.cpp index 0cefe8df4c..dd5e47b795 100644 --- a/modules/calib3d/src/five-point.cpp +++ b/modules/calib3d/src/five-point.cpp @@ -506,7 +506,7 @@ int cv::recoverPose( InputArray E, InputArray _points1, InputArray _points2, // Do the cheirality check. // Notice here a threshold dist is used to filter // out far away points (i.e. infinite points) since - // their depth may vary between positive and negtive. + // their depth may vary between positive and negative. std::vector allTriangulations(4); Mat Q; diff --git a/modules/calib3d/src/ippe.cpp b/modules/calib3d/src/ippe.cpp index 74a2864525..3f1e6a7add 100644 --- a/modules/calib3d/src/ippe.cpp +++ b/modules/calib3d/src/ippe.cpp @@ -650,7 +650,7 @@ void PoseSolver::makeCanonicalObjectPoints(InputArray _objectPoints, OutputArray if (!computeObjextSpaceR3Pts(objectPoints,R)) { - //we could not compute R, problably because there is a duplicate point in {objectPoints(0),objectPoints(1),objectPoints(2)}. + //we could not compute R, probably because there is a duplicate point in {objectPoints(0),objectPoints(1),objectPoints(2)}. //So we compute it with the SVD (which is slower): computeObjextSpaceRSvD(UZero,R); } diff --git a/modules/calib3d/test/test_homography.cpp b/modules/calib3d/test/test_homography.cpp index 3001f0fec0..67b4f6f733 100644 --- a/modules/calib3d/test/test_homography.cpp +++ b/modules/calib3d/test/test_homography.cpp @@ -191,7 +191,7 @@ void CV_HomographyTest::print_information_4(int _method, int j, int N, int k, in cout << "Number of point: " << k << endl; cout << "Norm type using in criteria: "; if (NORM_TYPE[l] == 1) cout << "INF"; else if (NORM_TYPE[l] == 2) cout << "L1"; else cout << "L2"; cout << endl; cout << "Difference with noise of point: " << diff << endl; - cout << "Maxumum allowed difference: " << max_2diff << endl; cout << endl; + cout << "Maximum allowed difference: " << max_2diff << endl; cout << endl; } void CV_HomographyTest::print_information_5(int _method, int j, int N, int l, double diff) @@ -204,7 +204,7 @@ void CV_HomographyTest::print_information_5(int _method, int j, int N, int l, do cout << "Count of points: " << N << endl; cout << "Norm type using in criteria: "; if (NORM_TYPE[l] == 1) cout << "INF"; else if (NORM_TYPE[l] == 2) cout << "L1"; else cout << "L2"; cout << endl; cout << "Difference with noise of points: " << diff << endl; - cout << "Maxumum allowed difference: " << max_diff << endl; cout << endl; + cout << "Maximum allowed difference: " << max_diff << endl; cout << endl; } void CV_HomographyTest::print_information_6(int _method, int j, int N, int k, double diff, bool value) @@ -244,7 +244,7 @@ void CV_HomographyTest::print_information_8(int _method, int j, int N, int k, in cout << "Number of point: " << k << " " << endl; cout << "Norm type using in criteria: "; if (NORM_TYPE[l] == 1) cout << "INF"; else if (NORM_TYPE[l] == 2) cout << "L1"; else cout << "L2"; cout << endl; cout << "Difference with noise of point: " << diff << endl; - cout << "Maxumum allowed difference: " << max_2diff << endl; cout << endl; + cout << "Maximum allowed difference: " << max_2diff << endl; cout << endl; } void CV_HomographyTest::run(int) diff --git a/modules/core/include/opencv2/core/core_c.h b/modules/core/include/opencv2/core/core_c.h index 5302db02cb..fa8f1509a0 100644 --- a/modules/core/include/opencv2/core/core_c.h +++ b/modules/core/include/opencv2/core/core_c.h @@ -53,7 +53,7 @@ which is incompatible with C It is OK to disable it because we only extend few plain structures with - C++ construrtors for simpler interoperability with C++ API of the library + C++ constructors for simpler interoperability with C++ API of the library */ # pragma warning(disable:4190) # elif defined __clang__ && __clang_major__ >= 3 diff --git a/modules/core/include/opencv2/core/cuda.hpp b/modules/core/include/opencv2/core/cuda.hpp index 820aba71ec..7d7bb62e16 100644 --- a/modules/core/include/opencv2/core/cuda.hpp +++ b/modules/core/include/opencv2/core/cuda.hpp @@ -126,7 +126,7 @@ public: GpuMat(int rows, int cols, int type, Allocator* allocator = defaultAllocator()); GpuMat(Size size, int type, Allocator* allocator = defaultAllocator()); - //! constucts GpuMat and fills it with the specified value _s + //! constructs GpuMat and fills it with the specified value _s GpuMat(int rows, int cols, int type, Scalar s, Allocator* allocator = defaultAllocator()); GpuMat(Size size, int type, Scalar s, Allocator* allocator = defaultAllocator()); diff --git a/modules/core/include/opencv2/core/hal/intrin_cpp.hpp b/modules/core/include/opencv2/core/hal/intrin_cpp.hpp index fc8fe165d2..d494761a73 100644 --- a/modules/core/include/opencv2/core/hal/intrin_cpp.hpp +++ b/modules/core/include/opencv2/core/hal/intrin_cpp.hpp @@ -76,7 +76,7 @@ implemented as a structure based on a one SIMD register. - cv::v_uint32x4 and cv::v_int32x4: four 32-bit integer values (unsgined/signed) - int - cv::v_uint64x2 and cv::v_int64x2: two 64-bit integer values (unsigned/signed) - int64 - cv::v_float32x4: four 32-bit floating point values (signed) - float -- cv::v_float64x2: two 64-bit floating point valies (signed) - double +- cv::v_float64x2: two 64-bit floating point values (signed) - double @note cv::v_float64x2 is not implemented in NEON variant, if you want to use this type, don't forget to diff --git a/modules/core/include/opencv2/core/hal/intrin_vsx.hpp b/modules/core/include/opencv2/core/hal/intrin_vsx.hpp index d3f78beb8e..171890cdee 100644 --- a/modules/core/include/opencv2/core/hal/intrin_vsx.hpp +++ b/modules/core/include/opencv2/core/hal/intrin_vsx.hpp @@ -1272,7 +1272,7 @@ inline v_float32x4 v_load_expand(const float16_t* ptr) inline void v_pack_store(float16_t* ptr, const v_float32x4& v) { -// fixme: Is there any buitin op or intrinsic that cover "xvcvsphp"? +// fixme: Is there any builtin op or intrinsic that cover "xvcvsphp"? #if CV_VSX3 && !defined(CV_COMPILER_VSX_BROKEN_ASM) vec_ushort8 vf16; __asm__ __volatile__ ("xvcvsphp %x0,%x1" : "=wa" (vf16) : "wf" (v.val)); diff --git a/modules/core/include/opencv2/core/mat.hpp b/modules/core/include/opencv2/core/mat.hpp index a3ee195976..fe16ee78ee 100644 --- a/modules/core/include/opencv2/core/mat.hpp +++ b/modules/core/include/opencv2/core/mat.hpp @@ -151,7 +151,7 @@ number of components (vectors/matrices) of the outer vector. In general, type support is limited to cv::Mat types. Other types are forbidden. But in some cases we need to support passing of custom non-general Mat types, like arrays of cv::KeyPoint, cv::DMatch, etc. -This data is not intented to be interpreted as an image data, or processed somehow like regular cv::Mat. +This data is not intended to be interpreted as an image data, or processed somehow like regular cv::Mat. To pass such custom type use rawIn() / rawOut() / rawInOut() wrappers. Custom type is wrapped as Mat-compatible `CV_8UC` values (N = sizeof(T), N <= CV_CN_MAX). */ @@ -2416,7 +2416,7 @@ public: // (_type is CV_8UC1, CV_64FC3, CV_32SC(12) etc.) UMat(int rows, int cols, int type, UMatUsageFlags usageFlags = USAGE_DEFAULT); UMat(Size size, int type, UMatUsageFlags usageFlags = USAGE_DEFAULT); - //! constucts 2D matrix and fills it with the specified value _s. + //! constructs 2D matrix and fills it with the specified value _s. UMat(int rows, int cols, int type, const Scalar& s, UMatUsageFlags usageFlags = USAGE_DEFAULT); UMat(Size size, int type, const Scalar& s, UMatUsageFlags usageFlags = USAGE_DEFAULT); @@ -2863,7 +2863,7 @@ public: `ref<_Tp>(i0,...[,hashval])` is equivalent to `*(_Tp*)ptr(i0,...,true[,hashval])`. The methods always return a valid reference. - If the element did not exist, it is created and initialiazed with 0. + If the element did not exist, it is created and initialized with 0. */ //! returns reference to the specified element (1D case) template _Tp& ref(int i0, size_t* hashval=0); diff --git a/modules/core/include/opencv2/core/simd_intrinsics.hpp b/modules/core/include/opencv2/core/simd_intrinsics.hpp index c3d65cded5..7151d36073 100644 --- a/modules/core/include/opencv2/core/simd_intrinsics.hpp +++ b/modules/core/include/opencv2/core/simd_intrinsics.hpp @@ -27,7 +27,7 @@ These files can be pre-generated for target configurations of your application or generated by CMake on the fly (use CMAKE_BINARY_DIR for that). Notes: -- H/W capability checks are still responsibility of your applcation +- H/W capability checks are still responsibility of your application - runtime dispatching is not covered by this helper header */ diff --git a/modules/core/include/opencv2/core/utils/filesystem.private.hpp b/modules/core/include/opencv2/core/utils/filesystem.private.hpp index b477cafc8e..ea2591c9de 100644 --- a/modules/core/include/opencv2/core/utils/filesystem.private.hpp +++ b/modules/core/include/opencv2/core/utils/filesystem.private.hpp @@ -49,8 +49,8 @@ public: void lock(); //< acquire exclusive (writer) lock void unlock(); //< release exclusive (writer) lock - void lock_shared(); //< acquire sharable (reader) lock - void unlock_shared(); //< release sharable (reader) lock + void lock_shared(); //< acquire shareable (reader) lock + void unlock_shared(); //< release shareable (reader) lock struct Impl; protected: diff --git a/modules/core/misc/python/shadow_umat.hpp b/modules/core/misc/python/shadow_umat.hpp index dd83b9cc1d..ff75b4b2f4 100644 --- a/modules/core/misc/python/shadow_umat.hpp +++ b/modules/core/misc/python/shadow_umat.hpp @@ -13,7 +13,7 @@ public: // (_type is CV_8UC1, CV_64FC3, CV_32SC(12) etc.) CV_WRAP UMat(int rows, int cols, int type, UMatUsageFlags usageFlags = USAGE_DEFAULT); CV_WRAP UMat(Size size, int type, UMatUsageFlags usageFlags = USAGE_DEFAULT); - //! constucts 2D matrix and fills it with the specified value _s. + //! constructs 2D matrix and fills it with the specified value _s. CV_WRAP UMat(int rows, int cols, int type, const Scalar& s, UMatUsageFlags usageFlags = USAGE_DEFAULT); CV_WRAP UMat(Size size, int type, const Scalar& s, UMatUsageFlags usageFlags = USAGE_DEFAULT); diff --git a/modules/core/src/datastructs.cpp b/modules/core/src/datastructs.cpp index e314ad0a4a..61adf3493e 100644 --- a/modules/core/src/datastructs.cpp +++ b/modules/core/src/datastructs.cpp @@ -1766,7 +1766,7 @@ cvSeqInsertSlice( CvSeq* seq, int index, const CvArr* from_arr ) CV_Error( CV_StsBadArg, "Source is not a sequence nor matrix" ); if( !CV_IS_MAT_CONT(mat->type) || (mat->rows != 1 && mat->cols != 1) ) - CV_Error( CV_StsBadArg, "The source array must be 1d coninuous vector" ); + CV_Error( CV_StsBadArg, "The source array must be 1d continuous vector" ); from = cvMakeSeqHeaderForArray( CV_SEQ_KIND_GENERIC, sizeof(from_header), CV_ELEM_SIZE(mat->type), diff --git a/modules/core/src/hal_internal.cpp b/modules/core/src/hal_internal.cpp index ecf5ffa489..60f96c0164 100644 --- a/modules/core/src/hal_internal.cpp +++ b/modules/core/src/hal_internal.cpp @@ -63,7 +63,7 @@ #define HAL_LU_SMALL_MATRIX_THRESH 100 #define HAL_CHOLESKY_SMALL_MATRIX_THRESH 100 -//lapack stores matrices in column-major order so transposing is neded everywhere +//lapack stores matrices in column-major order so transposing is needed everywhere template static inline void transpose_square_inplace(fptype *src, size_t src_ld, size_t m) { diff --git a/modules/core/src/ocl.cpp b/modules/core/src/ocl.cpp index 79797bc801..7b6bcd7118 100644 --- a/modules/core/src/ocl.cpp +++ b/modules/core/src/ocl.cpp @@ -5759,7 +5759,7 @@ public: static OpenCLAllocator* getOpenCLAllocator_() // call once guarantee { - static OpenCLAllocator* g_allocator = new OpenCLAllocator(); // avoid destrutor call (using of this object is too wide) + static OpenCLAllocator* g_allocator = new OpenCLAllocator(); // avoid destructor call (using of this object is too wide) g_isOpenCVActivated = true; return g_allocator; } diff --git a/modules/core/test/test_eigen.cpp b/modules/core/test/test_eigen.cpp index 6f5d82bf4a..ca402d5ec0 100644 --- a/modules/core/test/test_eigen.cpp +++ b/modules/core/test/test_eigen.cpp @@ -73,7 +73,7 @@ public: protected: bool test_values(const cv::Mat& src); // complex test for eigen without vectors - bool check_full(int type); // compex test for symmetric matrix + bool check_full(int type); // complex test for symmetric matrix virtual void run (int) = 0; // main testing method protected: diff --git a/modules/dnn/include/opencv2/dnn/all_layers.hpp b/modules/dnn/include/opencv2/dnn/all_layers.hpp index 75cba09981..da2f382bb1 100644 --- a/modules/dnn/include/opencv2/dnn/all_layers.hpp +++ b/modules/dnn/include/opencv2/dnn/all_layers.hpp @@ -104,7 +104,7 @@ CV__DNN_EXPERIMENTAL_NS_BEGIN h_t &= o_t \odot tanh(c_t), \\ c_t &= f_t \odot c_{t-1} + i_t \odot g_t, \\ @f} - where @f$\odot@f$ is per-element multiply operation and @f$i_t, f_t, o_t, g_t@f$ is internal gates that are computed using learned wights. + where @f$\odot@f$ is per-element multiply operation and @f$i_t, f_t, o_t, g_t@f$ is internal gates that are computed using learned weights. Gates are computed as follows: @f{eqnarray*}{ diff --git a/modules/dnn/include/opencv2/dnn/dnn.hpp b/modules/dnn/include/opencv2/dnn/dnn.hpp index fd986acc7e..92e9eaea84 100644 --- a/modules/dnn/include/opencv2/dnn/dnn.hpp +++ b/modules/dnn/include/opencv2/dnn/dnn.hpp @@ -428,7 +428,7 @@ CV__DNN_EXPERIMENTAL_NS_BEGIN * @param inpPin descriptor of the second layer input. * * Descriptors have the following template <layer_name>[.input_number]: - * - the first part of the template layer_name is sting name of the added layer. + * - the first part of the template layer_name is string name of the added layer. * If this part is empty then the network input pseudo layer will be used; * - the second optional part of the template input_number * is either number of the layer input, either label one. diff --git a/modules/dnn/src/ocl4dnn/src/ocl4dnn_conv_spatial.cpp b/modules/dnn/src/ocl4dnn/src/ocl4dnn_conv_spatial.cpp index a41bf92aea..3cca52d5bd 100644 --- a/modules/dnn/src/ocl4dnn/src/ocl4dnn_conv_spatial.cpp +++ b/modules/dnn/src/ocl4dnn/src/ocl4dnn_conv_spatial.cpp @@ -618,7 +618,7 @@ void OCL4DNNConvSpatial::calculateBenchmark(const UMat &bottom, UMat &ver // For large enough input size, we do not need to tune kernels for different // size. The reason is with large input size, there will be enough work items // to feed al the EUs. -// FIXME for the gemm like convolution, switch back to eaxct image size. +// FIXME for the gemm like convolution, switch back to exact image size. #define TUNING_SIZE(x) ((x) > 256 ? 256 : (alignSize(x, 16))) diff --git a/modules/dnn/src/onnx/opencv-onnx.proto b/modules/dnn/src/onnx/opencv-onnx.proto index dd846e65d1..b8b616a0d8 100644 --- a/modules/dnn/src/onnx/opencv-onnx.proto +++ b/modules/dnn/src/onnx/opencv-onnx.proto @@ -161,7 +161,7 @@ message NodeProto { repeated string output = 2; // namespace Value // An optional identifier for this node in a graph. - // This field MAY be absent in ths version of the IR. + // This field MAY be absent in this version of the IR. optional string name = 3; // namespace Node // The symbolic identifier of the Operator to execute. diff --git a/modules/dnn/src/op_inf_engine.cpp b/modules/dnn/src/op_inf_engine.cpp index 74fbb85a73..1eb3bbc9ce 100644 --- a/modules/dnn/src/op_inf_engine.cpp +++ b/modules/dnn/src/op_inf_engine.cpp @@ -609,7 +609,7 @@ void InfEngineBackendNet::forward(const std::vector >& outBl try { wrapper->outProms[processedOutputs].setException(std::current_exception()); } catch(...) { - CV_LOG_ERROR(NULL, "DNN: Exception occured during async inference exception propagation"); + CV_LOG_ERROR(NULL, "DNN: Exception occurred during async inference exception propagation"); } } } @@ -622,7 +622,7 @@ void InfEngineBackendNet::forward(const std::vector >& outBl try { wrapper->outProms[processedOutputs].setException(e); } catch(...) { - CV_LOG_ERROR(NULL, "DNN: Exception occured during async inference exception propagation"); + CV_LOG_ERROR(NULL, "DNN: Exception occurred during async inference exception propagation"); } } } diff --git a/modules/dnn/src/op_inf_engine.hpp b/modules/dnn/src/op_inf_engine.hpp index 12a0b7e80b..1888eb4a37 100644 --- a/modules/dnn/src/op_inf_engine.hpp +++ b/modules/dnn/src/op_inf_engine.hpp @@ -40,7 +40,7 @@ #endif //#define INFERENCE_ENGINE_DEPRECATED // turn off deprecation warnings from IE -//there is no way to suppress warnigns from IE only at this moment, so we are forced to suppress warnings globally +//there is no way to suppress warnings from IE only at this moment, so we are forced to suppress warnings globally #if defined(__GNUC__) #pragma GCC diagnostic ignored "-Wdeprecated-declarations" #endif diff --git a/modules/dnn/src/tensorflow/tf_importer.cpp b/modules/dnn/src/tensorflow/tf_importer.cpp index e546d9e1da..e0916036a3 100644 --- a/modules/dnn/src/tensorflow/tf_importer.cpp +++ b/modules/dnn/src/tensorflow/tf_importer.cpp @@ -837,7 +837,7 @@ void TFImporter::populateNet(Net dstNet) CV_Assert(paddings.type() == CV_32SC1); if (paddings.total() == 8) { - // Perhabs, we have NHWC padding dimensions order. + // Perhaps, we have NHWC padding dimensions order. // N H W C // 0 1 2 3 4 5 6 7 std::swap(paddings.at(2), paddings.at(6)); diff --git a/modules/dnn/src/torch/torch_importer.cpp b/modules/dnn/src/torch/torch_importer.cpp index 0ecb74dba5..c498a034a3 100644 --- a/modules/dnn/src/torch/torch_importer.cpp +++ b/modules/dnn/src/torch/torch_importer.cpp @@ -312,7 +312,7 @@ struct TorchImporter fpos = THFile_position(file); int ktype = readInt(); - if (ktype != TYPE_STRING) //skip non-string fileds + if (ktype != TYPE_STRING) //skip non-string fields { THFile_seek(file, fpos); readObject(); //key diff --git a/modules/dnn/test/test_ie_models.cpp b/modules/dnn/test/test_ie_models.cpp index 08c32476c5..d630158665 100644 --- a/modules/dnn/test/test_ie_models.cpp +++ b/modules/dnn/test/test_ie_models.cpp @@ -14,7 +14,7 @@ // Synchronize headers include statements with src/op_inf_engine.hpp // //#define INFERENCE_ENGINE_DEPRECATED // turn off deprecation warnings from IE -//there is no way to suppress warnigns from IE only at this moment, so we are forced to suppress warnings globally +//there is no way to suppress warnings from IE only at this moment, so we are forced to suppress warnings globally #if defined(__GNUC__) #pragma GCC diagnostic ignored "-Wdeprecated-declarations" #endif diff --git a/modules/features2d/perf/perf_feature2d.hpp b/modules/features2d/perf/perf_feature2d.hpp index 90e0c4a423..ad98689bf5 100644 --- a/modules/features2d/perf/perf_feature2d.hpp +++ b/modules/features2d/perf/perf_feature2d.hpp @@ -6,7 +6,7 @@ namespace opencv_test { -/* cofiguration for tests of detectors/descriptors. shared between ocl and cpu tests. */ +/* configuration for tests of detectors/descriptors. shared between ocl and cpu tests. */ // detectors/descriptors configurations to test #define DETECTORS_ONLY \ diff --git a/modules/flann/include/opencv2/flann/hierarchical_clustering_index.h b/modules/flann/include/opencv2/flann/hierarchical_clustering_index.h index 2a947dab6b..e2fce857a9 100644 --- a/modules/flann/include/opencv2/flann/hierarchical_clustering_index.h +++ b/modules/flann/include/opencv2/flann/hierarchical_clustering_index.h @@ -578,7 +578,7 @@ public: private: /** - * Struture representing a node in the hierarchical k-means tree. + * Structure representing a node in the hierarchical k-means tree. */ struct Node { diff --git a/modules/flann/include/opencv2/flann/kmeans_index.h b/modules/flann/include/opencv2/flann/kmeans_index.h index fe91dddd16..500745121f 100644 --- a/modules/flann/include/opencv2/flann/kmeans_index.h +++ b/modules/flann/include/opencv2/flann/kmeans_index.h @@ -547,7 +547,7 @@ public: private: /** - * Struture representing a node in the hierarchical k-means tree. + * Structure representing a node in the hierarchical k-means tree. */ struct KMeansNode { diff --git a/modules/flann/include/opencv2/flann/result_set.h b/modules/flann/include/opencv2/flann/result_set.h index 5c69ac29e7..e5b6fb24e2 100644 --- a/modules/flann/include/opencv2/flann/result_set.h +++ b/modules/flann/include/opencv2/flann/result_set.h @@ -301,7 +301,7 @@ public: unsigned int index_; }; - /** Default cosntructor */ + /** Default constructor */ UniqueResultSet() : is_full_(false), worst_distance_(std::numeric_limits::max()) { diff --git a/modules/highgui/src/window_gtk.cpp b/modules/highgui/src/window_gtk.cpp index bb6397faee..23853056b4 100644 --- a/modules/highgui/src/window_gtk.cpp +++ b/modules/highgui/src/window_gtk.cpp @@ -1806,7 +1806,7 @@ static gboolean icvOnMouse( GtkWidget *widget, GdkEvent *event, gpointer user_da else if( event->type == GDK_SCROLL ) { #if defined(GTK_VERSION3_4) - // NOTE: in current implementation doesn't possible to put into callback function delta_x and delta_y separetely + // NOTE: in current implementation doesn't possible to put into callback function delta_x and delta_y separately double delta = (event->scroll.delta_x + event->scroll.delta_y); cv_event = (event->scroll.delta_y!=0) ? CV_EVENT_MOUSEHWHEEL : CV_EVENT_MOUSEWHEEL; #else diff --git a/modules/highgui/src/window_w32.cpp b/modules/highgui/src/window_w32.cpp index c3b856c854..dfb81df4e2 100644 --- a/modules/highgui/src/window_w32.cpp +++ b/modules/highgui/src/window_w32.cpp @@ -1219,7 +1219,7 @@ cvShowImage( const char* name, const CvArr* arr ) dst_ptr, (size.cx * channels + 3) & -4 ); cvConvertImage( image, &dst, origin == 0 ? CV_CVTIMG_FLIP : 0 ); - // ony resize window if needed + // only resize window if needed if (changed_size) icvUpdateWindowPos(window); InvalidateRect(window->hwnd, 0, 0); diff --git a/modules/imgcodecs/src/grfmt_jpeg.cpp b/modules/imgcodecs/src/grfmt_jpeg.cpp index 917c72eae3..040a8edbb4 100644 --- a/modules/imgcodecs/src/grfmt_jpeg.cpp +++ b/modules/imgcodecs/src/grfmt_jpeg.cpp @@ -52,7 +52,7 @@ #include #include -// the following defines are a hack to avoid multiple problems with frame ponter handling and setjmp +// the following defines are a hack to avoid multiple problems with frame pointer handling and setjmp // see http://gcc.gnu.org/ml/gcc/2011-10/msg00324.html for some details #define mingw_getsp(...) 0 #define __builtin_frame_address(...) 0 diff --git a/modules/imgcodecs/src/grfmt_pam.cpp b/modules/imgcodecs/src/grfmt_pam.cpp index 58b00c81ba..2a0a5665d3 100644 --- a/modules/imgcodecs/src/grfmt_pam.cpp +++ b/modules/imgcodecs/src/grfmt_pam.cpp @@ -62,7 +62,7 @@ namespace cv { #define MAX_PAM_HEADER_IDENITFIER_LENGTH 8 #define MAX_PAM_HEADER_VALUE_LENGTH 255 -/* PAM header fileds */ +/* PAM header fields */ typedef enum { PAM_HEADER_NONE, PAM_HEADER_COMMENT, diff --git a/modules/imgcodecs/src/grfmt_png.cpp b/modules/imgcodecs/src/grfmt_png.cpp index f26262282a..b533cd849f 100644 --- a/modules/imgcodecs/src/grfmt_png.cpp +++ b/modules/imgcodecs/src/grfmt_png.cpp @@ -72,7 +72,7 @@ #pragma warning( disable: 4611 ) #endif -// the following defines are a hack to avoid multiple problems with frame ponter handling and setjmp +// the following defines are a hack to avoid multiple problems with frame pointer handling and setjmp // see http://gcc.gnu.org/ml/gcc/2011-10/msg00324.html for some details #define mingw_getsp(...) 0 #define __builtin_frame_address(...) 0 diff --git a/modules/imgproc/perf/perf_houghlines.cpp b/modules/imgproc/perf/perf_houghlines.cpp index eaadaf1d97..0fafb41c8b 100644 --- a/modules/imgproc/perf/perf_houghlines.cpp +++ b/modules/imgproc/perf/perf_houghlines.cpp @@ -28,7 +28,7 @@ PERF_TEST_P(Image_RhoStep_ThetaStep_Threshold, HoughLines, Canny(image, image, 32, 128); - // add some syntetic lines: + // add some synthetic lines: line(image, Point(0, 0), Point(image.cols, image.rows), Scalar::all(255), 3); line(image, Point(image.cols, 0), Point(image.cols/2, image.rows), Scalar::all(255), 3); @@ -89,7 +89,7 @@ PERF_TEST_P(Image_RhoStep_ThetaStep_Threshold, HoughLines3f, Canny(image, image, 32, 128); - // add some syntetic lines: + // add some synthetic lines: line(image, Point(0, 0), Point(image.cols, image.rows), Scalar::all(255), 3); line(image, Point(image.cols, 0), Point(image.cols/2, image.rows), Scalar::all(255), 3); diff --git a/modules/imgproc/src/hough.cpp b/modules/imgproc/src/hough.cpp index 6b18b17b56..bbb6dfcbdb 100644 --- a/modules/imgproc/src/hough.cpp +++ b/modules/imgproc/src/hough.cpp @@ -603,7 +603,7 @@ HoughLinesProbabilistic( Mat& image, if( k > 0 ) dx = -dx, dy = -dy; - // walk along the line using fixed-point arithmetics, + // walk along the line using fixed-point arithmetic, // stop at the image border or in case of too big gap for( ;; x += dx, y += dy ) { @@ -651,7 +651,7 @@ HoughLinesProbabilistic( Mat& image, if( k > 0 ) dx = -dx, dy = -dy; - // walk along the line using fixed-point arithmetics, + // walk along the line using fixed-point arithmetic, // stop at the image border or in case of too big gap for( ;; x += dx, y += dy ) { @@ -968,7 +968,7 @@ void HoughLinesPointSet( InputArray _point, OutputArray _lines, int lines_max, i createTrigTable( numangle, min_theta, theta_step, irho, tabSin, tabCos ); - // stage 1. fill accumlator + // stage 1. fill accumulator for( i = 0; i < (int)point.size(); i++ ) for(int n = 0; n < numangle; n++ ) { diff --git a/modules/imgproc/src/morph.dispatch.cpp b/modules/imgproc/src/morph.dispatch.cpp index 441797ce88..cbb5315f31 100644 --- a/modules/imgproc/src/morph.dispatch.cpp +++ b/modules/imgproc/src/morph.dispatch.cpp @@ -269,7 +269,7 @@ static bool ippMorph(int op, int src_type, int dst_type, return false; // Multiple iterations on small mask is not effective in current integration - // Implace imitation for 3x3 kernel is not efficient + // Inplace imitation for 3x3 kernel is not efficient // Advanced morphology for small mask introduces degradations if((iterations > 1 || src_data == dst_data || (op != MORPH_ERODE && op != MORPH_DILATE)) && kernel_width*kernel_height < 25) return false; diff --git a/modules/imgproc/src/rotcalipers.cpp b/modules/imgproc/src/rotcalipers.cpp index 79a419b661..6a327b5b39 100644 --- a/modules/imgproc/src/rotcalipers.cpp +++ b/modules/imgproc/src/rotcalipers.cpp @@ -104,7 +104,7 @@ static void rotatingCalipers( const Point2f* points, int n, int mode, float* out /* rotating calipers sides will always have coordinates (a,b) (-b,a) (-a,-b) (b, -a) */ - /* this is a first base bector (a,b) initialized by (1,0) */ + /* this is a first base vector (a,b) initialized by (1,0) */ float orientation = 0; float base_a; float base_b = 0; diff --git a/modules/imgproc/test/ocl/test_canny.cpp b/modules/imgproc/test/ocl/test_canny.cpp index eee98240f9..92214cfdc9 100644 --- a/modules/imgproc/test/ocl/test_canny.cpp +++ b/modules/imgproc/test/ocl/test_canny.cpp @@ -77,7 +77,7 @@ PARAM_TEST_CASE(Canny, Channels, ApertureSize, L2gradient, UseRoi) void generateTestData() { Mat img = readImageType("shared/fruits.png", CV_8UC(cn)); - ASSERT_FALSE(img.empty()) << "cann't load shared/fruits.png"; + ASSERT_FALSE(img.empty()) << "can't load shared/fruits.png"; Size roiSize = img.size(); int type = img.type(); diff --git a/modules/imgproc/test/test_canny.cpp b/modules/imgproc/test/test_canny.cpp index f4d277a386..9d9b7c397e 100644 --- a/modules/imgproc/test/test_canny.cpp +++ b/modules/imgproc/test/test_canny.cpp @@ -357,7 +357,7 @@ PARAM_TEST_CASE(CannyVX, ImagePath, ApertureSize, L2gradient) void loadImage() { src = cv::imread(cvtest::TS::ptr()->get_data_path() + imgPath, IMREAD_GRAYSCALE); - ASSERT_FALSE(src.empty()) << "cann't load image: " << imgPath; + ASSERT_FALSE(src.empty()) << "can't load image: " << imgPath; } }; diff --git a/modules/java/generator/android/java/org/opencv/android/AsyncServiceHelper.java b/modules/java/generator/android/java/org/opencv/android/AsyncServiceHelper.java index 04a4ac6257..60b1c8e91c 100644 --- a/modules/java/generator/android/java/org/opencv/android/AsyncServiceHelper.java +++ b/modules/java/generator/android/java/org/opencv/android/AsyncServiceHelper.java @@ -268,7 +268,7 @@ class AsyncServiceHelper } else { - Log.d(TAG, "Wating for package installation"); + Log.d(TAG, "Waiting for package installation"); } Log.d(TAG, "Unbind from service"); diff --git a/modules/java/test/android_test/src/org/opencv/test/OpenCVTestCase.java b/modules/java/test/android_test/src/org/opencv/test/OpenCVTestCase.java index e9f6d43f31..5c6432c9f2 100644 --- a/modules/java/test/android_test/src/org/opencv/test/OpenCVTestCase.java +++ b/modules/java/test/android_test/src/org/opencv/test/OpenCVTestCase.java @@ -501,10 +501,10 @@ public class OpenCVTestCase extends TestCase { double maxDiff = Core.norm(diff, Core.NORM_INF); if (isEqualityMeasured) - assertTrue("Max difference between expected and actiual Mats is "+ maxDiff + ", that bigger than " + eps, + assertTrue("Max difference between expected and actual Mats is "+ maxDiff + ", that bigger than " + eps, maxDiff <= eps); else - assertFalse("Max difference between expected and actiual Mats is "+ maxDiff + ", that less than " + eps, + assertFalse("Max difference between expected and actual Mats is "+ maxDiff + ", that less than " + eps, maxDiff <= eps); } diff --git a/modules/java/test/pure_test/src/org/opencv/test/OpenCVTestCase.java b/modules/java/test/pure_test/src/org/opencv/test/OpenCVTestCase.java index ccc96ffd2b..5b303f3836 100644 --- a/modules/java/test/pure_test/src/org/opencv/test/OpenCVTestCase.java +++ b/modules/java/test/pure_test/src/org/opencv/test/OpenCVTestCase.java @@ -527,10 +527,10 @@ public class OpenCVTestCase extends TestCase { double maxDiff = Core.norm(diff, Core.NORM_INF); if (isEqualityMeasured) - assertTrue("Max difference between expected and actiual Mats is "+ maxDiff + ", that bigger than " + eps, + assertTrue("Max difference between expected and actual Mats is "+ maxDiff + ", that bigger than " + eps, maxDiff <= eps); else - assertFalse("Max difference between expected and actiual Mats is "+ maxDiff + ", that less than " + eps, + assertFalse("Max difference between expected and actual Mats is "+ maxDiff + ", that less than " + eps, maxDiff <= eps); } diff --git a/modules/js/test/test_calib3d.js b/modules/js/test/test_calib3d.js index 1c8e61086e..f3fe87e0a3 100644 --- a/modules/js/test/test_calib3d.js +++ b/modules/js/test/test_calib3d.js @@ -3,7 +3,7 @@ // of this distribution and at http://opencv.org/license.html. if (typeof module !== 'undefined' && module.exports) { - // The envrionment is Node.js + // The environment is Node.js var cv = require('./opencv.js'); // eslint-disable-line no-var } diff --git a/modules/js/test/test_features2d.js b/modules/js/test/test_features2d.js index 173ada0ded..c8ca17ec3a 100644 --- a/modules/js/test/test_features2d.js +++ b/modules/js/test/test_features2d.js @@ -3,7 +3,7 @@ // of this distribution and at http://opencv.org/license.html. if (typeof module !== 'undefined' && module.exports) { - // The envrionment is Node.js + // The environment is Node.js var cv = require('./opencv.js'); // eslint-disable-line no-var } diff --git a/modules/js/test/test_imgproc.js b/modules/js/test/test_imgproc.js index 673dfac549..14977f5516 100644 --- a/modules/js/test/test_imgproc.js +++ b/modules/js/test/test_imgproc.js @@ -69,7 +69,7 @@ // if (typeof module !== 'undefined' && module.exports) { - // The envrionment is Node.js + // The environment is Node.js var cv = require('./opencv.js'); // eslint-disable-line no-var } @@ -92,7 +92,7 @@ QUnit.test('test_imgProc', function(assert) { binView[0] = 10; cv.calcHist(source, channels, mask, hist, histSize, ranges, false); - // hist should contains a N X 1 arrary. + // hist should contains a N X 1 array. let size = hist.size(); assert.equal(size.height, 256); assert.equal(size.width, 1); diff --git a/modules/js/test/test_mat.js b/modules/js/test/test_mat.js index 2572fbdb04..409ed1b123 100644 --- a/modules/js/test/test_mat.js +++ b/modules/js/test/test_mat.js @@ -69,7 +69,7 @@ // if (typeof module !== 'undefined' && module.exports) { - // The envrionment is Node.js + // The environment is Node.js var cv = require('./opencv.js'); // eslint-disable-line no-var } diff --git a/modules/js/test/test_objdetect.js b/modules/js/test/test_objdetect.js index 76f0a771a5..79c357ae2f 100644 --- a/modules/js/test/test_objdetect.js +++ b/modules/js/test/test_objdetect.js @@ -69,7 +69,7 @@ // if (typeof module !== 'undefined' && module.exports) { - // The envrionment is Node.js + // The environment is Node.js var cv = require('./opencv.js'); // eslint-disable-line no-var cv.FS_createLazyFile('/', 'haarcascade_frontalface_default.xml', // eslint-disable-line new-cap 'haarcascade_frontalface_default.xml', true, false); diff --git a/modules/js/test/test_utils.js b/modules/js/test/test_utils.js index 0f345b4223..905ac3191a 100644 --- a/modules/js/test/test_utils.js +++ b/modules/js/test/test_utils.js @@ -68,7 +68,7 @@ // if (typeof module !== 'undefined' && module.exports) { - // The envrionment is Node.js + // The environment is Node.js var cv = require('./opencv.js'); // eslint-disable-line no-var } QUnit.module('Utils', {}); diff --git a/modules/js/test/test_video.js b/modules/js/test/test_video.js index f26a8b7b40..3c686a96cd 100644 --- a/modules/js/test/test_video.js +++ b/modules/js/test/test_video.js @@ -68,7 +68,7 @@ // if (typeof module !== 'undefined' && module.exports) { - // The envrionment is Node.js + // The environment is Node.js var cv = require('./opencv.js'); // eslint-disable-line no-var } diff --git a/modules/ml/doc/ml_intro.markdown b/modules/ml/doc/ml_intro.markdown index fb4f1a7bd7..f49e378e79 100644 --- a/modules/ml/doc/ml_intro.markdown +++ b/modules/ml/doc/ml_intro.markdown @@ -433,7 +433,7 @@ Logistic Regression {#ml_intro_lr} ML implements logistic regression, which is a probabilistic classification technique. Logistic Regression is a binary classification algorithm which is closely related to Support Vector Machines (SVM). Like SVM, Logistic Regression can be extended to work on multi-class classification problems -like digit recognition (i.e. recognizing digitis like 0,1 2, 3,... from the given images). This +like digit recognition (i.e. recognizing digits like 0,1 2, 3,... from the given images). This version of Logistic Regression supports both binary and multi-class classifications (for multi-class it creates a multiple 2-class classifiers). In order to train the logistic regression classifier, Batch Gradient Descent and Mini-Batch Gradient Descent algorithms are used (see diff --git a/modules/ml/include/opencv2/ml.hpp b/modules/ml/include/opencv2/ml.hpp index 2dd35eb837..506fd3ebcb 100644 --- a/modules/ml/include/opencv2/ml.hpp +++ b/modules/ml/include/opencv2/ml.hpp @@ -1760,7 +1760,7 @@ Note that the parameters margin regularization, initial step size, and step decr To use SVMSGD algorithm do as follows: -- first, create the SVMSGD object. The algoorithm will set optimal parameters by default, but you can set your own parameters via functions setSvmsgdType(), +- first, create the SVMSGD object. The algorithm will set optimal parameters by default, but you can set your own parameters via functions setSvmsgdType(), setMarginType(), setMarginRegularization(), setInitialStepSize(), and setStepDecreasingPower(). - then the SVM model can be trained using the train features and the correspondent labels by the method train(). diff --git a/modules/ml/test/test_emknearestkmeans.cpp b/modules/ml/test/test_emknearestkmeans.cpp index 691815c52a..744eef8a9b 100644 --- a/modules/ml/test/test_emknearestkmeans.cpp +++ b/modules/ml/test/test_emknearestkmeans.cpp @@ -614,7 +614,7 @@ protected: if( data.empty() ) { - ts->printf(cvtest::TS::LOG, "File with spambase dataset cann't be read.\n"); + ts->printf(cvtest::TS::LOG, "File with spambase dataset can't be read.\n"); ts->set_failed_test_info(cvtest::TS::FAIL_INVALID_TEST_DATA); return; } diff --git a/modules/python/src2/gen2.py b/modules/python/src2/gen2.py index 188f793ea2..1b3c329fbf 100755 --- a/modules/python/src2/gen2.py +++ b/modules/python/src2/gen2.py @@ -721,7 +721,7 @@ class FuncInfo(object): aname, argno = v.py_outlist[0] code_ret = "return pyopencv_from(%s)" % (aname,) else: - # ther is more than 1 return parameter; form the tuple out of them + # there is more than 1 return parameter; form the tuple out of them fmtspec = "N"*len(v.py_outlist) backcvt_arg_list = [] for aname, argno in v.py_outlist: diff --git a/modules/ts/misc/table_formatter.py b/modules/ts/misc/table_formatter.py index 1c1fd7852e..d683394364 100755 --- a/modules/ts/misc/table_formatter.py +++ b/modules/ts/misc/table_formatter.py @@ -585,7 +585,7 @@ $(function(){ $(tbl_row).remove() }) if($("tbody tr", tbl).length == 0) { - $("No results mathing your search criteria") + $("No results matching your search criteria") .appendTo($("tbody", tbl)) } } diff --git a/modules/video/src/ecc.cpp b/modules/video/src/ecc.cpp index 01a702155d..b7148c22ef 100644 --- a/modules/video/src/ecc.cpp +++ b/modules/video/src/ecc.cpp @@ -90,7 +90,7 @@ static void image_jacobian_homo_ECC(const Mat& src1, const Mat& src2, //instead of dividing each block with den, - //just pre-devide the block of gradients (it's more efficient) + //just pre-divide the block of gradients (it's more efficient) Mat src1Divided_; Mat src2Divided_; diff --git a/modules/video/src/opencl/pyrlk.cl b/modules/video/src/opencl/pyrlk.cl index c960171ead..539e582790 100644 --- a/modules/video/src/opencl/pyrlk.cl +++ b/modules/video/src/opencl/pyrlk.cl @@ -48,7 +48,7 @@ #define GRIDSIZE 3 #define LSx 8 #define LSy 8 -// defeine local memory sizes +// define local memory sizes #define LM_W (LSx*GRIDSIZE+2) #define LM_H (LSy*GRIDSIZE+2) #define BUFFER (LSx*LSy) diff --git a/modules/videoio/include/opencv2/videoio/container_avi.private.hpp b/modules/videoio/include/opencv2/videoio/container_avi.private.hpp index 7a13ac45d7..8c66c89678 100644 --- a/modules/videoio/include/opencv2/videoio/container_avi.private.hpp +++ b/modules/videoio/include/opencv2/videoio/container_avi.private.hpp @@ -58,7 +58,7 @@ RIFF ('AVI ' {xxdb|xxdc|xxpc|xxwb} xx - stream number: 00, 01, 02, ... db - uncompressed video frame - dc - commpressed video frame + dc - compressed video frame pc - palette change wb - audio frame @@ -139,7 +139,7 @@ class BitStream; // {xxdb|xxdc|xxpc|xxwb} // xx - stream number: 00, 01, 02, ... // db - uncompressed video frame -// dc - commpressed video frame +// dc - compressed video frame // pc - palette change // wb - audio frame diff --git a/modules/videoio/src/cap_aravis.cpp b/modules/videoio/src/cap_aravis.cpp index 1d09826a09..ef291b5905 100644 --- a/modules/videoio/src/cap_aravis.cpp +++ b/modules/videoio/src/cap_aravis.cpp @@ -299,10 +299,10 @@ bool CvCaptureCAM_Aravis::grabFrame() size_t buffer_size; framebuffer = (void*)arv_buffer_get_data (arv_buffer, &buffer_size); - // retieve image size properites + // retrieve image size properites arv_buffer_get_image_region (arv_buffer, &xoffset, &yoffset, &width, &height); - // retieve image ID set by camera + // retrieve image ID set by camera frameID = arv_buffer_get_frame_id(arv_buffer); arv_stream_push_buffer(stream, arv_buffer); diff --git a/modules/videoio/src/cap_avfoundation.mm b/modules/videoio/src/cap_avfoundation.mm index cb0fbb07e4..4a27f6673a 100644 --- a/modules/videoio/src/cap_avfoundation.mm +++ b/modules/videoio/src/cap_avfoundation.mm @@ -1191,7 +1191,7 @@ CvVideoWriter_AVFoundation::CvVideoWriter_AVFoundation(const char* filename, int NSError *error = nil; - // Make sure the file does not already exist. Necessary to overwirte?? + // Make sure the file does not already exist. Necessary to overwrite?? /* NSFileManager *fileManager = [NSFileManager defaultManager]; if ([fileManager fileExistsAtPath:path]){ @@ -1233,7 +1233,7 @@ CvVideoWriter_AVFoundation::CvVideoWriter_AVFoundation(const char* filename, int if(mMovieWriter.status == AVAssetWriterStatusFailed){ NSLog(@"%@", [mMovieWriter.error localizedDescription]); - // TODO: error handling, cleanup. Throw execption? + // TODO: error handling, cleanup. Throw exception? // return; } diff --git a/modules/videoio/src/cap_avfoundation_mac.mm b/modules/videoio/src/cap_avfoundation_mac.mm index 7a04b94948..124462c6c2 100644 --- a/modules/videoio/src/cap_avfoundation_mac.mm +++ b/modules/videoio/src/cap_avfoundation_mac.mm @@ -1184,7 +1184,7 @@ CvVideoWriter_AVFoundation::CvVideoWriter_AVFoundation(const std::string &filena NSError *error = nil; - // Make sure the file does not already exist. Necessary to overwirte?? + // Make sure the file does not already exist. Necessary to overwrite?? /* NSFileManager *fileManager = [NSFileManager defaultManager]; if ([fileManager fileExistsAtPath:path]){ diff --git a/modules/videoio/src/cap_dshow.cpp b/modules/videoio/src/cap_dshow.cpp index f167e2ff65..2f360d68d9 100644 --- a/modules/videoio/src/cap_dshow.cpp +++ b/modules/videoio/src/cap_dshow.cpp @@ -480,7 +480,7 @@ class videoInput{ bool setupDeviceFourcc(int deviceID, int w, int h,int fourcc); //These two are only for capture cards - //USB and Firewire cameras souldn't specify connection + //USB and Firewire cameras shouldn't specify connection bool setupDevice(int deviceID, int connection); bool setupDevice(int deviceID, int w, int h, int connection); diff --git a/modules/videoio/src/cap_msmf.cpp b/modules/videoio/src/cap_msmf.cpp index 0aea9d5a58..caa8af788a 100644 --- a/modules/videoio/src/cap_msmf.cpp +++ b/modules/videoio/src/cap_msmf.cpp @@ -1193,7 +1193,7 @@ bool CvCapture_MSMF::grabFrame() { if (streamIndex != dwStreamIndex) { - CV_LOG_DEBUG(NULL, "videoio(MSMF): Wrong stream readed. Abort capturing"); + CV_LOG_DEBUG(NULL, "videoio(MSMF): Wrong stream read. Abort capturing"); close(); } else if (flags & MF_SOURCE_READERF_ERROR) diff --git a/modules/videoio/src/container_avi.cpp b/modules/videoio/src/container_avi.cpp index d6a7a059e4..8664d198df 100644 --- a/modules/videoio/src/container_avi.cpp +++ b/modules/videoio/src/container_avi.cpp @@ -668,7 +668,7 @@ void BitStream::writeBlock() } size_t BitStream::getPos() const { - return safe_int_cast(m_current - m_start, "Failed to determine AVI bufer position: value is out of range") + m_pos; + return safe_int_cast(m_current - m_start, "Failed to determine AVI buffer position: value is out of range") + m_pos; } void BitStream::putByte(int val) diff --git a/modules/videoio/src/wrl.h b/modules/videoio/src/wrl.h index 3cb813fa3b..028d8f4baa 100644 --- a/modules/videoio/src/wrl.h +++ b/modules/videoio/src/wrl.h @@ -49,8 +49,8 @@ private: unsigned char __k; }; -static_assert(sizeof(Guid) == sizeof(::_GUID), "Incorect size for Guid"); -static_assert(sizeof(__rcGUID_t) == sizeof(::_GUID), "Incorect size for __rcGUID_t"); +static_assert(sizeof(Guid) == sizeof(::_GUID), "Incorrect size for Guid"); +static_assert(sizeof(__rcGUID_t) == sizeof(::_GUID), "Incorrect size for __rcGUID_t"); //////////////////////////////////////////////////////////////////////////////// inline Guid::Guid() : __a(0), __b(0), __c(0), __d(0), __e(0), __f(0), __g(0), __h(0), __i(0), __j(0), __k(0) diff --git a/platforms/android/service/engine/src/org/opencv/engine/OpenCVEngineInterface.aidl b/platforms/android/service/engine/src/org/opencv/engine/OpenCVEngineInterface.aidl index 13e0f7f84f..1f16aac2ac 100644 --- a/platforms/android/service/engine/src/org/opencv/engine/OpenCVEngineInterface.aidl +++ b/platforms/android/service/engine/src/org/opencv/engine/OpenCVEngineInterface.aidl @@ -1,7 +1,7 @@ package org.opencv.engine; /** -* Class provides Java interface to OpenCV Engine Service. Is synchronious with native OpenCVEngine class. +* Class provides Java interface to OpenCV Engine Service. Is synchronous with native OpenCVEngine class. */ interface OpenCVEngineInterface { diff --git a/platforms/ios/build_framework.py b/platforms/ios/build_framework.py index f797d9b964..37c8fc046c 100755 --- a/platforms/ios/build_framework.py +++ b/platforms/ios/build_framework.py @@ -31,7 +31,7 @@ from __future__ import print_function import glob, re, os, os.path, shutil, string, sys, argparse, traceback, multiprocessing from subprocess import check_call, check_output, CalledProcessError -IPHONEOS_DEPLOYMENT_TARGET='8.0' # default, can be changed via command line options or environemnt variable +IPHONEOS_DEPLOYMENT_TARGET='8.0' # default, can be changed via command line options or environment variable def execute(cmd, cwd = None): print("Executing: %s in %s" % (cmd, cwd), file=sys.stderr)