《zw版·Halcon-delphi系列原创教程》 Halcon分类函数006, image,影像处理(像素图)
为方便阅读,在不影响说明的前提下,笔者对函数进行了简化:
- :: 用符号“**”,替换:“procedure”
- :: 用大写字母“X”,替换:“IHUntypedObjectX”
- :: 省略了字符:“const”、“OleVariant”
【示例】 说明
函数:
procedure AddNoiseWhiteContourXld( const Contours: IHUntypedObjectX; out NoisyContours: IHUntypedObjectX; NumRegrPoints: OleVariant; Amp: OleVariant);
简化后为:
** AddNoiseWhiteContourXld( Contours: X; out NoisyContours: X; NumRegrPoints, Amp);
** AbsDiffImage( Image1: X; Image2: X; out ImageAbsDiff: X; Mult);
说明, abs_diff_image ( Image1, Image2 : ImageAbsDiff : Mult : ) ,计算两个图像的绝对差值。 ** AbsImage( Image: X; out ImageAbs: X);
说明, abs_image,计算一个图像的绝对值(模数)。 ** AccessChannel( MultiChannelImage: X; out Image: X; Channel);
说明, access_channel,获取多通道图像的一个通道。 ** AcosImage( Image: X; out ArccosImage: X);
说明, acos_image ( Image : ArccosImage : : ),计算图像的余弦 ** AdaptTemplate( Image: X; TemplateID);
说明, adapt_template,把模板用于图像的大小。 ** AddChannels( Regions: X; Image: X; out GrayRegions: X);
说明, add_channels,把两个灰度值添加到区域中。 ** AddImage( Image1: X; Image2: X; out ImageResult: X; Mult, Add);
说明, add_image,使两个图像相加。 ** AddNoiseDistribution( Image: X; out ImageNoise: X; Distribution);
说明, add_noise_distribution,向一个图像添加噪声。 ** AddNoiseWhite( Image: X; out ImageNoise: X; Amp);
说明, add_noise_white,向一个图像添加噪声。 ** AddSampleIdentifierPreparationData( SampleImage: X; SampleIdentifier, ObjectIdx, GenParamName, GenParamValue, out ObjectSampleIdx);
说明, 增加预设标定数据 ** AddSampleIdentifierTrainingData( SampleImage: X; SampleIdentifier, ObjectIdx, GenParamName, GenParamValue, out ObjectSampleIdx);
说明, 增加标定训练数据 ** AddSamplesImageClassGmm( Image: X; ClassRegions: X; GMMHandle, Randomize);
说明, add_samples_image_class_gmm,将从图像中获取的测试样本添加到高斯混合模型的测试数据库中。 ** AddSamplesImageClassKnn( Image: X; ClassRegions: X; KNNHandle); ** AddSamplesImageClassMlp( Image: X; ClassRegions: X; MLPHandle);
说明, add_samples_image_class_mlp,将从图像中获取的测试样本添加到多层视感控器的测试数据库中。 ** AddSamplesImageClassSvm( Image: X; ClassRegions: X; SVMHandle);
说明, add_samples_image_class_svm,将从图像中获取的测试样本添加到一个支持向量机的测试数据库中。 ** AdjustMosaicImages( Images: X; out CorrectedImages: X; From, To_, ReferenceImage, HomMatrices2D, EstimationMethod, EstimateParameters, OECFModel);
说明, adjust_mosaic_images,全景图像的自动颜色更改。 ** AffineTransImage( Image: X; out ImageAffinTrans: X; HomMat2d, Interpolation, AdaptImageSize);
说明, affine_trans_image,把任意仿射2D变换应用在图像中。 ** AffineTransImageSize( Image: X; out ImageAffinTrans: X; HomMat2d, Interpolation, Width, Height);
说明, affine_trans_image_size,把任意仿射2D变换应用在图像中并且指定输出图像大小。 ** AnisotropeDiff( Image: X; out ImageAniso: X; Percent, Mode, Iteration, NeighborhoodType);
说明, anisotrope_diff,通过保边各向异性扩散平滑一个图像。 ** AnisotropicDiffusion( Image: X; out ImageAniso: X; Mode, Contrast, Theta, Iterations);
说明, anisotropic_diffusion,对一个图像执行各向异性扩散。 ** AppendChannel( MultiChannelImage: X; Image: X; out ImageExtended: X);
说明, append_channel,把附加模型(通道)添加到图像上。 ** AppendOcrTrainf( Character: X; Image: X; Class_, TrainingFile);
说明, append_ocr_trainf,将字符添加到一个测试文件中。 ** ApplyColorTransLut( Image1: X; Image2: X; Image3: X; out ImageResult1: X; out ImageResult2: X; out ImageResult3: X; ColorTransLUTHandle);
说明, apply_color_trans_lut ( Image1, Image2, Image3 : ImageResult1,ImageResult2, ImageResult3 : ColorTransLUTHandle : ) ** ApplyMetrologyModel( Image: X; MetrologyHandle);
说明, 应用测量模型 ** ApplySampleIdentifier( Image: X; SampleIdentifier, NumResults, RatingThreshold, GenParamName, GenParamValue, out ObjectIdx, out Rating);
说明, 应用样本标识 ** AreaCenterGray( Regions: X; Image: X; out Area, out Row, out Column); ** AsinImage( Image: X; out ArcsinImage: X);
说明, 计算图像的反正弦 ** Atan2Image( ImageY: X; ImageX: X; out ArctanImage: X);
说明, 计算2个图像的反正切 ** AtanImage( Image: X; out ArctanImage: X);
说明, 计算图像的反正切 ** AutoThreshold( Image: X; out Regions: X; Sigma);
说明, auto_threshold,根据直方图决定的阀值分割图像。 ** BandpassImage( Image: X; out ImageBandpass: X; FilterType);
说明, bandpass_image,使用带通滤波器提取边缘。 ** BestMatch( Image: X; TemplateID, MaxError, SubPixel, out Row, out Column, out Error);
说明, best_match,寻找一个模板和一个图像的最佳匹配。 ** BestMatchMg( Image: X; TemplateID, MaxError, SubPixel, NumLevels, WhichLevels, out Row, out Column, out Error);
说明, best_match_mg,在金字塔中寻找最佳灰度值匹配。 ** BestMatchPreMg( ImagePyramid: X; TemplateID, MaxError, SubPixel, NumLevels, WhichLevels, out Row, out Column, out Error);
说明, best_match_pre_mg,在预生成的金字塔中寻找最佳灰度值匹配。 ** BestMatchRot( Image: X; TemplateID, AngleStart, AngleExtend, MaxError, SubPixel, out Row, out Column, out Angle, out Error);
说明, best_match_rot,寻找一个模板和一个旋转图像的最佳匹配。 ** BestMatchRotMg( Image: X; TemplateID, AngleStart, AngleExtend, MaxError, SubPixel, NumLevels, out Row, out Column, out Angle, out Error);
说明, best_match_rot_mg,寻找一个模板和一个旋转金字塔的最佳匹配。 ** BinocularDisparity( Image1: X; Image2: X; out Disparity: X; out Score: X; Method, MaskWidth, MaskHeight, TextureThresh, MinDisparity, MaxDisparity, NumLevels, ScoreThresh, Filter, SubDisparity);
说明, binocular_disparity,计算一个矫正图像对的不均衡。 ** BinocularDisparityMg( Image1: X; Image2: X; out Disparity: X; out Score: X; Grayancy, Gradientancy, Smoothness, InitialGuess, CalculateScore, MGParamName, MGParamValue); ** BinocularDistance( Image1: X; Image2: X; out Distance: X; out Score: X; CamParamRect1, CamParamRect2, RelPoseRect, Method, MaskWidth, MaskHeight, TextureThresh, MinDisparity, MaxDisparity, NumLevels, ScoreThresh, Filter, SubDistance);
说明, binocular_distance,计算一个矫正立体图像对的间隔值。 ** BinocularDistanceMg( Image1: X; Image2: X; out Distance: X; out Score: X; CamParamRect1, CamParamRect2, RelPoseRect, Grayancy, Gradientancy, Smoothness, InitialGuess, CalculateScore, MGParamName, MGParamValue); ** BinomialFilter( Image: X; out ImageBinomial: X; MaskWidth, MaskHeight); ** BinThreshold( Image: X; out Region: X);
说明, bin_threshold,根据自动产生的阀值分割图像。 ** BitAnd( Image1: X; Image2: X; out ImageAnd: X);
说明, bit_and,输入图像的所有像素的逐位与。 ** BitLshift( Image: X; out ImageLShift: X; Shift);
说明, bit_lshift,图像的所有像素的左移。 ** BitMask( Image: X; out ImageMask: X; BitMask);
说明, bit_mask,使用位掩码的每个像素的逻辑与。 ** BitNot( Image: X; out ImageNot: X);
说明, bit_not,对像素的所有位求补。 ** BitOr( Image1: X; Image2: X; out ImageOr: X);
说明, bit_or,输入图像的所有像素的逐位或。 ** BitRshift( Image: X; out ImageRShift: X; Shift);
说明, bit_rshift,图像的所有像素的右移。 ** BitSlice( Image: X; out ImageSlice: X; Bit);
说明, bit_slice,从像素中提取一位。 ** BitXor( Image1: X; Image2: X; out ImageXor: X);
说明, bit_xor,输入图像的所有像素的逐位异或。 ** BundleAdjustMosaic( NumImages, ReferenceImage, MappingSource, MappingDest, HomMatrices2D, Rows1, Cols1, Rows2, Cols2, NumCorrespondences, Transformation, out MosaicMatrices2D, out Rows, out Cols, out Error);
说明, bundle_adjust_mosaic,对一幅图像的嵌合体采取一系列调整。 ** CamMatToCamPar( CameraMatrix, Kappa, ImageWidth, ImageHeight, out CameraParam);
说明, cam_mat_to_cam_par,计算从一个相机矩阵获取的内部相机参数。 ** CamParToCamMat( CameraParam, out CameraMatrix, out ImageWidth, out ImageHeight);
说明, cam_par_to_cam_mat,从相机内部参数计算一个相机矩阵。 ** CfaToRgb( CFAImage: X; out RGBImage: X; CFAType, Interpolation);
说明, cfa_to_rgb,把一个单通道颜色滤波阵列图像变成RGB图像。 ** ChangeDomain( Image: X; NewDomain: X; out ImageNew: X);
说明, change_domain,改变一个图像的定义区间。 ** ChangeFormat( Image: X; out ImagePart: X; Width, Height);
说明, change_format,改变图像大小。 ** ChangeRadialDistortionImage( Image: X; Region: X; out ImageRectified: X; CamParamIn, CamParamOut);
说明, change_radial_distortion_image,改变图像的放射失真。 ** ChannelsToImage( Images: X; out MultiChannelImage: X);
说明, channels_to_image,把单通道图像转变为一个多通道图像。 ** CharThreshold( Image: X; HistoRegion: X; out Characters: X; Sigma, Percent, out Threshold);
说明, char_threshold,为提取的字符产生一个分割阀值。 ** CheckDifference( Image: X; Pattern: X; out Selected: X; Mode, DiffLowerBound, DiffUpperBound, GrayOffset, AddRow, AddCol);
说明, check_difference,一个像素一个像素的比较两幅图像。 ** Class2DimSup( ImageCol: X; ImageRow: X; FeatureSpace: X; out RegionClass2Dim: X);
说明, class_2dim_sup,采用二维空间像素分类分割图像。 ** Class2DimUnsup( Image1: X; Image2: X; out Classes: X; Threshold, NumClasses);
说明, class_2dim_unsup,将两幅图像以聚类分割。 ** ClassifyImageClassGmm( Image: X; out ClassRegions: X; GMMHandle, RejectionThreshold);
说明, classify_image_class_gmm,根据高斯混合模式分类图像。 ** ClassifyImageClassKnn( Image: X; out ClassRegions: X; out DistanceImage: X; KNNHandle, RejectionThreshold);
说明, 根据KNN模式分类图像。 ** ClassifyImageClassLut( Image: X; out ClassRegions: X; ClassLUTHandle);
说明, 根据lut模式分类图像。 ** ClassifyImageClassMlp( Image: X; out ClassRegions: X; MLPHandle, RejectionThreshold);
说明, classify_image_class_mlp,根据多层视感控器分类图像 。 ** ClassifyImageClassSvm( Image: X; out ClassRegions: X; SVMHandle);
说明, classify_image_class_svm,根据支持向量机分类图像。 ** ClassNdimBox( MultiChannelImage: X; out Regions: X; ClassifHandle);
说明, class_ndim_box,利用立方体将像素分类。 ** ClassNdimNorm( MultiChannelImage: X; out Regions: X; Metric, SingleMultiple, Radius, Center);
说明, class_ndim_norm,利用球体或立方体将像素分类。 ** CloseEdges( Edges: X; EdgeImage: X; out RegionResult: X; MinAmplitude);
说明, close_edges,使用边缘幅值图像消除边缘缺陷。 ** ClusterModelComponents( TrainingImages: X; out ModelComponents: X; ComponentTrainingID, AmbiguityCriterion, MaxContourOverlap, ClusterThreshold);
说明, cluster_model_components,把用于创建模型组件的新参数用于训练结果。 ** CoherenceEnhancingDiff( Image: X; out ImageCED: X; Sigma, Rho, Theta, Iterations);
说明, coherence_enhancing_diff,执行一个图像的一个一致性增强扩散。 ** CompareExtVariationModel( Image: X; out Region: X; ModelID, Mode);
说明, compare_ext_variation_model,将图像与一个变化模型(variation model)相比较。 ** CompareVariationModel( Image: X; out Region: X; ModelID);
说明, compare_variation_model,将图像与一个变化模型(variation model)相比较。 ** ComplexToReal( ImageComplex: X; out ImageReal: X; out ImageImaginary: X);
说明, complex_to_real,把一个复杂图像转变为两个实际图像。 ** Compose2( Image1: X; Image2: X; out MultiChannelImage: X);
说明, compose2,把两个图像转变为一个两通道图像。 ** Compose3( Image1: X; Image2: X; Image3: X; out MultiChannelImage: X);
说明, compose3,把三个图像转变为一个三通道图像。 ** Compose4( Image1: X; Image2: X; Image3: X; Image4: X; out MultiChannelImage: X);
说明, compose4,把四个图像转变为一个四通道图像。 ** Compose5( Image1: X; Image2: X; Image3: X; Image4: X; Image5: X; out MultiChannelImage: X);
说明, compose5,把五个图像转变为一个五通道图像。 ** Compose6( Image1: X; Image2: X; Image3: X; Image4: X; Image5: X; Image6: X; out MultiChannelImage: X);
说明, compose6,把六个图像转变为一个六通道图像。 ** Compose7( Image1: X; Image2: X; Image3: X; Image4: X; Image5: X; Image6: X; Image7: X; out MultiChannelImage: X);
说明, compose7,把七个图像转变为一个七通道图像。 ** ConnectGridPoints( Image: X; out ConnectingLines: X; Row, Column, Sigma, MaxDist);
说明, connect_grid_points,建立矫正网格的矫正点间的连接。 ** ConvertImageType( Image: X; out ImageConverted: X; NewType);
说明, convert_image_type,转变一个图像的类型。 ** ConvertMapType( Map: X; out MapConverted: X; NewType, ImageWidth); ** ConvolFft( ImageFFT: X; ImageFilter: X; out ImageConvol: X);
说明, convol_fft,用在频域内的滤波器使一个图像卷积。 ** ConvolGabor( ImageFFT: X; GaborFilter: X; out ImageResultGabor: X; out ImageResultHilbert: X);
说明, convol_gabor,用在频域内的一个Gabor滤波器使一个图像卷积。 ** ConvolImage( Image: X; out ImageResult: X; FilterMask, Margin);
说明, convol_image,用一个任意滤波掩码对一个图像卷积。 ** CoocFeatureImage( Regions: X; Image: X; LdGray, Direction, out Energy, out Correlation, out Homogeneity, out Contrast);
说明, cooc_feature_image,计算一个同时出现的矩阵并得出相关灰度值特征。 ** CopyImage( Image: X; out DupImage: X);
说明, copy_image,复制一个图像并为它分配新内存。 ** CornerResponse( Image: X; out ImageCorner: X; Size, Weight);
说明, corner_response,在图像中寻找角点。 ** CorrelationFft( ImageFFT1: X; ImageFFT2: X; out ImageCorrelation: X);
说明, correlation_fft,计算在频域内的两个图像的相互关系。 ** CosImage( Image: X; out CosImage: X);
说明, 计算图像余弦 ** CountChannels( MultiChannelImage: X; out Channels);
说明, count_channels,计算图像的通道。 ** CreateBgEsti( InitializeImage: X; Syspar1, Syspar2, GainMode, Gain1, Gain2, AdaptMode, MinDiff, StatNum, ConfidenceC, TimeC, out BgEstiHandle);
说明, create_bg_esti,为背景评估创建和初始化一个数据集。 ** CreateComponentModel( ModelImage: X; ComponentRegions: X; Variation Row, Variation Column, Variation Angle, AngleStart, AngleExtent, ContrastLowComp, ContrastHighComp, MinSizeComp, MinContrastComp, MinScoreComp, NumLevelsComp, AngleStepComp, OptimizationComp, MetricComp, PregenerationComp, out ComponentModelID, out RootRanking);
说明, create_component_model,基于确定的指定组件和关系准备一个匹配的组件模型。 ** CriticalPointsSubPix( Image: X; Filter, Sigma, Threshold, out RowMin, out ColumnMin, out RowMax, out ColumnMax, out RowSaddle, out ColumnSaddle);
说明, critical_points_sub_pix,一幅图像中主要点的子像素精确度检测。 ** CropDomain( Image: X; out ImagePart: X);
说明, crop_domain,去掉确定的灰度值。 ** CropDomainRel( Image: X; out ImagePart: X; Top, Left, Bottom, Right);
说明, crop_domain_rel,去掉和定义域有关的图像区域。 ** CropPart( Image: X; out ImagePart: X; Row, Column, Width, Height);
说明, crop_part,去掉一个矩形图像区域。 ** CropRectangle1( Image: X; out ImagePart: X; Row1, Column1, Row2, Column2); ** DecodeBarCodeRectangle2( Image: X; BarCodeHandle, CodeType, Row, Column, Phi, Length1, Length2, out DecodedDataStrings);
说明, 条码解码 ** Decompose2( MultiChannelImage: X; out Image1: X; out Image2: X);
说明, decompose2,把一个两通道图像转变为两个图像。 ** Decompose3( MultiChannelImage: X; out Image1: X; out Image2: X; out Image3: X);
说明, decompose3,把一个三通道图像转变为三个图像。 ** Decompose4( MultiChannelImage: X; out Image1: X; out Image2: X; out Image3: X; out Image4: X);
说明, decompose4,把一个四通道图像转变为四个图像。 ** Decompose5( MultiChannelImage: X; out Image1: X; out Image2: X; out Image3: X; out Image4: X; out Image5: X);
说明, decompose5,把一个五通道图像转变为五个图像。 ** Decompose6( MultiChannelImage: X; out Image1: X; out Image2: X; out Image3: X; out Image4: X; out Image5: X; out Image6: X);
说明, decompose6,把一个六通道图像转变为六个图像。 ** Decompose7( MultiChannelImage: X; out Image1: X; out Image2: X; out Image3: X; out Image4: X; out Image5: X; out Image6: X; out Image7: X);
说明, decompose7,把一个七通道图像转变为七个图像。 ** DepthFromFocus( MultiFocusImage: X; out Depth: X; out Confidence: X; Filter, Selection);
说明, depth_from_focus,利用多倍聚焦灰度级提取高度(厚度)。 ** DerivateGauss( Image: X; out DerivGauss: X; Sigma, Component);
说明, derivate_gauss,用高斯派生物对一个图像卷积。 ** DeserializeImage( out Image: X; SerializedItemHandle);
说明, 图像数据转换 ** DetectEdgeSegments( Image: X; SobelSize, MinAmplitude, MaxDistance, MinLength, out BeginRow, out BeginCol, out EndRow, out EndCol);
说明, detect_edge_segments,检测直线边缘分割。 ** DeviationImage( Image: X; out ImageDeviation: X; Width, Height);
说明, deviation_image,计算矩形窗口内的灰度值的标准偏差。 ** DeviationN( Image: X; out ImageDeviation: X);
说明, ,计算矩形窗口内的灰度值的标准偏差图。 ** DiffOfGauss( Image: X; out DiffOfGauss: X; Sigma, SigFactor);
说明, diff_of_gauss,近似高斯的拉普拉斯算子。 ** DisparityImageToXyz( Disparity: X; out X: X; out Y: X; out Z: X; CamParamRect1, CamParamRect2, RelPoseRect);
说明, disp_xld,显示物体到3D坐标系。 ** DispChannel( MultiChannelImage: X; WindowHandle, Channel);
说明, disp_channel,用几个通道显示图像。 ** DispColor( ColorImage: X; WindowHandle);
说明, disp_color,显示一个彩色(RGB)图像。 ** DispImage( Image: X; WindowHandle);
说明, disp_image,显示灰度值图像。 ** DistanceTransform( Region: X; out DistanceImage: X; Metric, Foreground, Width, Height);
说明, distance_transform,计算一个区域的距离变换。 ** DivImage( Image1: X; Image2: X; out ImageResult: X; Mult, Add);
说明, div_image,使两个图像相除。 ** DoOcrMulti( Character: X; Image: X; OCRHandle, out Class_, out Confidence);
说明, do_ocr_multi,给每一个Character(字符)分配一个类。 ** DoOcrMultiClassKnn( Character: X; Image: X; OCRHandle, out Class_, out Confidence);
说明, do_ocr_multi,给多个Character(字符)分配一个KNN类。 ** DoOcrMultiClassMlp( Character: X; Image: X; OCRHandle, out Class_, out Confidence);
说明, do_ocr_multi_class_mlp,为根据给定区域字符和OCR分级器OCRHandle的灰度图像值而给定的每个字符计算出最好的类,将类返回到Class中,且将类的置信度返回到Confidence中。 ** DoOcrMultiClassSvm( Character: X; Image: X; OCRHandle, out Class_);
说明, do_ocr_multi_class_svm,根据基于OCR分级器的SVM将大量字符分类。 ** DoOcrSingle( Character: X; Image: X; OCRHandle, out Classes, out Confidences);
说明, do_ocr_single,给一些Character(字符)分配一些类。 ** DoOcrSingleClassKnn( Character: X; Image: X; OCRHandle, NumClasses, NumNeighbors, out Class_, out Confidence);
说明, do_ocr_multi,给每一个Character(字符)分配一个KNN类。 ** DoOcrSingleClassMlp( Character: X; Image: X; OCRHandle, Num, out Class_, out Confidence);
说明, do_ocr_single_class_mlp,为根据给定区域字符和OCR分级器OCRHandle的灰度图像值而给定的字符计算出最好的Num类,将类返回到Class中,且将类的置信度返回到Confidence中。 ** DoOcrSingleClassSvm( Character: X; Image: X; OCRHandle, Num, out Class_);
说明, do_ocr_single_class_svm,根据基于OCR分级器的SVM将单个字符分类。 ** DoOcrWordKnn( Character: X; Image: X; OCRHandle, Expression, NumAlternatives, NumCorrections, out Class_, out Confidence, out Word, out Score);
说明, 将字符组作为一个实体。 ** DoOcrWordMlp( Character: X; Image: X; OCRHandle, Expression, NumAlternatives, NumCorrections, out Class_, out Confidence, out Word, out Score);
说明, do_ocr_word_mlp,功能与do?_ocr_multi_class_mlp相同,只是do_ocr_word_mlp将字符组作为一个实体。 ** DoOcrWordSvm( Character: X; Image: X; OCRHandle, Expression, NumAlternatives, NumCorrections, out Class_, out Word, out Score);
说明, do_ocr_word_svm,利用OCR分级器将一系列相关字符分类。 ** DotsImage( Image: X; out DotImage: X; Diameter, FilterType, PixelShift);
说明, dots_image,在一个图像中增强圆形点。 ** DualRank( Image: X; out ImageRank: X; MaskType, Radius, ModePercent, Margin);
说明, dual_rank,打开、取中值和关闭圆和矩形掩码。 ** DualThreshold( Image: X; out RegionCrossings: X; MinSize, MinGray, Threshold);
说明, dual_threshold,对标记的图像做门限操作。 ** DumpWindowImage( out Image: X; WindowHandle);
说明, dump_window_image,在一个图像目标中写窗口内容。 ** DynThreshold( OrigImage: X; ThresholdImage: X; out RegionDynThresh: X; Offset, LightDark); ** EdgesColor( Image: X; out ImaAmp: X; out ImaDir: X; Filter, Alpha, NMS, Low, High);
说明, edges_color,使用Canny、Deriche或者 Shen 滤波器提取颜色边缘。 ** EdgesColorSubPix( Image: X; out Edges: X; Filter, Alpha, Low, High);
说明, edges_color_sub_pix,使用Canny、Deriche或者 Shen 滤波器提取子像素精确颜色边缘。 ** EdgesImage( Image: X; out ImaAmp: X; out ImaDir: X; Filter, Alpha, NMS, Low, High); ** EdgesSubPix( Image: X; out Edges: X; Filter, Alpha, Low, High);
说明, edges_sub_pix,使用Deriche、 Lanser、Shen或者 Canny滤波器提取子像素精确边缘。 ** EliminateMinMax( Image: X; out FilteredImage: X; MaskWidth, MaskHeight, Gap, Mode);
说明, eliminate_min_max,在空域内平滑一个图像来抑制噪声。 ** EliminateSp( Image: X; out ImageFillSP: X; MaskWidth, MaskHeight, MinThresh, MaxThresh);
说明, eliminate_sp,用中值替代阀值外的值。 ** EllipticAxisGray( Regions: X; Image: X; out Ra, out Rb, out Phi);
说明, elliptic_axis_gray,在一个灰度值图像中计算一个区域的方位和主轴。 ** Emphasize( Image: X; out ImageEmphasize: X; MaskWidth, MaskHeight, Factor);
说明, emphasize,增强图像对比度。 ** EnergyGabor( ImageGabor: X; ImageHilbert: X; out Energy: X);
说明, energy_gabor,计算一个两通道图像的能量。 ** EntropyGray( Regions: X; Image: X; out Entropy, out Anisotropy);
说明, entropy_gray,确定一个图像的熵和各向异性。 ** EntropyImage( Image: X; out ImageEntropy: X; Width, Height);
说明, entropy_image,计算矩形窗口内的灰度值的熵。 ** EquHistoImage( Image: X; out ImageEquHisto: X);
说明, equ_histo_image,图像的柱状图线性化。 ** EstimateAlAm( Image: X; out Albedo, out Ambient);
说明, estimate_al_am,估测一个平面的反射率和反射光的数目。 ** EstimateNoise( Image: X; Method, Percent, out Sigma);
说明, estimate_noise,从一个单一图像估计图像噪声。 ** EstimateSlAlLr( Image: X; out Slant, out Albedo);
说明, estimate_sl_al_lr,估测一个光源的倾斜度和一个平面的反射率。 ** EstimateSlAlZc( Image: X; out Slant, out Albedo);
说明, estimate_sl_al_zc,估测一个光源的倾斜度和一个平面的反射率。 ** EstimateTiltLr( Image: X; out Tilt);
说明, estimate_tilt_lr,估测一个光源的倾斜。 ** EstimateTiltZc( Image: X; out Tilt);
说明, estimate_tilt_zc,估测一个光源的倾斜。 ** ExhaustiveMatch( Image: X; RegionOfInterest: X; ImageTemplate: X; out ImageMatch: X; Mode);
说明, exhaustive_match,模板和图像的匹配。 ** ExhaustiveMatchMg( Image: X; ImageTemplate: X; out ImageMatch: X; Mode, Level, Threshold);
说明, exhaustive_match_mg,在一个分辨率塔式结构中匹配模板和图像。 ** ExpandDomainGray( InputImage: X; out ExpandedImage: X; ExpansionRange);
说明, expand_domain_gray,扩大图像区域并且在扩大的区域中设置灰度值。 ** ExpandGray( Regions: X; Image: X; ForbiddenArea: X; out RegionExpand: X; Iterations, Mode, Threshold);
说明, expand_gray,依据灰度值或颜色填充两个区域的间隙或分割重叠区域。 ** ExpandGrayRef( Regions: X; Image: X; ForbiddenArea: X; out RegionExpand: X; Iterations, Mode, RefGray, Threshold);
说明, expand_gray_ref,依据灰度值或颜色填充两个区域的间隙或分割重叠区域。 ** ExpandLine( Image: X; out RegionExpand: X; Coordinate, ExpandType, RowColumn, Threshold);
说明, expand_line,从给定线开始扩充区域。 ** ExpImage( Image: X; out ExpImage: X; Base);
说明, 扩展图像 ** FastMatch( Image: X; out Matches: X; TemplateID, MaxError);
说明, fast_match,寻找一个模板和一个图像的所有好的匹配。 ** FastMatchMg( Image: X; out Matches: X; TemplateID, MaxError, NumLevel);
说明, fast_match_mg,在金字塔中寻找所有好的灰度值匹配。 ** FastThreshold( Image: X; out Region: X; MinGray, MaxGray, MinSize);
说明, fast_threshold,利用全局阀值快速将图像二值化。 ** FftGeneric( Image: X; out ImageFFT: X; Direction, Exponent, Norm, Mode, ResultType);
说明, fft_generic,计算一个图像的快速傅里叶变换。 ** FftImage( Image: X; out ImageFFT: X);
说明, fft_image,计算一个图像的快速傅里叶变换。 ** FftImageInv( Image: X; out ImageFFTInv: X);
说明, fft_image_inv,计算一个图像的快速傅里叶逆变换。 ** FillInterlace( ImageCamera: X; out ImageFilled: X; Mode);
说明, fill_interlace,插补两个半个视频图像。 ** Find1DBarCode( Image: X; out CodeRegion: X; BarCodeDescr, GenericName, GenericValue, out BarcodeFound, out BarCodeElements, out Orientation);
说明, find_1d_bar_code,搜索一幅图像中的一个条形码。 ** Find1DBarCodeRegion( Image: X; out CodeRegion: X; BarCodeDescr, GenericName, GenericValue, out Orientation);
说明, find_1d_bar_code_region,搜索一幅图像中的多种条形码。 ** Find1DBarCodeScanline( Image: X; out CodeRegion: X; BarCodeDescr, GenericName, GenericValue, StopIfFound, out BarcodeFound, out BarCodeElements, out Orientation, out ScanlineNumPoints, out ScanlineDecoded, out ScanlinePointsRow, out ScanlinePointsColumn);
说明, find_1d_bar_code_scanline,搜索一幅图像中的一个条形码。 ** Find2DBarCode( Image: X; out CodeRegion: X; BarCodeDescr, GenParamNames, GenParamValues, out CodeRegDescr);
说明, find_2d_bar_code,搜索可能包括一个二维条形码的区域。 ** FindAnisoShapeModel( Image: X; ModelID, AngleStart, AngleExtent, ScaleRMin, ScaleRMax, ScaleCMin, ScaleCMax, MinScore, NumMatches, MaxOverlap, SubPixel, NumLevels, Greediness, out Row, out Column, out Angle, out ScaleR, out ScaleC, out Score);
说明, find_aniso_shape_model,在一个图像中找出一个各向异性尺度不变轮廓的最佳匹配。 ** FindAnisoShapeModels( Image: X; ModelIDs, AngleStart, AngleExtent, ScaleRMin, ScaleRMax, ScaleCMin, ScaleCMax, MinScore, NumMatches, MaxOverlap, SubPixel, NumLevels, Greediness, out Row, out Column, out Angle, out ScaleR, out ScaleC, out Score, out Model);
说明, find_aniso_shape_models,找出多重各向异性尺度不变轮廓模型的最佳匹配。 ** FindBarCode( Image: X; out SymbolRegions: X; BarCodeHandle, CodeType, out DecodedDataStrings);
说明, find_bar_code,检测和读取一幅图像中条形码符号。 ** FindCalibDescriptorModel( Image: X; ModelID, DetectorParamName, DetectorParamValue, DescriptorParamName, DescriptorParamValue, MinScore, NumMatches, CamParam, ScoreType, out Pose, out Score);
说明, 检测校准描述模型 ** FindCalibObject( Image: X; CalibDataID, CameraIdx, CalibObjIdx, CalibObjPoseIdx, GenParamName, GenParamValue);
说明, 检测校准对象 ** FindCaltab( Image: X; out Caltab: X; CalTabDescrFile, SizeGauss, MarkThresh, MinDiamMarks);
说明, find_caltab,分割和标准化图像中的校准板区域。 ** FindComponentModel( Image: X; ComponentModelID, RootComponent, AngleStartRoot, AngleExtentRoot, MinScore, NumMatches, MaxOverlap, IfRootNotFound, IfComponentNotFound, PosePrediction, MinScoreComp, SubPixelComp, NumLevelsComp, GreedinessComp, out ModelStart, out ModelEnd, out Score, out RowComp, out ColumnComp, out AngleComp, out ScoreComp, out ModelComp);
说明, find_component_model,在一个图像中找出一个组件模型的最佳匹配。 ** FindDataCode2D( Image: X; out SymbolXLDs: X; DataCodeHandle, GenParamNames, GenParamValues, out ResultHandles, out DecodedDataStrings);
说明, find_data_code_2d,检测和读取图像或测试的二维数据编码模式中的二维数据编码符号。 ** FindLocalDeformableModel( Image: X; out ImageRectified: X; out VectorField: X; out DeformedContours: X; ModelID, AngleStart, AngleExtent, ScaleRMin, ScaleRMax, ScaleCMin, ScaleCMax, MinScore, NumMatches, MaxOverlap, NumLevels, Greediness, ResultType, ParamName, ParamValue, out Score, out Row, out Column); ** FindMarksAndPose( Image: X; CalTabRegion: X; CalTabDescrFile, StartCamParam, StartThresh, DeltaThresh, MinThresh, Alpha, MinContLength, MaxDiamMarks, out RCoord, out CCoord, out StartPose);
说明, find_marks_and_pose,从图像中提取二维校准标志和为外部计算机参数计算内部数值。 ** FindNccModel( Image: X; ModelID, AngleStart, AngleExtent, MinScore, NumMatches, MaxOverlap, SubPixel, NumLevels, out Row, out Column, out Angle, out Score);
说明, find_ncc_model,找出一个图像中的一个NCC模型的最佳匹配。 ** FindPlanarCalibDeformableModel( Image: X; ModelID, AngleStart, AngleExtent, ScaleRMin, ScaleRMax, ScaleCMin, ScaleCMax, MinScore, NumMatches, MaxOverlap, NumLevels, Greediness, ParamName, ParamValue, out Pose, out CovPose, out Score);
说明, 检测校准平面变形模型 ** FindPlanarUncalibDeformableModel( Image: X; ModelID, AngleStart, AngleExtent, ScaleRMin, ScaleRMax, ScaleCMin, ScaleCMax, MinScore, NumMatches, MaxOverlap, NumLevels, Greediness, ParamName, ParamValue, out HomMat2d, out Score);
说明, 检测无校准平面变形模型 ** FindRectificationGrid( Image: X; out GridRegion: X; MinContrast, Radius);
说明, find_rectification_grid,分割图像中矫正网格区域。 ** FindScaledShapeModel( Image: X; ModelID, AngleStart, AngleExtent, ScaleMin, ScaleMax, MinScore, NumMatches, MaxOverlap, SubPixel, NumLevels, Greediness, out Row, out Column, out Angle, out Scale, out Score);
说明, find_scaled_shape_model,在一个图像中找出一个尺度不变轮廓模型的最佳匹配。 ** FindScaledShapeModels( Image: X; ModelIDs, AngleStart, AngleExtent, ScaleMin, ScaleMax, MinScore, NumMatches, MaxOverlap, SubPixel, NumLevels, Greediness, out Row, out Column, out Angle, out Scale, out Score, out Model);
说明, find_scaled_shape_models,找出多重尺度不变轮廓模型的最佳匹配。 ** FindShapeModel( Image: X; ModelID, AngleStart, AngleExtent, MinScore, NumMatches, MaxOverlap, SubPixel, NumLevels, Greediness, out Row, out Column, out Angle, out Score);
说明, find_shape_model,在一个图像中找出一个轮廓模型的最佳匹配。 ** FindShapeModel3D( Image: X; ShapeModel3DID, MinScore, Greediness, NumLevels, GenParamNames, GenParamValues, out Pose, out CovPose, out Score);
说明, find_shape_model_3d,在一个图像中找出一个3D模型的最佳匹配。 ** FindShapeModels( Image: X; ModelIDs, AngleStart, AngleExtent, MinScore, NumMatches, MaxOverlap, SubPixel, NumLevels, Greediness, out Row, out Column, out Angle, out Score, out Model);
说明, find_shape_models,找出多重轮廓模型的最佳匹配。 ** FindText( Image: X; TextModel, out TextResultID);
说明, 找出文本对象 ** FindUncalibDescriptorModel( Image: X; ModelID, DetectorParamName, DetectorParamValue, DescriptorParamName, DescriptorParamValue, MinScore, NumMatches, ScoreType, out HomMat2d, out Score);
说明, 找出无校准平面变形模型 ** FitSurfaceFirstOrder( Regions: X; Image: X; Algorithm, Iterations, ClippingFactor, out Alpha, out Beta, out Gamma);
说明, fit_surface_first_order,通过一个一阶表面(平面)计算灰度值力矩和近似值。 ** FitSurfaceSecondOrder( Regions: X; Image: X; Algorithm, Iterations, ClippingFactor, out Alpha, out Beta, out Gamma, out Delta, out Epsilon, out Zeta);
说明, fit_surface_second_order,通过一个二阶表面(平面)计算灰度值力矩和近似值。 ** FreiAmp( Image: X; out ImageEdgeAmp: X);
说明, frei_amp,使用Frei-Chen算子检测边缘(幅值)。 ** FreiDir( Image: X; out ImageEdgeAmp: X; out ImageEdgeDir: X);
说明, frei_dir,使用Frei-Chen算子检测边缘(幅值和相位)。 ** FullDomain( Image: X; out ImageFull: X);
说明, full_domain,把一个图像的区域扩大到最大值。 ** FuzzyEntropy( Regions: X; Image: X; Apar, Cpar, out Entropy);
说明, fuzzy_entropy,确定区域的模糊熵。 ** FuzzyMeasurePairing( Image: X; MeasureHandle, Sigma, AmpThresh, FuzzyThresh, Transition, Pairing, NumPairs, out RowEdgeFirst, out ColumnEdgeFirst, out AmplitudeFirst, out RowEdgeSecond, out ColumnEdgeSecond, out AmplitudeSecond, out RowPairCenter, out ColumnPairCenter, out FuzzyScore, out IntraDistance);
说明, fuzzy_measure_pairing,提取与矩形或环状弧垂直的直线边缘。 ** FuzzyMeasurePairs( Image: X; MeasureHandle, Sigma, AmpThresh, FuzzyThresh, Transition, out RowEdgeFirst, out ColumnEdgeFirst, out AmplitudeFirst, out RowEdgeSecond, out ColumnEdgeSecond, out AmplitudeSecond, out RowEdgeCenter, out ColumnEdgeCenter, out FuzzyScore, out IntraDistance, out InterDistance); ** FuzzyMeasurePos( Image: X; MeasureHandle, Sigma, AmpThresh, FuzzyThresh, Transition, out RowEdge, out ColumnEdge, out Amplitude, out FuzzyScore, out Distance); ** FuzzyPerimeter( Regions: X; Image: X; Apar, Cpar, out Perimeter);
说明, fuzzy_perimeter,计算一个区域的模糊周长。 ** GammaImage( Image: X; out GammaImage: X; Gamma, Offset, Threshold, MaxGray, Encode);
说明, 输出gamma图像 ** GaussImage( Image: X; out ImageGauss: X; Size); ** GenArbitraryDistortionMap( out Map: X; GridSpacing, Row, Column, GridWidth, ImageWidth, ImageHeight, MapType);
说明, gen_arbitrary_distortion_map,产生一个投射图,其描述随意扭曲图像与正确图像间的映射。 ** GenBandfilter( out ImageFilter: X; MinFrequency, MaxFrequency, Norm, Mode, Width, Height);
说明, gen_bandfilter,生成一个理想带通滤波器。 ** GenBandpass( out ImageBandpass: X; MinFrequency, MaxFrequency, Norm, Mode, Width, Height);
说明, gen_bandpass,生成一个理想带通滤波器。 ** GenBundleAdjustedMosaic( Images: X; out MosaicImage: X; HomMatrices2D, StackingOrder, TransformDomain, out TransMat2D);
说明, gen_bundle_adjusted_mosaic,把多重图像合成一个马赛克图像。 ** GenCoocMatrix( Regions: X; Image: X; out Matrix: X; LdGray, Direction);
说明, gen_cooc_matrix,在一个图像中计算一个区域中同时出现的矩阵。 ** GenCubeMapMosaic( Images: X; out Front: X; out Rear: X; out Left: X; out Right: X; out Top: X; out Bottom: X; CameraMatrices, RotationMatrices, CubeMapDimension, StackingOrder, Interpolation);
说明, gen_cube_map_mosaic,创建球形马赛克的6方位图像。 ** GenDerivativeFilter( out ImageDerivative: X; Derivative, Exponent, Norm, Mode, Width, Height);
说明, gen_derivative_filter,在频域内生成一个倒数滤波器。 ** GenFilterMask( out ImageFilter: X; FilterMask, Scale, Width, Height);
说明, gen_filter_mask,在空域内存储一个滤波器掩码作为实时图像。 ** GenGabor( out ImageFilter: X; Angle, Frequency, Bandwidth, Orientation, Norm, Mode, Width, Height);
说明, gen_gabor,生成一个Gabor滤波器。 ** GenGaussFilter( out ImageGauss: X; Sigma1, Sigma2, Phi, Norm, Mode, Width, Height);
说明, gen_gauss_filter,在频域内生成一个高斯滤波器。 ** GenGaussPyramid( Image: X; out ImagePyramid: X; Mode, Scale);
说明, gen_gauss_pyramid,计算一个高斯金字塔。 ** GenGridRectificationMap( Image: X; ConnectingLines: X; out Map: X; out Meshes: X; GridSpacing, Rotation, Row, Column, MapType);
说明, gen_grid_rectification_map,计算扭曲图像与基于规律的网格的正确的图像的映射。 ** GenHighpass( out ImageHighpass: X; Frequency, Norm, Mode, Width, Height);
说明, gen_highpass,生成一个理想高通滤波器。 ** GenImage( out Image: X; Type_, Width, Height);
说明, gen_image_const,创建一个固定灰度值的图像。 ** GenImage1( out Image: X; Type_, Width, Height, PixelPointer);
说明, gen_image1,从像素的一个指针创建一个图像。 ** GenImage1Extern( out Image: X; Type_, Width, Height, PixelPointer, ClearProc);
说明, gen_image1_extern,从带存储管理的像素的一个指针创建一个图像。 ** GenImage1Rect( out Image: X; PixelPointer, Width, Height, VerticalPitch, HorizontalBitPitch, BitsPerPixel, DoCopy, ClearProc);
说明, gen_image1_rect,从像素(带存储管理)的指针创建一个矩形区域的图像。 ** GenImage3( out ImageRGB: X; Type_, Width, Height, PixelPointerRed, PixelPointerGreen, PixelPointerBlue);
说明, gen_image3,从像素(红、绿、蓝)的三个指针创建一个图像。 ** GenImage3Extern( out Image: X; Type_, Width, Height, PointerRed, PointerGreen, PointerBlue, ClearProc);
说明, gen_image3,从像素(红、绿、蓝)的三个指针创建一个图像,带参数。 ** GenImageGrayRamp( out ImageGrayRamp: X; Alpha, Beta, Mean, Row, Column, Width, Height);
说明, gen_image_gray_ramp,创建一个灰度值阶梯。 ** GenImageInterleaved( out ImageRGB: X; PixelPointer, ColorFormat, OriginalWidth, OriginalHeight, Alignment, Type_, ImageWidth, ImageHeight, StartRow, StartColumn, BitsPerChannel, BitShift);
说明, gen_image_interleaved,从交叉像素的一个指针创建一个三通道图像。 ** GenImageProto( Image: X; out ImageCleared: X; Grayval);
说明, gen_image_proto,创建一个指定的固定灰度值的图像。 ** GenImageSurfaceFirstOrder( out ImageSurface: X; Type_, Alpha, Beta, Gamma, Row, Col, Width, Height);
说明, gen_image_surface_first_order,创建一阶多项式的一个弯曲灰度表面。 ** GenImageSurfaceSecondOrder( out ImageSurface: X; Type_, Alpha, Beta, Gamma, Delta, Epsilon, Zeta, Row, Col, Width, Height);
说明, gen_image_surface_second_order,创建二阶多项式的一个弯曲灰度表面。 ** GenImageToWorldPlaneMap( out Map: X; CameraParam, WorldPose, WidthIn, HeightIn, WidthMapped, HeightMapped, Scale, MapType);
说明, gen_image_to_world_plane_map,创建一个投射图,其描述图像平面与坐标轴系统中平面Z为零之间的映射。 ** GenInitialComponents( ModelImage: X; out InitialComponents: X; ContrastLow, ContrastHigh, MinSize, Mode, GenericName, GenericValue);
说明, gen_initial_components,提取一个组件模型的最初组件。 ** GenLowpass( out ImageLowpass: X; Frequency, Norm, Mode, Width, Height);
说明, gen_lowpass,生成一个理想低通滤波器。 ** GenMeanFilter( out ImageMean: X; MaskShape, Diameter1, Diameter2, Phi, Norm, Mode, Width, Height);
说明, 生成一个均值滤波器。 ** GenPrincipalCompTrans( MultiChannelImage: X; out Trans, out TransInv, out Mean, out Cov, out InfoPerComp);
说明, gen_principal_comp_trans,计算多通道图像的主要部分分析的转换矩阵。 ** GenProjectiveMosaic( Images: X; out MosaicImage: X; StartImage, MappingSource, MappingDest, HomMatrices2D, StackingOrder, TransformDomain, out MosaicMatrices2D);
说明, gen_projective_mosaic,把多重图像合成一个马赛克图像。 ** GenSinBandpass( out ImageFilter: X; Frequency, Norm, Mode, Width, Height);
说明, gen_sin_bandpass,用正弦形状生成一个带通滤波器。 ** GenSphericalMosaic( Images: X; out MosaicImage: X; CameraMatrices, RotationMatrices, LatMin, LatMax, LongMin, LongMax, LatLongStep, StackingOrder, Interpolation);
说明, gen_spherical_mosaic,创建一个球形马赛克图像。 ** GenStdBandpass( out ImageFilter: X; Frequency, Sigma, Type_, Norm, Mode, Width, Height);
说明, gen_std_bandpass,用高斯或者正弦形状生成一个带通滤波器。 ** Get2DBarCode( BarCodeRegion: X; Image: X; BarCodeDescr, CodeRegDescr, GenParamNames, GenParamValues, out BarCodeDimension, out BarCodeData);
说明, get_2d_bar_code,提取一个条形码区域(数据矩阵符号”)中数据元素(在ECC200:模块”中)的值。 ** Get2DBarCodePos( BarCodeRegion: X; Image: X; BarCodeDescr, CodeRegDescr, GenParamNames, GenParamValues, out BarCodeDimension, out BarCodeData, out DataElementRow, out DataElementCol);
说明, get_2d_bar_code_pos,提取一个条形码区域(数据矩阵符号”)中数据元素(在ECC200:模块”中)的数值和它们在图像中的位置。 ** GetComponentModelTree( out Tree: X; out Relations: X; ComponentModelID, RootComponent, Image, out StartNode, out EndNode, out Row, out Column, out Phi, out Length1, out Length2, out AngleStart, out AngleExtent);
说明, get_component_model_tree,返回一个组件模型的查找树。 ** GetComponentRelations( out Relations: X; ComponentTrainingID, ReferenceComponent, Image, out Row, out Column, out Phi, out Length1, out Length2, out AngleStart, out AngleExtent);
说明, get_component_relations,返回包含在训练结果内的模型组件间的关系。 ** GetDomain( Image: X; out Domain: X);
说明, get_domain,获取一个图像的区域。 ** GetFramegrabberLut( AcqHandle, out ImageRed, out ImageGreen, out ImageBlue);
说明, get_framegrabber_lut,查找图像获取设备的查询表。 ** GetGrayval( Image: X; Row, Column, out Grayval);
说明, 获取灰度值 ** GetGrayvalContourXld( Image: X; Contour: X; Interpolation, out Grayval);
说明, 获取xld轮廓灰度值 ** GetGrayvalInterpolated( Image: X; Row, Column, Interpolation, out Grayval);
说明, 获取插值灰度值 ** GetImagePointer1( Image: X; out Pointer, out Type_, out Width, out Height);
说明, get_image_pointer1,获取Image图像的数据指针Pointer,图像类型Type,图像宽度Width和高度Height。Pointer指向了Image data的起点位置。 ** GetImagePointer1Rect( Image: X; out PixelPointer, out Width, out Height, out VerticalPitch, out HorizontalBitPitch, out BitsPerPixel);
说明, get_image_pointer1_rect,获取图像数据指针和输入图像区域内最小矩形内部的图像数据。 ** GetImagePointer3( ImageRGB: X; out PointerRed, out PointerGreen, out PointerBlue, out Type_, out Width, out Height);
说明, get_image_pointer3,获取Image图像中坐标为(Row,Column)的点的R、G、B三色值l。 ** GetImageSize( Image: X; out Width, out Height);
说明, 获取图像尺寸 ** GetImageTime( Image: X; out MSecond, out Second, out Minute, out Hour, out Day, out YDay, out Month, out Year);
说明, get_image_time,获取图像创建的时间。 ** GetImageType( Image: X; out Type_);
说明, 获取图像类型 ** GetStereoModelImagePairs( StereoModelID, out From, out To_);
说明, 获取双目立体图像 ** GetThreshImagesVariationModel( out MinImage: X; out MaxImage: X; ModelID);
说明, get_thresh_images_variation_model,返回阀值图像用于图像对比。 ** GetTrainingComponents( out TrainingComponents: X; ComponentTrainingID, Components, Image, MarkOrientation, out Row, out Column, out Angle, out Score);
说明, get_training_components,在一个特定的图像中返回初始值或者模型组件。 ** GetVariationModel( out Image: X; out VarImage: X; ModelID);
说明, get_variation_model,返回图像用于图像对比。 ** GetWindowPointer3( WindowHandle, out ImageRed, out ImageGreen, out ImageBlue, out Width, out Height);
说明, get_window_pointer3,窗口像素数据的通道。 ** GiveBgEsti( out BackgroundImage: X; BgEstiHandle);
说明, give_bg_esti,返回估测背景图像。 ** GnuplotPlotImage( Image: X; GnuplotFileID, SamplesX, SamplesY, ViewRotX, ViewRotZ, Hidden3D);
说明, gnuplot_plot_image,使用gnuplot使一个图像可视化。 ** GrabData( out Image: X; out Region: X; out Contours: X; AcqHandle, out Data);
说明, grab_data,从指定的图像获取设备获取图像和预处理图像数据。 ** GrabDataAsync( out Image: X; out Region: X; out Contours: X; AcqHandle, MaxDelay, out Data);
说明, grab_data_async,从指定的图像获取设备获取图像和预处理图像数据并且开始下一个异步获取。 ** GrabImage( out Image: X; AcqHandle);
说明, grab_image,从指定的图像获取设备获取一个图像。 ** GrabImageAsync( out Image: X; AcqHandle, MaxDelay);
说明, grab_image_async,从指定的图像获取设备获取一个图像并且开始下一个异步获取。 ** GrabImageStart( AcqHandle, MaxDelay);
说明, grab_image_start,从指定的图像获取设备开始下一个异步获取。 ** GrayBothat( Image: X; SE: X; out ImageBotHat: X);
说明, gray_bothat,执行一个图像的一个灰度值bottom hat变换(原图像和它的闭之间的差)。 ** GrayClosing( Image: X; SE: X; out ImageClosing: X);
说明, gray_closing,关闭一个图像的一个灰度值。 ** GrayClosingRect( Image: X; out ImageClosing: X; MaskHeight, MaskWidth);
说明, gray_closing_rect,关闭带矩形掩码的灰度值。 ** GrayClosingShape( Image: X; out ImageClosing: X; MaskHeight, MaskWidth, MaskShape);
说明, 关闭轮廓掩码的灰度值。 ** GrayDilation( Image: X; SE: X; out ImageDilation: X);
说明, gray_dilation,扩大一个图像上的灰度值。 ** GrayDilationRect( Image: X; out ImageMax: X; MaskHeight, MaskWidth);
说明, gray_dilation_rect,确定一个矩形的最小灰度值。 ** GrayDilationShape( Image: X; out ImageMax: X; MaskHeight, MaskWidth, MaskShape);
说明, gray_dilation_shape,确定一个选择的掩码的最大灰度值。 ** GrayErosion( Image: X; SE: X; out ImageErosion: X);
说明, gray_erosion,腐蚀一个图像的灰度值。 ** GrayErosionRect( Image: X; out ImageMin: X; MaskHeight, MaskWidth);
说明, gray_erosion_rect,确定一个矩形的最小灰度值。 ** GrayErosionShape( Image: X; out ImageMin: X; MaskHeight, MaskWidth, MaskShape);
说明, gray_erosion_shape,确定一个选择的掩码的最小灰度值。 ** GrayFeatures( Regions: X; Image: X; Features, out Value);
说明, 灰度特征 ** GrayHisto( Regions: X; Image: X; out AbsoluteHisto, out RelativeHisto);
说明, gray_histo,计算灰度值分布。 ** GrayHistoAbs( Regions: X; Image: X; Quantization, out AbsoluteHisto);
说明, gray_histo_abs,计算灰度值分布。 ** GrayHistoRange( Regions: X; Image: X; Min, Max, NumBins, out Histo, out BinSize);
说明, 灰度范围直方图 ** GrayInside( Image: X; out ImageDist: X);
说明, gray_inside,对图像中的每一点在图像边界的任意路径计算尽可能低的灰度值。 ** GrayOpening( Image: X; SE: X; out ImageOpening: X);
说明, gray_opening,打开一个图像的灰度值。 ** GrayOpeningRect( Image: X; out ImageOpening: X; MaskHeight, MaskWidth);
说明, gray_opening_rect,打开一个矩形掩码的灰度值。 ** GrayOpeningShape( Image: X; out ImageOpening: X; MaskHeight, MaskWidth, MaskShape);
说明, 打开轮廓掩码的灰度值。 ** GrayProjections( Region: X; Image: X; Mode, out HorProjection, out VertProjection);
说明, gray_projections,计算水平和垂直灰度值预测。 ** GrayRangeRect( Image: X; out ImageResult: X; MaskHeight, MaskWidth);
说明, gray_range_rect,确定一个矩形的灰度值范围。 ** GraySkeleton( Image: X; out GraySkeleton: X);
说明, gray_skeleton,灰度值图像的细化。 ** GrayTophat( Image: X; SE: X; out ImageTopHat: X);
说明, gray_tophat,执行一个图像的一个灰度值top hat变换(原图像和它的开之间的差)。 ** HarmonicInterpolation( Image: X; Region: X; out InpaintedImage: X; Precision);
说明, harmonic_interpolation,对一个图像区域执行谐波插值。 ** HighpassImage( Image: X; out Highpass: X; Width, Height);
说明, highpass_image,从一个图像提取高频成分。 ** Histo2Dim( Regions: X; ImageCol: X; ImageRow: X; out Histo2Dim: X);
说明, histo_2dim,计算两通道灰度值图像的直方图。 ** HoughCircleTrans( Region: X; out HoughImage: X; Radius);
说明, hough_circle_trans,返回指定半径的圆周的Hough变换。 ** HoughLinesDir( ImageDir: X; out HoughImage: X; out Lines: X; DirectionUncertainty, AngleResolution, Smoothing, FilterSize, Threshold, AngleGap, DistGap, GenLines, out Angle, out Dist);
说明, hough_lines_dir,借助采用局部方向梯度的Hough变换查询图像中的线,并将它们以正常形式返回。 ** HoughLineTrans( Region: X; out HoughImage: X; AngleResolution);
说明, hough_line_trans,对区域中的线进行Hough变换。 ** HoughLineTransDir( ImageDir: X; out HoughImage: X; DirectionUncertainty, AngleResolution);
说明, hough_line_trans_dir,利用局部方向梯度对线进行Hough变换。 ** HysteresisThreshold( Image: X; out RegionHysteresis: X; Low, High, MaxLength);
说明, hysteresis_threshold,对图像采取磁滞门限操作。 ** Illuminate( Image: X; out ImageIlluminate: X; MaskWidth, MaskHeight, Factor);
说明, illuminate,增强图像对比度。 ** ImagePointsToWorldPlane( CameraParam, WorldPose, Rows, Cols, Scale, out X, out Y);
说明, image_points_to_world_plane,将图像中的点转换到坐标轴平面Z为零上。 ** ImageToChannels( MultiChannelImage: X; out Images: X);
说明, image_to_channels,把一个多通道图像转变为一个通道图像。 ** ImageToWorldPlane( Image: X; out ImageWorld: X; CameraParam, WorldPose, Width, Height, Scale, Interpolation);
说明, image_to_world_plane,通过将图像转换为坐标轴系统中平面Z为零而矫正图像。 ** InfoEdges( Filter, Mode, Alpha, out Size, out Coeffs);
说明, info_edges,在edges_image估计滤波器的宽度。 ** InfoParallelsXld( Parallels: X; Image: X; out QualityMin, out QualityMax, out GrayMin, out GrayMax, out StandardMin, out StandardMax);
说明, info_parallels_xld,返回被XLD多边形(polygon)包围的区域的灰度值的信息。 ** InfoSmooth( Filter, Alpha, out Size, out Coeffs);
说明, info_smooth,平滑滤波器smooth_image的信息。 ** InpaintingAniso( Image: X; Region: X; out InpaintedImage: X; Mode, Contrast, Theta, Iterations, Rho);
说明, inpainting_aniso,通过各向异性扩散执行图像修复。 ** InpaintingCed( Image: X; Region: X; out InpaintedImage: X; Sigma, Rho, Theta, Iterations);
说明, inpainting_ced,通过一致性增强扩散执行图像修复。 ** InpaintingCt( Image: X; Region: X; out InpaintedImage: X; Epsilon, Kappa, Sigma, Rho, ChannelCoefficients);
说明, inpainting_ct,通过连贯传送执行图像修复。 ** InpaintingMcf( Image: X; Region: X; out InpaintedImage: X; Sigma, Theta, Iterations);
说明, inpainting_mcf,通过水平线平滑执行图像修复。 ** InpaintingTexture( Image: X; Region: X; out InpaintedImage: X; MaskSize, SearchSize, Anisotropy, PostIteration, Smoothness);
说明, inpainting_texture,通过结构传导执行图像修复。 ** InspectShapeModel( Image: X; out ModelImages: X; out ModelRegions: X; NumLevels, Contrast);
说明, inspect_shape_model,创建一个轮廓模型的表示。 ** Intensity( Regions: X; Image: X; out Mean, out Deviation);
说明, intensity,计算灰度值的平均值和偏差。 ** InterpolateScatteredDataImage( Image: X; RegionInterpolate: X; out ImageInterpolated: X; Method, GenParamNames, GenParamValues);
说明, 计算图像的交集。 ** InterpolateScatteredDataPointsToImage( out ImageInterpolated: X; Method, Rows, Columns, Values, Width, Height, GenParamNames, GenParamValues);
说明, 计算图像散布节点的交集。 ** InvertImage( Image: X; out ImageInvert: X);
说明, invert_image,使一个图像反像。 ** IsotropicDiffusion( Image: X; out SmoothedImage: X; Sigma, Iterations);
说明, isotropic_diffusion,对一个图像执行各向同性扩散。 ** KirschAmp( Image: X; out ImageEdgeAmp: X);
说明, kirsch_amp,使用Kirsch算子检测边缘(幅值)。 ** KirschDir( Image: X; out ImageEdgeAmp: X; out ImageEdgeDir: X);
说明, kirsch_dir,使用Kirsch算子检测边缘(幅值和相位)。 ** LabelToRegion( LabelImage: X; out Regions: X);
说明, label_to_region,提取一幅图像中灰度值相同的区域。 ** Laplace( Image: X; out ImageLaplace: X; ResultType, MaskSize, FilterMask);
说明, laplace,使用有限差计算拉普拉斯算子。 ** LaplaceOfGauss( Image: X; out ImageLaplace: X; Sigma);
说明, laplace_of_gauss,高斯的拉普拉斯算子。 ** LearnNdimBox( Foreground: X; Background: X; MultiChannelImage: X; ClassifHandle);
说明, learn_ndim_box,利用多通道图像测试一个分级器。 ** LearnNdimNorm( Foreground: X; Background: X; Image: X; Metric, Distance, MinNumberPercent, out Radius, out Center, out Quality);
说明, learn_ndim_norm,为class_ndim_norm构建类。 ** LinearTransColor( Image: X; out ImageTrans: X; TransMat);
说明, linear_trans_color,计算多通道图像的颜色值的一个仿射转换。 ** LinesColor( Image: X; out Lines: X; Sigma, Low, High, ExtractWidth, CompleteJunctions);
说明, lines_color,检测色线和它们的宽度。 ** LinesFacet( Image: X; out Lines: X; MaskSize, Low, High, LightDark);
说明, lines_facet,使用面模型检测线。 ** LinesGauss( Image: X; out Lines: X; Sigma, Low, High, LightDark, ExtractWidth, LineModel, CompleteJunctions); ** LocalMax( Image: X; out LocalMaxima: X);
说明, local_max,检测一幅图像中所有的最大数。 ** LocalMaxContoursXld( Contours: X; Image: X; out LocalMaxContours: X; MinPercent, MinDiff, Distance);
说明, local_max_contours_xld,选择局域最大灰度值的XLD轮廓,。 ** LocalMaxSubPix( Image: X; Filter, Sigma, Threshold, out Row, out Column);
说明, local_max_sub_pix,一幅图像中局域最大数的子像素精确度检测。 ** LocalMin( Image: X; out LocalMinima: X);
说明, local_min,检测一幅图像中所有的最小数。 ** LocalMinSubPix( Image: X; Filter, Sigma, Threshold, out Row, out Column);
说明, local_min_sub_pix,一幅图像中局域最小数的子像素精确度检测。 ** LogImage( Image: X; out LogImage: X; Base);
说明, 生成log图像 ** Lowlands( Image: X; out Lowlands: X);
说明, lowlands,检测凹地所有灰度值。 ** LowlandsCenter( Image: X; out Lowlands: X);
说明, lowlands_center,检测凹地所有灰度值的中心。 ** LutTrans( Image: X; out ImageResult: X; Lut);
说明, lut_trans,使用灰度值查询表转换一个图像。 ** MapImage( Image: X; Map: X; out ImageMapped: X);
说明, map_image,把一个一般变换应用于一个图像中。 ** MatchEssentialMatrixRansac( Image1: X; Image2: X; Rows1, Cols1, Rows2, Cols2, CamMat1, CamMat2, GrayMatchMethod, MaskSize, RowMove, ColMove, RowTolerance, ColTolerance, Rotation, MatchThreshold, EstimationMethod, DistanceThreshold, RandSeed, out EMatrix, out CovEMat, out Error, out Points1, out Points2);
说明, 按RANSA算法匹配矩阵 ** MatchFundamentalMatrixDistortionRansac( Image1: X; Image2: X; Rows1, Cols1, Rows2, Cols2, GrayMatchMethod, MaskSize, RowMove, ColMove, RowTolerance, ColTolerance, Rotation, MatchThreshold, EstimationMethod, DistanceThreshold, RandSeed, out FMatrix, out Kappa, out Error, out Points1, out Points2);
说明, 按RANSA算法匹配矩阵,有失真度参数 ** MatchFundamentalMatrixRansac( Image1: X; Image2: X; Rows1, Cols1, Rows2, Cols2, GrayMatchMethod, MaskSize, RowMove, ColMove, RowTolerance, ColTolerance, Rotation, MatchThreshold, EstimationMethod, DistanceThreshold, RandSeed, out FMatrix, out CovFMat, out Error, out Points1, out Points2);
说明, 按RANSA算法匹配矩阵,基本匹配 ** MatchRelPoseRansac( Image1: X; Image2: X; Rows1, Cols1, Rows2, Cols2, CamPar1, CamPar2, GrayMatchMethod, MaskSize, RowMove, ColMove, RowTolerance, ColTolerance, Rotation, MatchThreshold, EstimationMethod, DistanceThreshold, RandSeed, out RelPose, out CovRelPose, out Error, out Points1, out Points2);
说明, 按RANSA算法匹配相对位置 ** MaxImage( Image1: X; Image2: X; out ImageMax: X);
说明, max_image,按像素计算两个图像的最大值。 ** MeanCurvatureFlow( Image: X; out ImageMCF: X; Sigma, Theta, Iterations);
说明, mean_curvature_flow,把平均曲率应用在一个图像中。 ** MeanImage( Image: X; out ImageMean: X; MaskWidth, MaskHeight); ** MeanN( Image: X; out ImageMean: X);
说明, mean_n,几个通道的平均灰度值。 ** MeanSp( Image: X; out ImageSPMean: X; MaskWidth, MaskHeight, MinThresh, MaxThresh);
说明, mean_sp,抑制椒盐噪声。 ** MeasurePairs( Image: X; MeasureHandle, Sigma, Threshold, Transition, Select, out RowEdgeFirst, out ColumnEdgeFirst, out AmplitudeFirst, out RowEdgeSecond, out ColumnEdgeSecond, out AmplitudeSecond, out IntraDistance, out InterDistance);
说明, measure_pairs,提取与矩形或环状弧垂直的直线边缘。 ** MeasurePos( Image: X; MeasureHandle, Sigma, Threshold, Transition, Select, out RowEdge, out ColumnEdge, out Amplitude, out Distance); ** MeasureProfileSheetOfLight( ProfileImage: X; SheetOfLightModelID, MovementPose); ** MeasureProjection( Image: X; MeasureHandle, out GrayValues);
说明, measure_projection,提取垂直于一个矩形或环状弧的灰度值轮廓,。 ** MeasureThresh( Image: X; MeasureHandle, Sigma, Threshold, Select, out RowThresh, out ColumnThresh, out Distance);
说明, measure_thresh,提取沿着一个矩形或环状弧,特殊灰度值的点。 ** MedianImage( Image: X; out ImageMedian: X; MaskType, Radius, Margin); ** MedianRect( Image: X; out ImageMedian: X; MaskWidth, MaskHeight);
说明, 均值滤波矩形 ** MedianSeparate( Image: X; out ImageSMedian: X; MaskWidth, MaskHeight, Margin);
说明, median_separate,使用矩形掩码的离散中值滤波。 ** MedianWeighted( Image: X; out ImageWMedian: X; MaskType, MaskSize);
说明, median_weighted,使用不同级别掩码的加权中值滤波。 ** MergeContLineScanXld( CurrConts: X; PrevConts: X; out CurrMergedConts: X; out PrevMergedConts: X; ImageHeight, Margin, MergeBorder, MaxImagesCont);
说明, merge_cont_line_scan_xld,合并连续线扫描图像中的XLD轮廓,。 ** MergeRegionsLineScan( CurrRegions: X; PrevRegions: X; out CurrMergedRegions: X; out PrevMergedRegions: X; ImageHeight, MergeBorder, MaxImagesRegion);
说明, merge_regions_line_scan,从行扫描图像合并区域。 ** MidrangeImage( Image: X; Mask: X; out ImageMidrange: X; Margin);
说明, midrange_image,计算掩码内最大和最小值的平均。 ** MinImage( Image1: X; Image2: X; out ImageMin: X);
说明, min_image,按像素计算两个图像的最大小值。 ** MinMaxGray( Regions: X; Image: X; Percent, out Min, out Max, out Range);
说明, min_max_gray,计算区域内的最大和最小灰度值。 ** MirrorImage( Image: X; out ImageMirror: X; Mode);
说明, mirror_image,镜像一个图像。 ** ModParallelsXld( Parallels: X; Image: X; out ModParallels: X; out ExtParallels: X; Quality, MinGray, MaxGray, MaxStandard);
说明, mod_parallels_xld,提取一个包括同质区域的并行XLD多边形(polygon)。 ** MomentsGrayPlane( Regions: X; Image: X; out MRow, out MCol, out Alpha, out Beta, out Mean);
说明, moments_gray_plane,通过一个平面计算灰度值力矩和近似值。 ** Monotony( Image: X; out ImageMonotony: X);
说明, monotony,计算单一操作。 ** MultImage( Image1: X; Image2: X; out ImageResult: X; Mult, Add);
说明, mult_image,使两个图像相乘。 ** NoiseDistributionMean( Region: X; Image: X; FilterSize, out Distribution);
说明, noise_distribution_mean,测定一个图像的噪声分布。 ** NonmaxSuppressionAmp( ImgAmp: X; out ImageResult: X; Mode);
说明, nonmax_suppression_amp,抑制一幅图像上的非最大值点。 ** NonmaxSuppressionDir( ImgAmp: X; ImgDir: X; out ImageResult: X; Mode);
说明, nonmax_suppression_dir,利用指定图像抑制一幅图像上的非最大值点。 ** OpenFramegrabber( Name, HorizontalResolution, VerticalResolution, ImageWidth, ImageHeight, StartRow, StartColumn, Field, BitsPerChannel, ColorSpace, Generic, ExternalTrigger, CameraType, Device, Port, LineIn, out AcqHandle);
说明, open_framegrabber,打开并配置一个图像获取设备。 ** OpticalFlowMg( Image1: X; Image2: X; out VectorField: X; Algorithm, SmoothingSigma, IntegrationSigma, FlowSmoothness, Gradientancy, MGParamName, MGParamValue);
说明, optical_flow_mg,计算两个图像之间的光流。 ** OverpaintGray( ImageDestination: X; ImageSource: X);
说明, overpaint_gray,重新绘制一个图像的灰度值。 ** OverpaintRegion( Image: X; Region: X; Grayval, Type_);
说明, overpaint_region,重新绘制一个图像的区域。 ** PaintGray( ImageSource: X; ImageDestination: X; out MixedImage: X);
说明, paint_gray,把一个图像的灰度值画在另一个图像上。 ** PaintRegion( Region: X; Image: X; out ImageResult: X; Grayval, Type_);
说明, paint_region,把区域画在一个图像中。 ** PaintXld( XLD: X; Image: X; out ImageResult: X; Grayval);
说明, paint_xld,把XLD目标画在一个图像中。 ** PhaseDeg( ImageComplex: X; out ImagePhase: X);
说明, phase_deg,返回用角度表示的一个复杂图像的相位。 ** PhaseRad( ImageComplex: X; out ImagePhase: X);
说明, phase_rad,返回用弧度表示的一个复杂图像的相位。 ** PhotometricStereo( Images: X; out HeightField: X; out Gradient: X; out Albedo: X; Slants, Tilts, ResultType, ReructionMethod, GenParamName, GenParamValue); ** PhotStereo( Images: X; out Height: X; Slants, Tilts);
说明, phot_stereo,根据至少三个灰度值的图像来重建一个平面。 ** PlaneDeviation( Regions: X; Image: X; out Deviation);
说明, plane_deviation,从近似像平面计算灰度值的偏差。 ** Plateaus( Image: X; out Plateaus: X);
说明, plateaus,检测所有平稳状态灰度值。 ** PlateausCenter( Image: X; out Plateaus: X);
说明, plateaus_center,检测所有平稳状态灰度值的中心。 ** PointsFoerstner( Image: X; SigmaGrad, SigmaInt, SigmaPoints, ThreshInhom, ThreshShape, Smoothing, EliminateDoublets, out RowJunctions, out ColumnJunctions, out CoRRJunctions, out CoRCJunctions, out CoCCJunctions, out RowArea, out ColumnArea, out CoRRArea, out CoRCArea, out CoCCArea);
说明, points_foerstner,使用F?rstner算子检测关注点。 ** PointsHarris( Image: X; SigmaGrad, SigmaSmooth, Alpha, Threshold, out Row, out Column);
说明, points_harris,使用Harris算子检测关注点。 ** PointsHarrisBinomial( Image: X; MaskSizeGrad, MaskSizeSmooth, Alpha, Threshold, Subpix, out Row, out Column);
说明, 使用Harris算子检测关注二项式。 ** PointsLepetit( Image: X; Radius, CheckNeighbor, MinCheckNeighborDiff, MinScore, Subpix, out Row, out Column);
说明, ** PointsSojka( Image: X; MaskSize, SigmaW, SigmaD, MinGrad, MinApparentness, MinAngle, Subpix, out Row, out Column);
说明, points_sojka,使用Sojka算子找出角点。 ** PolarTransImage( ImageXY: X; out ImagePolar: X; Row, Column, Width, Height);
说明, polar_trans_image,把一个图像转换成极坐标。 ** PolarTransImageExt( Image: X; out PolarTransImage: X; Row, Column, AngleStart, AngleEnd, RadiusStart, RadiusEnd, Width, Height, Interpolation);
说明, polar_trans_image_ext,把一个图像中的环形弧转变成极坐标。 ** PolarTransImageInv( PolarImage: X; out XYTransImage: X; Row, Column, AngleStart, AngleEnd, RadiusStart, RadiusEnd, Width, Height, Interpolation);
说明, polar_trans_image_inv,把极坐标中的图像转变成直角坐标。 ** Pouring( Image: X; out Regions: X; Mode, MinGray, MaxGray);
说明, pouring,根据大于pouring water”分割图像。 ** PowerByte( Image: X; out PowerByte: X);
说明, power_byte,返回一个复杂图像的功率谱。 ** PowerLn( Image: X; out ImageResult: X);
说明, power_ln,返回一个复杂图像的功率谱。 ** PowerReal( Image: X; out ImageResult: X);
说明, power_real,返回一个复杂图像的功率谱。 ** PowImage( Image: X; out PowImage: X; Exponent);
说明, 图像乘方值 ** PrepareDirectVariationModel( RefImage: X; VarImage: X; ModelID, AbsThreshold, VarThreshold);
说明, prepare_direct_variation_model,为图像对比准备一个变化模型。 ** PrewittAmp( Image: X; out ImageEdgeAmp: X);
说明, prewitt_amp,使用Prewitt算子检测边缘(幅值)。 ** PrewittDir( Image: X; out ImageEdgeAmp: X; out ImageEdgeDir: X);
说明, prewitt_dir,使用Prewitt算子检测边缘(幅值和相位)。 ** PrincipalComp( MultiChannelImage: X; out PCAImage: X; out InfoPerComp);
说明, principal_comp,计算多通道图像的主要部分。 ** ProjectiveTransImage( Image: X; out TransImage: X; HomMat2d, Interpolation, AdaptImageSize, TransformDomain);
说明, projective_trans_image,把投影变换应用于一个图像中。 ** ProjectiveTransImageSize( Image: X; out TransImage: X; HomMat2d, Interpolation, Width, Height, TransformDomain);
说明, projective_trans_image_size,把投影变换应用于一个图像中并且指定输出图像的大小。 ** ProjMatchPointsDistortionRansac( Image1: X; Image2: X; Rows1, Cols1, Rows2, Cols2, GrayMatchMethod, MaskSize, RowMove, ColMove, RowTolerance, ColTolerance, Rotation, MatchThreshold, EstimationMethod, DistanceThreshold, RandSeed, out HomMat2d, out Kappa, out Error, out Points1, out Points2);
说明, Ransac算法节点投影失真计算 ** ProjMatchPointsDistortionRansacGuided( Image1: X; Image2: X; Rows1, Cols1, Rows2, Cols2, GrayMatchMethod, MaskSize, HomMat2dGuide, KappaGuide, DistanceTolerance, MatchThreshold, EstimationMethod, DistanceThreshold, RandSeed, out HomMat2d, out Kappa, out Error, out Points1, out Points2);
说明, Ransac引导算法节点投影失真计算 ** ProjMatchPointsRansac( Image1: X; Image2: X; Rows1, Cols1, Rows2, Cols2, GrayMatchMethod, MaskSize, RowMove, ColMove, RowTolerance, ColTolerance, Rotation, MatchThreshold, EstimationMethod, DistanceThreshold, RandSeed, out HomMat2d, out Points1, out Points2);
说明, Ransac算法,投影节点匹配 ** ProjMatchPointsRansacGuided( Image1: X; Image2: X; Rows1, Cols1, Rows2, Cols2, GrayMatchMethod, MaskSize, HomMat2dGuide, DistanceTolerance, MatchThreshold, EstimationMethod, DistanceThreshold, RandSeed, out HomMat2d, out Points1, out Points2);
说明, Ransac引导算法,投影节点匹配 ** RadiometricSelfCalibration( Images: X; ExposureRatios, Features, FunctionType, Smoothness, PolynomialDegree, out InverseResponse);
说明, radiometric_self_calibration,执行一个相机的辐射测量的自校准。 ** RankImage( Image: X; Mask: X; out ImageRank: X; Rank, Margin);
说明, rank_image,通过一个任意等级掩码平滑一个图像。 ** RankN( Image: X; out RankImage: X; RankIndex);
说明, 生成RankN图像 ** RankRect( Image: X; out ImageRank: X; MaskWidth, MaskHeight, Rank);
说明, 给对矩形的操作归类。 ** ReadImage( out Image: X; FileName);
说明, read_image,读取有不同文件格式的图像。 ** ReadSequence( out Image: X; HeaderSize, SourceWidth, SourceHeight, StartRow, StartColumn, DestWidth, DestHeight, PixelType, BitOrder, ByteOrder, Pad, Index, FileName);
说明, read_sequence,读取图像。 ** RealToComplex( ImageReal: X; ImageImaginary: X; out ImageComplex: X);
说明, real_to_complex,把两个实际图像转变为一个复杂图像。 ** ReceiveImage( out Image: X; Socket);
说明, receive_image,通过插口连接接收图像。 ** Rectangle1Domain( Image: X; out ImageReduced: X; Row1, Column1, Row2, Column2);
说明, rectangle1_domain,把一个图像的区域缩小到一个矩形。 ** ReduceDomain( Image: X; Region: X; out ImageReduced: X);
说明, reduce_domain,缩小一个图像的区域。 ** Regiongrowing( Image: X; out Regions: X; Row, Column, Tolerance, MinSize);
说明, regiongrowing,利用区域增长分割图像。 ** RegiongrowingMean( Image: X; out Regions: X; StartRows, StartColumns, Tolerance, MinSize);
说明, regiongrowing_mean,利用平均灰度值执行区域增长。 ** RegiongrowingN( MultiChannelImage: X; out Regions: X; Metric, MinTolerance, MaxTolerance, MinSize);
说明, regiongrowing_n,利用区域增长为多通道图像分割图像。 ** RegionToBin( Region: X; out BinImage: X; ForegroundGray, BackgroundGray, Width, Height);
说明, region_to_bin,把一个区域转变为一个二进制字节图像。 ** RegionToLabel( Region: X; out ImageLabel: X; Type_, Width, Height);
说明, region_to_label,把区域转变为一个标签图像。 ** RegionToMean( Regions: X; Image: X; out ImageMean: X);
说明, region_to_mean,用它们的平均灰度值绘制区域。 ** RenderObjectModel3D( out Image: X; ObjectModel3D, CamParam, Pose, GenParamName, GenParamValue);
说明, 渲染3d模型对象 ** ResetObjDb( DefaultImageWidth, DefaultImageHeight, DefaultChannels);
说明, reset_obj_db,HALCON系统的初始化。 ** RftGeneric( Image: X; out ImageFFT: X; Direction, Norm, ResultType, Width);
说明, rft_generic,计算一个图像的实值快速傅里叶变换。 ** Rgb1ToGray( RGBImage: X; out GrayImage: X);
说明, rgb1_to_gray,把一个RGB图像转变成一个灰度图像。 ** Rgb3ToGray( ImageRed: X; ImageGreen: X; ImageBlue: X; out ImageGray: X);
说明, rgb3_to_gray,把一个RGB图像转变成一个灰度图像。 ** Roberts( Image: X; out ImageRoberts: X; FilterType);
说明, roberts,使用Roberts滤波器检测边缘。 ** RobinsonAmp( Image: X; out ImageEdgeAmp: X);
说明, robinson_amp,使用Robinson算子检测边缘(幅值)。 ** RobinsonDir( Image: X; out ImageEdgeAmp: X; out ImageEdgeDir: X);
说明, robinson_dir,使用Robinson算子检测边缘(幅值和相位)。 ** RotateImage( Image: X; out ImageRotate: X; Phi, Interpolation);
说明, rotate_image,以一个图像的中心为圆心旋转。 ** ructSurfaceStereo( Images: X; StereoModelID, out ObjectModel3D);
说明, 从立体表面获取高度 ** RunBgEsti( PresentImage: X; out ForegroundRegion: X; BgEstiHandle);
说明, run_bg_esti,评估背景并返回前景区域。 ** SaddlePointsSubPix( Image: X; Filter, Sigma, Threshold, out Row, out Column);
说明, saddle_points_sub_pix,一幅图像中底部点的子像素精确度检测。 ** ScaleImage( Image: X; out ImageScaled: X; Mult, Add);
说明, scale_image,为一个图像的灰度值分级。 ** ScaleImageMax( Image: X; out ImageScaleMax: X);
说明, scale_image_max,最大灰度值在0到255范围内。 ** SegmentCharacters( Region: X; Image: X; out ImageForeground: X; out RegionForeground: X; Method, EliminateLines, DotPrint, StrokeWidth, CharWidth, CharHeight, ThresholdOffset, Contrast, out UsedThreshold);
说明, segment_characters,将图像给定区域的字符分割。 ** SelectGray( Regions: X; Image: X; out SelectedRegions: X; Features, Operation, Min, Max);
说明, select_gray,选择基于灰度值特征的区域。 ** SelectGrayvaluesFromChannels( MultiChannelImage: X; IndexImage: X; out Selected: X);
说明, select_grayvalues_from_channels,利用索引图像选择一个多通道图像的灰度值。 ** SendImage( Image: X; Socket);
说明, send_image,通过插口连接发送图像。 ** SerializeImage( Image: X; out SerializedItemHandle);
说明, 图像数据序列化 ** SetFramegrabberLut( AcqHandle, ImageRed, ImageGreen, ImageBlue);
说明, set_framegrabber_lut,设置图像获取设备查询表。 ** SetGrayval( Image: X; Row, Column, Grayval);
说明, set_grayval,在一个图像中设置单灰度值。 ** SetLocalDeformableModelMetric( Image: X; VectorField: X; ModelID, Metric);
说明, 设置变形模型本地参数 ** SetMetrologyModelImageSize( MetrologyHandle, Width, Height);
说明, 设置计量模型图像尺寸参数 ** SetPlanarCalibDeformableModelMetric( Image: X; ModelID, Pose, Metric);
说明, 设置变形模型校准平面单位 ** SetPlanarUncalibDeformableModelMetric( Image: X; ModelID, HomMat2d, Metric);
说明, 设置变形模型未校准平面单位 ** SetProfileSheetOfLight( ProfileDisparityImage: X; SheetOfLightModelID, MovementPoses);
说明, 设置光线表参数文件 ** SetShapeModelMetric( Image: X; ModelID, HomMat2d, Metric);
说明, 设置轮廓模型单位 ** SetStereoModelImagePairs( StereoModelID, From, To_);
说明, 设置双目立体模型图像参数 ** SfsModLr( Image: X; out Height: X; Slant, Tilt, Albedo, Ambient);
说明, sfs_mod_lr,从一个灰度值图像重建一个平面。 ** SfsOrigLr( Image: X; out Height: X; Slant, Tilt, Albedo, Ambient);
说明, sfs_orig_lr,从一个灰度值图像重建一个平面。 ** SfsPentland( Image: X; out Height: X; Slant, Tilt, Albedo, Ambient);
说明, sfs_pentland,从一个灰度值图像重建一个平面。 ** ShadeHeightField( ImageHeight: X; out ImageShade: X; Slant, Tilt, Albedo, Ambient, Shadows);
说明, shade_height_field,遮蔽一个突起的字段。 ** ShapeHistoAll( Region: X; Image: X; Feature, out AbsoluteHisto, out RelativeHisto);
说明, shape_histo_all,用极限值确定特征的一个直方图。 ** ShapeHistoPoint( Region: X; Image: X; Feature, Row, Column, out AbsoluteHisto, out RelativeHisto);
说明, shape_histo_point,用极限值确定特征的一个直方图。 ** ShockFilter( Image: X; out SharpenedImage: X; Theta, Iterations, Mode, Sigma);
说明, shock_filter,把一个冲击滤波器应用到一个图像中。 ** SigmaImage( Image: X; out ImageSigma: X; MaskHeight, MaskWidth, Sigma);
说明, sigma_image,使用sigma滤波器的非线性平滑。 ** SimCaltab( out SimImage: X; CalTabDescrFile, CameraParam, CaltabPose, GrayBackground, GrayCaltab, GrayMarks, ScaleFac);
说明, sim_caltab,根据校准板模拟一幅图像。 ** SimulateDefocus( Image: X; out DefocusedImage: X; Blurring);
说明, simulate_defocus,对一个图像的均匀散焦模糊进行仿真。 ** SimulateMotion( Image: X; out MovedImage: X; Blurring, Angle, Type_);
说明, simulate_motion,(线性)运动模糊的仿真。 ** SinImage( Image: X; out SinImage: X); ** SlideImage( WindowHandleSource1, WindowHandleSource2, WindowHandle);
说明, slide_image,两个窗口缓冲区的交互输出。 ** SmoothImage( Image: X; out ImageSmooth: X; Filter, Alpha);
说明, smooth_image,使用递归滤波器平滑一个图像。 ** SobelAmp( Image: X; out EdgeAmplitude: X; FilterType, Size);
说明, sobel_amp,使用Sobel算子检测边缘(幅值)。 ** SobelDir( Image: X; out EdgeAmplitude: X; out EdgeDirection: X; FilterType, Size);
说明, sobel_dir,使用Sobel算子检测边缘(幅值和相位)。 ** SqrtImage( Image: X; out SqrtImage: X);
说明, sqrt_image,计算一个图像的平方根。 ** StationaryCameraSelfCalibration( NumImages, ImageWidth, ImageHeight, ReferenceImage, MappingSource, MappingDest, HomMatrices2D, Rows1, Cols1, Rows2, Cols2, NumCorrespondences, EstimationMethod, CameraModel, FixedCameraParams, out CameraMatrices, out Kappa, out RotationMatrices, out X, out Y, out Z, out Error);
说明, stationary_camera_self_calibration,投射一个静止投射相机的自校准。 ** SubImage( ImageMinuend: X; ImageSubtrahend: X; out ImageSub: X; Mult, Add);
说明, sub_image,使两个图像相减。 ** Symmetry( Image: X; out ImageSymmetry: X; MaskSize, Direction, Exponent);
说明, symmetry,沿一行的灰度值的对称性。 ** TanImage( Image: X; out TanImage: X);
说明, 图像正切值 ** TestdOcrClassBox( Character: X; Image: X; OCRHandle, Class_, out Confidence);
说明, testd_ocr_class_box,测试给定类中字符的置信度。 ** TextLineOrientation( Region: X; Image: X; CharHeight, OrientationFrom, OrientationTo, out OrientationAngle);
说明, text_line_orientation,决定一个文本行或段落的定向(定位)。 ** TextLineSlant( Region: X; Image: X; CharHeight, SlantFrom, SlantTo, out SlantAngle);
说明, text_line_slant,决定一个文本行或段落的字符的倾斜。 ** TextureLaws( Image: X; out ImageTexture: X; FilterTypes, Shift, FilterSize);
说明, texture_laws,使用一个Laws文本滤波器过滤一个图像。 ** Threshold( Image: X; out Region: X; MinGray, MaxGray); ** ThresholdSubPix( Image: X; out Border: X; Threshold);
说明, threshold_sub_pix,根据子像素的准确性从图像中提取水平(平坦)交叉口。 ** TileChannels( Image: X; out TiledImage: X; NumColumns, TileOrder);
说明, tile_channels,把多重图像拼成一个大图像。 ** TileImages( Images: X; out TiledImage: X; NumColumns, TileOrder);
说明, tile_images,把多重图像目标拼成一个大图像。 ** TileImagesOffset( Images: X; out TiledImage: X; OffsetRow, OffsetCol, Row1, Col1, Row2, Col2, Width, Height);
说明, tile_images_offset,把多重图像目标拼成一个有确定的位置信息的大图像。 ** TopographicSketch( Image: X; out Sketch: X);
说明, topographic_sketch,计算一个图像的地理原始草图。 ** TraindOcrClassBox( Character: X; Image: X; OCRHandle, Class_, out AvgConfidence);
说明, traind_ocr_class_box,通过一幅图像的特定区域直接测试分级器。 ** TrainModelComponents( ModelImage: X; InitialComponents: X; TrainingImages: X; out ModelComponents: X; ContrastLow, ContrastHigh, MinSize, MinScore, SearchRowTol, SearchColumnTol, SearchAngleTol, TrainingEmphasis, AmbiguityCriterion, MaxContourOverlap, ClusterThreshold, out ComponentTrainingID);
说明, train_model_components,为基于组件的匹配训练组件和关系。 ** TrainVariationModel( Images: X; ModelID);
说明, train_variation_model,测试一个变化模型。 ** TransFromRgb( ImageRed: X; ImageGreen: X; ImageBlue: X; out ImageResult1: X; out ImageResult2: X; out ImageResult3: X; ColorSpace);
说明, trans_from_rgb,把一个图像从RGB颜色空间转变成任意颜色空间。 ** TransToRgb( ImageInput1: X; ImageInput2: X; ImageInput3: X; out ImageRed: X; out ImageGreen: X; out ImageBlue: X; ColorSpace);
说明, trans_to_rgb,把一个图像从任意颜色空间转变成RGB颜色空间。 ** TrimmedMean( Image: X; Mask: X; out ImageTMean: X; Number, Margin);
说明, trimmed_mean,使用任意等级掩码平滑一个图像。 ** UnprojectCoordinates( Image: X; WindowHandle, Row, Column, out ImageRow, out ImageColumn, out Height);
说明, 取消坐标投影 ** UnwarpImageVectorField( Image: X; VectorField: X; out ImageUnwarped: X);
说明, unwarp_image_vector_field,使用一个矢量场来展开一个图像。 ** UpdateBgEsti( PresentImage: X; UpDateRegion: X; BgEstiHandle);
说明, update_bg_esti,改变估测背景图像。 ** VarThreshold( Image: X; out Region: X; MaskWidth, MaskHeight, StdDevScale, AbsThreshold, LightDark);
说明, var_threshold,根据局域平均标准偏差分析将图像二值化。 ** VectorToFundamentalMatrixDistortion( Rows1, Cols1, Rows2, Cols2, CovRR1, CovRC1, CovCC1, CovRR2, CovRC2, CovCC2, ImageWidth, ImageHeight, Method, out FMatrix, out Kappa, out Error, out X, out Y, out Z, out W);
说明, 矢量矩阵失真变换 ** VectorToPose( WorldX, WorldY, WorldZ, ImageRow, ImageColumn, CameraParam, Method, QualityType, out Pose, out Quality);
说明, 矢量姿态矩阵变换 ** VectorToProjHomMat2dDistortion( Points1Row, Points1Col, Points2Row, Points2Col, CovRR1, CovRC1, CovCC1, CovRR2, CovRC2, CovCC2, ImageWidth, ImageHeight, Method, out HomMat2d, out Kappa, out Error);
说明, 矢量2d矩阵失真变换 ** Watersheds( Image: X; out Basins: X; out Watersheds: X); ** WatershedsThreshold( Image: X; out Basins: X; Threshold);
说明, watersheds_threshold,利用阀值从一幅图像中提取分水岭盆地”。 ** WienerFilter( Image: X; Psf: X; FilteredImage: X; out RestoredImage: X);
说明, wiener_filter,通过Wiener滤波进行图像恢复。 ** WienerFilterNi( Image: X; Psf: X; NoiseRegion: X; out RestoredImage: X; MaskWidth, MaskHeight);
说明, wiener_filter_ni,通过Wiener滤波进行图像恢复。 ** WriteImage( Image: X; Format, FillColor, FileName);
说明, write_image,用图形格式写图像。 ** WriteOcrTrainf( Character: X; Image: X; Class_, TrainingFile);
说明, write_ocr_trainf,将已测试的字符存储到文件中。 ** WriteOcrTrainfImage( Character: X; Class_, TrainingFile);
说明, write_ocr_trainf_image,将字符写入正在测试的文件中。 ** ZeroCrossing( Image: X; out RegionCrossing: X);
说明, zero_crossing,从一幅图像中提取零相交。 ** ZeroCrossingSubPix( Image: X; out ZeroCrossings: X);
说明, zero_crossing_sub_pix,根据子像素准确性从一幅图像中提取零相交。 ** ZoomImageFactor( Image: X; out ImageZoomed: X; ScaleWidth, ScaleHeight, Interpolation);
说明, zoom_image_factor,把一个图像缩放规定因子倍。 ** ZoomImageSize( Image: X; out ImageZoom: X; Width, Height, Interpolation);
说明, zoom_image_size,把一个图像缩放到规定大小。