在线时间:8:00-16:00
迪恩网络APP
随时随地掌握行业动态
扫描二维码
关注迪恩网络微信公众号
《zw版·Halcon-delphi系列原创教程》 Halcon分类函数006, image,影像处理(像素图)
【示例】 说明 函数: procedure AddNoiseWhiteContourXld( const Contours: IHUntypedObjectX; out NoisyContours: IHUntypedObjectX; NumRegrPoints: OleVariant; Amp: OleVariant); 简化后为: ** AddNoiseWhiteContourXld( Contours: X; out NoisyContours: X; NumRegrPoints, Amp);
1 ** AbsDiffImage( Image1: X; Image2: X; out ImageAbsDiff: X; Mult); 2 说明, abs_diff_image ( Image1, Image2 : ImageAbsDiff : Mult : ) ,计算两个图像的绝对差值。 3 4 ** AbsImage( Image: X; out ImageAbs: X); 5 说明, abs_image,计算一个图像的绝对值(模数)。 6 7 ** AccessChannel( MultiChannelImage: X; out Image: X; Channel); 8 说明, access_channel,获取多通道图像的一个通道。 9 10 ** AcosImage( Image: X; out ArccosImage: X); 11 说明, acos_image ( Image : ArccosImage : : ),计算图像的余弦 12 13 ** AdaptTemplate( Image: X; TemplateID); 14 说明, adapt_template,把模板用于图像的大小。 15 16 ** AddChannels( Regions: X; Image: X; out GrayRegions: X); 17 说明, add_channels,把两个灰度值添加到区域中。 18 19 ** AddImage( Image1: X; Image2: X; out ImageResult: X; Mult, Add); 20 说明, add_image,使两个图像相加。 21 22 ** AddNoiseDistribution( Image: X; out ImageNoise: X; Distribution); 23 说明, add_noise_distribution,向一个图像添加噪声。 24 25 ** AddNoiseWhite( Image: X; out ImageNoise: X; Amp); 26 说明, add_noise_white,向一个图像添加噪声。 27 28 ** AddSampleIdentifierPreparationData( SampleImage: X; SampleIdentifier, ObjectIdx, GenParamName, GenParamValue, out ObjectSampleIdx); 29 说明, 增加预设标定数据 30 31 ** AddSampleIdentifierTrainingData( SampleImage: X; SampleIdentifier, ObjectIdx, GenParamName, GenParamValue, out ObjectSampleIdx); 32 说明, 增加标定训练数据 33 34 ** AddSamplesImageClassGmm( Image: X; ClassRegions: X; GMMHandle, Randomize); 35 说明, add_samples_image_class_gmm,将从图像中获取的测试样本添加到高斯混合模型的测试数据库中。 36 37 ** AddSamplesImageClassKnn( Image: X; ClassRegions: X; KNNHandle); 38 39 ** AddSamplesImageClassMlp( Image: X; ClassRegions: X; MLPHandle); 40 说明, add_samples_image_class_mlp,将从图像中获取的测试样本添加到多层视感控器的测试数据库中。 41 42 ** AddSamplesImageClassSvm( Image: X; ClassRegions: X; SVMHandle); 43 说明, add_samples_image_class_svm,将从图像中获取的测试样本添加到一个支持向量机的测试数据库中。 44 45 ** AdjustMosaicImages( Images: X; out CorrectedImages: X; From, To_, ReferenceImage, HomMatrices2D, EstimationMethod, EstimateParameters, OECFModel); 46 说明, adjust_mosaic_images,全景图像的自动颜色更改。 47 48 ** AffineTransImage( Image: X; out ImageAffinTrans: X; HomMat2d, Interpolation, AdaptImageSize); 49 说明, affine_trans_image,把任意仿射2D变换应用在图像中。 50 51 ** AffineTransImageSize( Image: X; out ImageAffinTrans: X; HomMat2d, Interpolation, Width, Height); 52 说明, affine_trans_image_size,把任意仿射2D变换应用在图像中并且指定输出图像大小。 53 54 ** AnisotropeDiff( Image: X; out ImageAniso: X; Percent, Mode, Iteration, NeighborhoodType); 55 说明, anisotrope_diff,通过保边各向异性扩散平滑一个图像。 56 57 ** AnisotropicDiffusion( Image: X; out ImageAniso: X; Mode, Contrast, Theta, Iterations); 58 说明, anisotropic_diffusion,对一个图像执行各向异性扩散。 59 60 ** AppendChannel( MultiChannelImage: X; Image: X; out ImageExtended: X); 61 说明, append_channel,把附加模型(通道)添加到图像上。 62 63 ** AppendOcrTrainf( Character: X; Image: X; Class_, TrainingFile); 64 说明, append_ocr_trainf,将字符添加到一个测试文件中。 65 66 ** ApplyColorTransLut( Image1: X; Image2: X; Image3: X; out ImageResult1: X; out ImageResult2: X; out ImageResult3: X; ColorTransLUTHandle); 67 说明, apply_color_trans_lut ( Image1, Image2, Image3 : ImageResult1,ImageResult2, ImageResult3 : ColorTransLUTHandle : ) 68 69 ** ApplyMetrologyModel( Image: X; MetrologyHandle); 70 说明, 应用测量模型 71 72 ** ApplySampleIdentifier( Image: X; SampleIdentifier, NumResults, RatingThreshold, GenParamName, GenParamValue, out ObjectIdx, out Rating); 73 说明, 应用样本标识 74 75 ** AreaCenterGray( Regions: X; Image: X; out Area, out Row, out Column); 76 77 ** AsinImage( Image: X; out ArcsinImage: X); 78 说明, 计算图像的反正弦 79 80 ** Atan2Image( ImageY: X; ImageX: X; out ArctanImage: X); 81 说明, 计算2个图像的反正切 82 83 ** AtanImage( Image: X; out ArctanImage: X); 84 说明, 计算图像的反正切 85 86 ** AutoThreshold( Image: X; out Regions: X; Sigma); 87 说明, auto_threshold,根据直方图决定的阀值分割图像。 88 89 ** BandpassImage( Image: X; out ImageBandpass: X; FilterType); 90 说明, bandpass_image,使用带通滤波器提取边缘。 91 92 ** BestMatch( Image: X; TemplateID, MaxError, SubPixel, out Row, out Column, out Error); 93 说明, best_match,寻找一个模板和一个图像的最佳匹配。 94 95 ** BestMatchMg( Image: X; TemplateID, MaxError, SubPixel, NumLevels, WhichLevels, out Row, out Column, out Error); 96 说明, best_match_mg,在金字塔中寻找最佳灰度值匹配。 97 98 ** BestMatchPreMg( ImagePyramid: X; TemplateID, MaxError, SubPixel, NumLevels, WhichLevels, out Row, out Column, out Error); 99 说明, best_match_pre_mg,在预生成的金字塔中寻找最佳灰度值匹配。 100 101 ** BestMatchRot( Image: X; TemplateID, AngleStart, AngleExtend, MaxError, SubPixel, out Row, out Column, out Angle, out Error); 102 说明, best_match_rot,寻找一个模板和一个旋转图像的最佳匹配。 103 104 ** BestMatchRotMg( Image: X; TemplateID, AngleStart, AngleExtend, MaxError, SubPixel, NumLevels, out Row, out Column, out Angle, out Error); 105 说明, best_match_rot_mg,寻找一个模板和一个旋转金字塔的最佳匹配。 106 107 ** BinocularDisparity( Image1: X; Image2: X; out Disparity: X; out Score: X; Method, MaskWidth, MaskHeight, TextureThresh, MinDisparity, MaxDisparity, NumLevels, ScoreThresh, Filter, SubDisparity); 108 说明, binocular_disparity,计算一个矫正图像对的不均衡。 109 110 ** BinocularDisparityMg( Image1: X; Image2: X; out Disparity: X; out Score: X; Grayancy, Gradientancy, Smoothness, InitialGuess, CalculateScore, MGParamName, MGParamValue); 111 112 ** BinocularDistance( Image1: X; Image2: X; out Distance: X; out Score: X; CamParamRect1, CamParamRect2, RelPoseRect, Method, MaskWidth, MaskHeight, TextureThresh, MinDisparity, MaxDisparity, NumLevels, ScoreThresh, Filter, SubDistance); 113 说明, binocular_distance,计算一个矫正立体图像对的间隔值。 114 115 ** BinocularDistanceMg( Image1: X; Image2: X; out Distance: X; out Score: X; CamParamRect1, CamParamRect2, RelPoseRect, Grayancy, Gradientancy, Smoothness, InitialGuess, CalculateScore, MGParamName, MGParamValue); 116 117 ** BinomialFilter( Image: X; out ImageBinomial: X; MaskWidth, MaskHeight); 118 119 ** BinThreshold( Image: X; out Region: X); 120 说明, bin_threshold,根据自动产生的阀值分割图像。 121 122 ** BitAnd( Image1: X; Image2: X; out ImageAnd: X); 123 说明, bit_and,输入图像的所有像素的逐位与。 124 125 ** BitLshift( Image: X; out ImageLShift: X; Shift); 126 说明, bit_lshift,图像的所有像素的左移。 127 128 ** BitMask( Image: X; out ImageMask: X; BitMask); 129 说明, bit_mask,使用位掩码的每个像素的逻辑与。 130 131 ** BitNot( Image: X; out ImageNot: X); 132 说明, bit_not,对像素的所有位求补。 133 134 ** BitOr( Image1: X; Image2: X; out ImageOr: X); 135 说明, bit_or,输入图像的所有像素的逐位或。 136 137 ** BitRshift( Image: X; out ImageRShift: X; Shift); 138 说明, bit_rshift,图像的所有像素的右移。 139 140 ** BitSlice( Image: X; out ImageSlice: X; Bit); 141 说明, bit_slice,从像素中提取一位。 142 143 ** BitXor( Image1: X; Image2: X; out ImageXor: X); 144 说明, bit_xor,输入图像的所有像素的逐位异或。 145 146 ** BundleAdjustMosaic( NumImages, ReferenceImage, MappingSource, MappingDest, HomMatrices2D, Rows1, Cols1, Rows2, Cols2, NumCorrespondences, Transformation, out MosaicMatrices2D, out Rows, out Cols, out Error); 147 说明, bundle_adjust_mosaic,对一幅图像的嵌合体采取一系列调整。 148 149 ** CamMatToCamPar( CameraMatrix, Kappa, ImageWidth, ImageHeight, out CameraParam); 150 说明, cam_mat_to_cam_par,计算从一个相机矩阵获取的内部相机参数。 151 152 ** CamParToCamMat( CameraParam, out CameraMatrix, out ImageWidth, out ImageHeight); 153 说明, cam_par_to_cam_mat,从相机内部参数计算一个相机矩阵。 154 155 ** CfaToRgb( CFAImage: X; out RGBImage: X; CFAType, Interpolation); 156 说明, cfa_to_rgb,把一个单通道颜色滤波阵列图像变成RGB图像。 157 158 ** ChangeDomain( Image: X; NewDomain: X; out ImageNew: X); 159 说明, change_domain,改变一个图像的定义区间。 160 161 ** ChangeFormat( Image: X; out ImagePart: X; Width, Height); 162 说明, change_format,改变图像大小。 163 164 ** ChangeRadialDistortionImage( Image: X; Region: X; out ImageRectified: X; CamParamIn, CamParamOut); 165 说明, change_radial_distortion_image,改变图像的放射失真。 166 167 ** ChannelsToImage( Images: X; out MultiChannelImage: X); 168 说明, channels_to_image,把单通道图像转变为一个多通道图像。 169 170 ** CharThreshold( Image: X; HistoRegion: X; out Characters: X; Sigma, Percent, out Threshold); 171 说明, char_threshold,为提取的字符产生一个分割阀值。 172 173 ** CheckDifference( Image: X; Pattern: X; out Selected: X; Mode, DiffLowerBound, DiffUpperBound, GrayOffset, AddRow, AddCol); 174 说明, check_difference,一个像素一个像素的比较两幅图像。 175 176 ** Class2DimSup( ImageCol: X; ImageRow: X; FeatureSpace: X; out RegionClass2Dim: X); 177 说明, class_2dim_sup,采用二维空间像素分类分割图像。 178 179 ** Class2DimUnsup( Image1: X; Image2: X; out Classes: X; Threshold, NumClasses); 180 说明, class_2dim_unsup,将两幅图像以聚类分割。 181 182 ** ClassifyImageClassGmm( Image: X; out ClassRegions: X; GMMHandle, RejectionThreshold); 183 说明, classify_image_class_gmm,根据高斯混合模式分类图像。 184 185 ** ClassifyImageClassKnn( Image: X; out ClassRegions: X; out DistanceImage: X; KNNHandle, RejectionThreshold); 186 说明, 根据KNN模式分类图像。 187 188 ** ClassifyImageClassLut( Image: X; out ClassRegions: X; ClassLUTHandle); 189 说明, 根据lut模式分类图像。 190 191 ** ClassifyImageClassMlp( Image: X; out ClassRegions: X; MLPHandle, RejectionThreshold); 192 说明, classify_image_class_mlp,根据多层视感控器分类图像 。 193 194 ** ClassifyImageClassSvm( Image: X; out ClassRegions: X; SVMHandle); 195 说明, classify_image_class_svm,根据支持向量机分类图像。 196 197 ** ClassNdimBox( MultiChannelImage: X; out Regions: X; ClassifHandle); 198 说明, class_ndim_box,利用立方体将像素分类。 199 200 ** ClassNdimNorm( MultiChannelImage: X; out Regions: X; Metric, SingleMultiple, Radius, Center); 201 说明, class_ndim_norm,利用球体或立方体将像素分类。 202 203 ** CloseEdges( Edges: X; EdgeImage: X; out RegionResult: X; MinAmplitude); 204 说明, close_edges,使用边缘幅值图像消除边缘缺陷。 205 206 ** ClusterModelComponents( TrainingImages: X; out ModelComponents: X; ComponentTrainingID, AmbiguityCriterion, MaxContourOverlap, ClusterThreshold); 207 说明, cluster_model_components,把用于创建模型组件的新参数用于训练结果。 208 209 ** CoherenceEnhancingDiff( Image: X; out ImageCED: X; Sigma, Rho, Theta, Iterations); 210 说明, coherence_enhancing_diff,执行一个图像的一个一致性增强扩散。 211 212 ** CompareExtVariationModel( Image: X; out Region: X; ModelID, Mode); 213 说明, compare_ext_variation_model,将图像与一个变化模型(variation model)相比较。 214 215 ** CompareVariationModel( Image: X; out Region: X; ModelID); 216 说明, compare_variation_model,将图像与一个变化模型(variation model)相比较。 217 218 ** ComplexToReal( ImageComplex: X; out ImageReal: X; out ImageImaginary: X); 219 说明, complex_to_real,把一个复杂图像转变为两个实际图像。 220 221 ** Compose2( Image1: X; Image2: X; out MultiChannelImage: X); 222 说明, compose2,把两个图像转变为一个两通道图像。 223 224 ** Compose3( Image1: X; Image2: X; Image3: X; out MultiChannelImage: X); 225 说明, compose3,把三个图像转变为一个三通道图像。 226 227 ** Compose4( Image1: X; Image2: X; Image3: X; Image4: X; out MultiChannelImage: X); 228 说明, compose4,把四个图像转变为一个四通道图像。 229 230 ** Compose5( Image1: X; Image2: X; Image3: X; Image4: X; Image5: X; out MultiChannelImage: X); 231 说明, compose5,把五个图像转变为一个五通道图像。 232 233 ** Compose6( Image1: X; Image2: X; Image3: X; Image4: X; Image5: X; Image6: X; out MultiChannelImage: X); 234 说明, compose6,把六个图像转变为一个六通道图像。 235 236 ** Compose7( Image1: X; Image2: X; Image3: X; Image4: X; Image5: X; Image6: X; Image7: X; out MultiChannelImage: X); 237 说明, compose7,把七个图像转变为一个七通道图像。 238 239 ** ConnectGridPoints( Image: X; out ConnectingLines: X; Row, Column, Sigma, MaxDist); 240 说明, connect_grid_points,建立矫正网格的矫正点间的连接。 241 242 ** ConvertImageType( Image: X; out ImageConverted: X; NewType); 243 说明, convert_image_type,转变一个图像的类型。 244 245 ** ConvertMapType( Map: X; out MapConverted: X; NewType, ImageWidth); 246 247 ** ConvolFft( ImageFFT: X; ImageFilter: X; out ImageConvol: X); 248 说明, convol_fft,用在频域内的滤波器使一个图像卷积。 249 250 ** ConvolGabor( ImageFFT: X; GaborFilter: X; out ImageResultGabor: X; out ImageResultHilbert: X); 251 说明, convol_gabor,用在频域内的一个Gabor滤波器使一个图像卷积。 252 253 ** ConvolImage( Image: X; out ImageResult: X; FilterMask, Margin); 254 说明, convol_image,用一个任意滤波掩码对一个图像卷积。 255 256 ** CoocFeatureImage( Regions: X; Image: X; LdGray, Direction, out Energy, out Correlation, out Homogeneity, out Contrast); 257 说明, cooc_feature_image,计算一个同时出现的矩阵并得出相关灰度值特征。 258 259 ** CopyImage( Image: X; out DupImage: X); 260 说明, copy_image,复制一个图像并为它分配新内存。 261 262 ** CornerResponse( Image: X; out ImageCorner: X; Size, Weight); 263 说明, corner_response,在图像中寻找角点。 264 265 ** CorrelationFft( ImageFFT1: X; ImageFFT2: X; out ImageCorrelation: X); 266 说明, correlation_fft,计算在频域内的两个图像的相互关系。 267 268 ** CosImage( Image: X; out CosImage: X); 269 说明, 计算图像余弦 270 271 ** CountChannels( MultiChannelImage: X; out Channels); 272 说明, count_channels,计算图像的通道。 273 274 ** CreateBgEsti( InitializeImage: X; Syspar1, Syspar2, GainMode, Gain1, Gain2, AdaptMode, MinDiff, StatNum, ConfidenceC, TimeC, out BgEstiHandle); 275 说明, create_bg_esti,为背景评估创建和初始化一个数据集。 276 277 ** 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); 278 说明, create_component_model,基于确定的指定组件和关系准备一个匹配的组件模型。 279 280 ** CriticalPointsSubPix( Image: X; Filter, Sigma, Threshold, out RowMin, out ColumnMin, out RowMax, out ColumnMax, out RowSaddle, out ColumnSaddle); 281 说明, critical_points_sub_pix,一幅图像中主要点的子像素精确度检测。 282 283 ** CropDomain( Image: X; out ImagePart: X); 284 说明, crop_domain,去掉确定的灰度值。 285 286 ** CropDomainRel( Image: X; out ImagePart: X; Top, Left, Bottom, Right); 287 说明, crop_domain_rel,去掉和定义域有关的图像区域。 288 289 ** CropPart( Image: X; out ImagePart: X; Row, Column, Width, Height); 290 说明, crop_part,去掉一个矩形图像区域。 291 292 ** CropRectangle1( Image: X; out ImagePart: X; Row1, Column1, Row2, Column2); 293 294 ** DecodeBarCodeRectangle2( Image: X; BarCodeHandle, CodeType, Row, Column, Phi, Length1, Length2, out DecodedDataStrings); 295 说明, 条码解码 296 297 ** Decompose2( MultiChannelImage: X; out Image1: X; out Image2: X); 298 说明, decompose2,把一个两通道图像转变为两个图像。 299 300 ** Decompose3( MultiChannelImage: X; out Image1: X; out Image2: X; out Image3: X); 301 说明, decompose3,把一个三通道图像转变为三个图像。 302 303 ** Decompose4( MultiChannelImage: X; out Image1: X; out Image2: X; out Image3: X; out Image4: X); 304 说明, decompose4,把一个四通道图像转变为四个图像。 305 306 ** Decompose5( MultiChannelImage: X; out Image1: X; out Image2: X; out Image3: X; out Image4: X; out Image5: X); 307 说明, decompose5,把一个五通道图像转变为五个图像。 308 309 ** Decompose6( MultiChannelImage: X; out Image1: X; out Image2: X; out Image3: X; out Image4: X; out Image5: X; out Image6: X); 310 说明, decompose6,把一个六通道图像转变为六个图像。 311 312 ** Decompose7( MultiChannelImage: X; out Image1: X; out Image2: X; out Image3: X; out Image4: X; out Image5: X; out Image6: X; out Image7: X); 313 说明, decompose7,把一个七通道图像转变为七个图像。 314 315 ** DepthFromFocus( MultiFocusImage: X; out Depth: X; out Confidence: X; Filter, Selection); 316 说明, depth_from_focus,利用多倍聚焦灰度级提取高度(厚度)。 317 318 ** DerivateGauss( Image: X; out DerivGauss: X; Sigma, Component); 319 说明, derivate_gauss,用高斯派生物对一个图像卷积。 320 321 ** DeserializeImage( out Image: X; SerializedItemHandle); 322 说明, 图像数据转换 323 324 ** DetectEdgeSegments( Image: X; SobelSize, MinAmplitude, MaxDistance, MinLength, out BeginRow, out BeginCol, out EndRow, out EndCol); 325 说明, detect_edge_segments,检测直线边缘分割。 326 327 ** DeviationImage( Image: X; out ImageDeviation: X; Width, Height); 328 说明, deviation_image,计算矩形窗口内的灰度值的标准偏差。 329 330 ** DeviationN( Image: X; out ImageDeviation: X); 331 说明, ,计算矩形窗口内的灰度值的标准偏差图。 332 333 ** DiffOfGauss( Image: X; out DiffOfGauss: X; Sigma, SigFactor); 334 说明, diff_of_gauss,近似高斯的拉普拉斯算子。 335 336 ** DisparityImageToXyz( Disparity: X; out X: X; out Y: X; out Z: X; CamParamRect1, CamParamRect2, RelPoseRect); 337 说明, disp_xld,显示物体到3D坐标系。 338 339 ** DispChannel( MultiChannelImage: X; WindowHandle, Channel); 340 说明, disp_channel,用几个通道显示图像。 341 342 ** DispColor( ColorImage: X; WindowHandle); 343 说明, disp_color,显示一个彩色(RGB)图像。 344 345 ** DispImage( Image: X; WindowHandle); 346 说明, disp_image,显示灰度值图像。 347 348 ** DistanceTransform( Region: X; out DistanceImage: X; Metric, Foreground, Width, Height); 349 说明, distance_transform,计算一个区域的距离变换。 350 351 ** DivImage( Image1: X; Image2: X; out ImageResult: X; Mult, Add); 352 说明, div_image,使两个图像相除。 353 354 ** DoOcrMulti( Character: X; Image: X; OCRHandle, out Class_, out Confidence); 355 说明, do_ocr_multi,给每一个Character(字符)分配一个类。 356 357 ** DoOcrMultiClassKnn( Character: X; Image: X; OCRHandle, out Class_, out Confidence); 358 说明, do_ocr_multi,给多个Character(字符)分配一个KNN类。 359 360 ** DoOcrMultiClassMlp( Character: X; Image: X; OCRHandle, out Class_, out Confidence); 361 说明, do_ocr_multi_class_mlp,为根据给定区域字符和OCR分级器OCRHandle的灰度图像值而给定的每个字符计算出最好的类,将类返回到Class中,且将类的置信度返回到Confidence中。 362 363 ** DoOcrMultiClassSvm( Character: X; Image: X; OCRHandle, out Class_); 364 说明, do_ocr_multi_class_svm,根据基于OCR分级器的SVM将大量字符分类。 365 366 ** DoOcrSingle( Character: X; Image: X; OCRHandle, out Classes, out Confidences); 367 说明, do_ocr_single,给一些Character(字符)分配一些类。 368 369 ** DoOcrSingleClassKnn( Character: X; Image: X; OCRHandle, NumClasses, NumNeighbors, out Class_, out Confidence); 370 说明, do_ocr_multi,给每一个Character(字符)分配一个KNN类。 371 372 ** DoOcrSingleClassMlp( Character: X; Image: X; OCRHandle, Num, out Class_, out Confidence); 373 说明, do_ocr_single_class_mlp,为根据给定区域字符和OCR分级器OCRHandle的灰度图像值而给定的字符计算出最好的Num类,将类返回到Class中,且将类的置信度返回到Confidence中。 374 375 ** DoOcrSingleClassSvm( Character: X; Image: X; OCRHandle, Num, out Class_); 376 说明, do_ocr_single_class_svm,根据基于OCR分级器的SVM将单个字符分类。 377 378 ** DoOcrWordKnn( Character: X; Image: X; OCRHandle, Expression, NumAlternatives, NumCorrections, out Class_, out Confidence, out Word, out Score); 379 说明, 将字符组作为一个实体。 380 381 ** DoOcrWordMlp( Character: X; Image: X; OCRHandle, Expression, NumAlternatives, NumCorrections, out Class_, out Confidence, out Word, out Score); 382 说明, do_ocr_word_mlp,功能与do?_ocr_multi_class_mlp相同,只是do_ocr_word_mlp将字符组作为一个实体。 383 384 ** DoOcrWordSvm( Character: X; Image: X; OCRHandle, Expression, NumAlternatives, NumCorrections, out Class_, out Word, out Score); 385 说明, do_ocr_word_svm,利用OCR分级器将一系列相关字符分类。 386 387 ** DotsImage( Image: X; out DotImage: X; Diameter, FilterType, PixelShift); 388 说明, dots_image,在一个图像中增强圆形点。 全部评论
专题导读
上一篇:为Delphi程序增加UAC功能(每个步骤都很详细)发布时间:2022-07-18下一篇:DelphiHTTPerrormessage:Can'texecuteC:\ProgramFiles\Borland\Delphi7\Bin\serverinf ...发布时间:2022-07-18热门推荐
热门话题
阅读排行榜
|
请发表评论