Index of all Operators

[A]  [B]  [C]  [D]  [E]  [F]  [G]  [H]  [I]  [J]  [K]  [L]  [M]  [N]  [O]  [P]  [Q]  [R]  [S]  [T]  [U]  [V]  [W]  [X]  [Y]  [Z]

A

abs_diff_imageAbsDiffImageabs_diff_imageAbsDiffImageabs_diff_image
Calculate the absolute difference of two images.
abs_funct_1dAbsFunct1dabs_funct_1dAbsFunct1dabs_funct_1d
Absolute value of the y values.
abs_imageAbsImageabs_imageAbsImageabs_image
Calculate the absolute value (modulus) of an image.
abs_matrixAbsMatrixabs_matrixAbsMatrixabs_matrix
Compute the absolute values of the elements of a matrix.
abs_matrix_modAbsMatrixModabs_matrix_modAbsMatrixModabs_matrix_mod
Compute the absolute values of the elements of a matrix.
access_channelAccessChannelaccess_channelAccessChannelaccess_channel
Access a channel of a multi-channel image.
acos_imageAcosImageacos_imageAcosImageacos_image
Calculate the arccosine of an image.
activate_compute_deviceActivateComputeDeviceactivate_compute_deviceActivateComputeDeviceactivate_compute_device
Activate a compute device.
adapt_shape_model_high_noiseAdaptShapeModelHighNoiseadapt_shape_model_high_noiseAdaptShapeModelHighNoiseadapt_shape_model_high_noise
Adapt a shape model's parameters for high noise images.
adapt_templateAdaptTemplateadapt_templateAdaptTemplateadapt_template
Adapting a template to the size of an image.
add_channelsAddChannelsadd_channelsAddChannelsadd_channels
Add gray values to regions.
add_class_train_data_gmmAddClassTrainDataGmmadd_class_train_data_gmmAddClassTrainDataGmmadd_class_train_data_gmm
Add training data to a Gaussian Mixture Model (GMM).
add_class_train_data_knnAddClassTrainDataKnnadd_class_train_data_knnAddClassTrainDataKnnadd_class_train_data_knn
Add training data to a k-nearest neighbors (k-NN) classifier.
add_class_train_data_mlpAddClassTrainDataMlpadd_class_train_data_mlpAddClassTrainDataMlpadd_class_train_data_mlp
Add training data to a multilayer perceptron (MLP).
add_class_train_data_svmAddClassTrainDataSvmadd_class_train_data_svmAddClassTrainDataSvmadd_class_train_data_svm
Add training data to a support vector machine (SVM).
add_deformable_surface_model_reference_pointAddDeformableSurfaceModelReferencePointadd_deformable_surface_model_reference_pointAddDeformableSurfaceModelReferencePointadd_deformable_surface_model_reference_point
Add a reference point to a deformable surface model.
add_deformable_surface_model_sampleAddDeformableSurfaceModelSampleadd_deformable_surface_model_sampleAddDeformableSurfaceModelSampleadd_deformable_surface_model_sample
Add a sample deformation to a deformable surface model
add_dl_pruning_batchAddDlPruningBatchadd_dl_pruning_batchAddDlPruningBatchadd_dl_pruning_batch
Calculate scores to prune a deep learning model.
add_imageAddImageadd_imageAddImageadd_image
Add two images.
add_matrixAddMatrixadd_matrixAddMatrixadd_matrix
Add two matrices.
add_matrix_modAddMatrixModadd_matrix_modAddMatrixModadd_matrix_mod
Add two matrices.
add_metrology_object_circle_measureAddMetrologyObjectCircleMeasureadd_metrology_object_circle_measureAddMetrologyObjectCircleMeasureadd_metrology_object_circle_measure
Add a circle or a circular arc to a metrology model.
add_metrology_object_ellipse_measureAddMetrologyObjectEllipseMeasureadd_metrology_object_ellipse_measureAddMetrologyObjectEllipseMeasureadd_metrology_object_ellipse_measure
Add an ellipse or an elliptic arc to a metrology model.
add_metrology_object_genericAddMetrologyObjectGenericadd_metrology_object_genericAddMetrologyObjectGenericadd_metrology_object_generic
Add a metrology object to a metrology model.
add_metrology_object_line_measureAddMetrologyObjectLineMeasureadd_metrology_object_line_measureAddMetrologyObjectLineMeasureadd_metrology_object_line_measure
Add a line to a metrology model.
add_metrology_object_rectangle2_measureAddMetrologyObjectRectangle2Measureadd_metrology_object_rectangle2_measureAddMetrologyObjectRectangle2Measureadd_metrology_object_rectangle2_measure
Add a rectangle to a metrology model.
add_noise_distributionAddNoiseDistributionadd_noise_distributionAddNoiseDistributionadd_noise_distribution
Add noise to an image.
add_noise_whiteAddNoiseWhiteadd_noise_whiteAddNoiseWhiteadd_noise_white
Add noise to an image.
add_noise_white_contour_xldAddNoiseWhiteContourXldadd_noise_white_contour_xldAddNoiseWhiteContourXldadd_noise_white_contour_xld
Add noise to XLD contours.
add_sample_class_gmmAddSampleClassGmmadd_sample_class_gmmAddSampleClassGmmadd_sample_class_gmm
Add a training sample to the training data of a Gaussian Mixture Model.
add_sample_class_knnAddSampleClassKnnadd_sample_class_knnAddSampleClassKnnadd_sample_class_knn
Add a sample to a k-nearest neighbors (k-NN) classifier.
add_sample_class_mlpAddSampleClassMlpadd_sample_class_mlpAddSampleClassMlpadd_sample_class_mlp
Add a training sample to the training data of a multilayer perceptron.
add_sample_class_svmAddSampleClassSvmadd_sample_class_svmAddSampleClassSvmadd_sample_class_svm
Add a training sample to the training data of a support vector machine.
add_sample_class_train_dataAddSampleClassTrainDataadd_sample_class_train_dataAddSampleClassTrainDataadd_sample_class_train_data
Add a training sample to training data.
add_sample_identifier_preparation_dataAddSampleIdentifierPreparationDataadd_sample_identifier_preparation_dataAddSampleIdentifierPreparationDataadd_sample_identifier_preparation_data
Add preparation data to an existing sample identifier.
add_sample_identifier_training_dataAddSampleIdentifierTrainingDataadd_sample_identifier_training_dataAddSampleIdentifierTrainingDataadd_sample_identifier_training_data
Add training data to an existing sample identifier.
add_samples_image_class_gmmAddSamplesImageClassGmmadd_samples_image_class_gmmAddSamplesImageClassGmmadd_samples_image_class_gmm
Add training samples from an image to the training data of a Gaussian Mixture Model.
add_samples_image_class_knnAddSamplesImageClassKnnadd_samples_image_class_knnAddSamplesImageClassKnnadd_samples_image_class_knn
Add training samples from an image to the training data of a k-Nearest-Neighbor classifier.
add_samples_image_class_mlpAddSamplesImageClassMlpadd_samples_image_class_mlpAddSamplesImageClassMlpadd_samples_image_class_mlp
Add training samples from an image to the training data of a multilayer perceptron.
add_samples_image_class_svmAddSamplesImageClassSvmadd_samples_image_class_svmAddSamplesImageClassSvmadd_samples_image_class_svm
Add training samples from an image to the training data of a support vector machine.
add_scene_3d_cameraAddScene3dCameraadd_scene_3d_cameraAddScene3dCameraadd_scene_3d_camera
Add a camera to a 3D scene.
add_scene_3d_instanceAddScene3dInstanceadd_scene_3d_instanceAddScene3dInstanceadd_scene_3d_instance
Add an instance of a 3D object model to a 3D scene.
add_scene_3d_labelAddScene3dLabeladd_scene_3d_labelAddScene3dLabeladd_scene_3d_label
Add a text label to a 3D scene.
add_scene_3d_lightAddScene3dLightadd_scene_3d_lightAddScene3dLightadd_scene_3d_light
Add a light source to a 3D scene.
add_texture_inspection_model_imageAddTextureInspectionModelImageadd_texture_inspection_model_imageAddTextureInspectionModelImageadd_texture_inspection_model_image
Add training images to the texture inspection model.
adjust_mosaic_imagesAdjustMosaicImagesadjust_mosaic_imagesAdjustMosaicImagesadjust_mosaic_images
Apply an automatic color correction to panorama images.
affine_trans_contour_xldAffineTransContourXldaffine_trans_contour_xldAffineTransContourXldaffine_trans_contour_xld
Apply an arbitrary affine 2D transformation to XLD contours.
affine_trans_imageAffineTransImageaffine_trans_imageAffineTransImageaffine_trans_image
Apply an arbitrary affine 2D transformation to images.
affine_trans_image_sizeAffineTransImageSizeaffine_trans_image_sizeAffineTransImageSizeaffine_trans_image_size
Apply an arbitrary affine 2D transformation to an image and specify the output image size.
affine_trans_object_model_3dAffineTransObjectModel3daffine_trans_object_model_3dAffineTransObjectModel3daffine_trans_object_model_3d
Apply an arbitrary affine 3D transformation to 3D object models.
affine_trans_pixelAffineTransPixelaffine_trans_pixelAffineTransPixelaffine_trans_pixel
Apply an arbitrary affine 2D transformation to pixel coordinates.
affine_trans_point_2dAffineTransPoint2daffine_trans_point_2dAffineTransPoint2daffine_trans_point_2d
Apply an arbitrary affine 2D transformation to points.
affine_trans_point_3dAffineTransPoint3daffine_trans_point_3dAffineTransPoint3daffine_trans_point_3d
Apply an arbitrary affine 3D transformation to points.
affine_trans_polygon_xldAffineTransPolygonXldaffine_trans_polygon_xldAffineTransPolygonXldaffine_trans_polygon_xld
Apply an arbitrary affine transformation to XLD polygons.
affine_trans_regionAffineTransRegionaffine_trans_regionAffineTransRegionaffine_trans_region
Apply an arbitrary affine 2D transformation to regions.
align_metrology_modelAlignMetrologyModelalign_metrology_modelAlignMetrologyModelalign_metrology_model
Alignment of a metrology model.
angle_llAngleLlangle_llAngleLlangle_ll
Calculate the angle between two lines.
angle_lxAngleLxangle_lxAngleLxangle_lx
Calculate the angle between one line and the horizontal axis.
anisotropic_diffusionAnisotropicDiffusionanisotropic_diffusionAnisotropicDiffusionanisotropic_diffusion
Perform an anisotropic diffusion of an image.
append_channelAppendChannelappend_channelAppendChannelappend_channel
Append additional matrices (channels) to the image.
append_ocr_trainfAppendOcrTrainfappend_ocr_trainfAppendOcrTrainfappend_ocr_trainf
Add characters to a training file.
apply_bead_inspection_modelApplyBeadInspectionModelapply_bead_inspection_modelApplyBeadInspectionModelapply_bead_inspection_model
Inspect beads in an image, as defined by the bead inspection model.
apply_color_trans_lutApplyColorTransLutapply_color_trans_lutApplyColorTransLutapply_color_trans_lut
Color space transformation using pre-generated look-up-table.
apply_deep_ocrApplyDeepOcrapply_deep_ocrApplyDeepOcrapply_deep_ocr
Apply a Deep OCR model on a set of images for inference.
apply_distance_transform_xldApplyDistanceTransformXldapply_distance_transform_xldApplyDistanceTransformXldapply_distance_transform_xld
Determine the pointwise distance of two contours using an XLD distance transform.
apply_dl_classifierApplyDlClassifierapply_dl_classifierApplyDlClassifierapply_dl_classifier
Infer the class affiliations for a set of images using a deep-learning-based classifier.
apply_dl_modelApplyDlModelapply_dl_modelApplyDlModelapply_dl_model
Apply a deep-learning-based network on a set of images for inference.
apply_metrology_modelApplyMetrologyModelapply_metrology_modelApplyMetrologyModelapply_metrology_model
Measure and fit the geometric shapes of all metrology objects of a metrology model.
apply_sample_identifierApplySampleIdentifierapply_sample_identifierApplySampleIdentifierapply_sample_identifier
Identify objects with a sample identifier.
apply_sheet_of_light_calibrationApplySheetOfLightCalibrationapply_sheet_of_light_calibrationApplySheetOfLightCalibrationapply_sheet_of_light_calibration
Apply the calibration transformations to the input disparity image.
apply_texture_inspection_modelApplyTextureInspectionModelapply_texture_inspection_modelApplyTextureInspectionModelapply_texture_inspection_model
Inspection of the texture within an image.
approx_chainApproxChainapprox_chainApproxChainapprox_chain
Approximate a contour by arcs and lines.
approx_chain_simpleApproxChainSimpleapprox_chain_simpleApproxChainSimpleapprox_chain_simple
Approximate a contour by arcs and lines.
area_centerAreaCenterarea_centerAreaCenterarea_center
Area and center of regions.
area_center_grayAreaCenterGrayarea_center_grayAreaCenterGrayarea_center_gray
Compute the area and center of gravity of a region in a gray value image.
area_center_points_xldAreaCenterPointsXldarea_center_points_xldAreaCenterPointsXldarea_center_points_xld
Area and center of gravity (centroid) of contours and polygons treated as point clouds.
area_center_xldAreaCenterXldarea_center_xldAreaCenterXldarea_center_xld
Area and center of gravity (centroid) of contours and polygons.
area_holesAreaHolesarea_holesAreaHolesarea_holes
Compute the area of holes of regions.
area_intersection_rectangle2AreaIntersectionRectangle2area_intersection_rectangle2AreaIntersectionRectangle2area_intersection_rectangle2
Calculate the intersection area of oriented rectangles.
area_object_model_3dAreaObjectModel3darea_object_model_3dAreaObjectModel3darea_object_model_3d
Calculate the area of all faces of a 3D object model.
asin_imageAsinImageasin_imageAsinImageasin_image
Calculate the arcsine of an image.
assign
Assign a new value to a variable.
assign_at
Assignment of one or several values to one or several tuple elements.
atan2_imageAtan2Imageatan2_imageAtan2Imageatan2_image
Calculate the arctangent of two images.
atan_imageAtanImageatan_imageAtanImageatan_image
Calculate the arctangent of an image.
attach_background_to_windowAttachBackgroundToWindowattach_background_to_windowAttachBackgroundToWindowattach_background_to_window
Attach a background image to a HALCON window.
attach_drawing_object_to_windowAttachDrawingObjectToWindowattach_drawing_object_to_windowAttachDrawingObjectToWindowattach_drawing_object_to_window
Attach an existing drawing object to a HALCON window.
auto_thresholdAutoThresholdauto_thresholdAutoThresholdauto_threshold
Segment an image using thresholds determined from its histogram.
axis_angle_to_quatAxisAngleToQuataxis_angle_to_quatAxisAngleToQuataxis_angle_to_quat
Create a rotation quaternion.

B

background_segBackgroundSegbackground_segBackgroundSegbackground_seg
Determine the connected components of the background of given regions.
bandpass_imageBandpassImagebandpass_imageBandpassImagebandpass_image
Edge extraction using bandpass filters.
best_matchBestMatchbest_matchBestMatchbest_match
Searching the best matching of a template and an image.
best_match_mgBestMatchMgbest_match_mgBestMatchMgbest_match_mg
Searching the best gray value matches in a pyramid.
best_match_pre_mgBestMatchPreMgbest_match_pre_mgBestMatchPreMgbest_match_pre_mg
Searching the best gray value matches in a pre generated pyramid.
best_match_rotBestMatchRotbest_match_rotBestMatchRotbest_match_rot
Searching the best matching of a template and an image with rotation.
best_match_rot_mgBestMatchRotMgbest_match_rot_mgBestMatchRotMgbest_match_rot_mg
Searching the best matching of a template and a pyramid with rotation.
bilateral_filterBilateralFilterbilateral_filterBilateralFilterbilateral_filter
bilateral filtering of an image.
bin_thresholdBinThresholdbin_thresholdBinThresholdbin_threshold
Segment an image using an automatically determined threshold.
binary_thresholdBinaryThresholdbinary_thresholdBinaryThresholdbinary_threshold
Segment an image using binary thresholding.
binocular_calibrationBinocularCalibrationbinocular_calibrationBinocularCalibrationbinocular_calibration
Determine all camera parameters of a binocular stereo system.
binocular_disparityBinocularDisparitybinocular_disparityBinocularDisparitybinocular_disparity
Compute the disparities of a rectified image pair using correlation techniques.
binocular_disparity_mgBinocularDisparityMgbinocular_disparity_mgBinocularDisparityMgbinocular_disparity_mg
Compute the disparities of a rectified stereo image pair using multigrid methods.
binocular_disparity_msBinocularDisparityMsbinocular_disparity_msBinocularDisparityMsbinocular_disparity_ms
Compute the disparities of a rectified stereo image pair using multi-scanline optimization.
binocular_distanceBinocularDistancebinocular_distanceBinocularDistancebinocular_distance
Compute the distance values for a rectified stereo image pair using correlation techniques.
binocular_distance_mgBinocularDistanceMgbinocular_distance_mgBinocularDistanceMgbinocular_distance_mg
Compute the distance values for a rectified stereo image pair using multigrid methods.
binocular_distance_msBinocularDistanceMsbinocular_distance_msBinocularDistanceMsbinocular_distance_ms
Compute the distance values for a rectified stereo image pair using multi-scanline optimization.
binomial_filterBinomialFilterbinomial_filterBinomialFilterbinomial_filter
Smooth an image using the binomial filter.
bit_andBitAndbit_andBitAndbit_and
Bit-by-bit AND of all pixels of the input images.
bit_lshiftBitLshiftbit_lshiftBitLshiftbit_lshift
Left shift of all pixels of the image.
bit_maskBitMaskbit_maskBitMaskbit_mask
Logical “AND” of each pixel using a bit mask.
bit_notBitNotbit_notBitNotbit_not
Complement all bits of the pixels.
bit_orBitOrbit_orBitOrbit_or
Bit-by-bit OR of all pixels of the input images.
bit_rshiftBitRshiftbit_rshiftBitRshiftbit_rshift
Right shift of all pixels of the image.
bit_sliceBitSlicebit_sliceBitSlicebit_slice
Extract a bit from the pixels.
bit_xorBitXorbit_xorBitXorbit_xor
Bit-by-bit XOR of all pixels of the input images.
bottom_hatBottomHatbottom_hatBottomHatbottom_hat
Compute the bottom hat of regions.
boundaryBoundaryboundaryBoundaryboundary
Reduce a region to its boundary.
break
Terminate loop execution or leave a switchswitchSwitchSwitchSwitchswitch block.
broadcast_conditionBroadcastConditionbroadcast_conditionBroadcastConditionbroadcast_condition
Signal a condition synchronization object.
bundle_adjust_mosaicBundleAdjustMosaicbundle_adjust_mosaicBundleAdjustMosaicbundle_adjust_mosaic
Perform a bundle adjustment of an image mosaic.

C

calibrate_camerasCalibrateCamerascalibrate_camerasCalibrateCamerascalibrate_cameras
Determine all camera parameters by a simultaneous minimization process.
calibrate_hand_eyeCalibrateHandEyecalibrate_hand_eyeCalibrateHandEyecalibrate_hand_eye
Perform a hand-eye calibration.
calibrate_sheet_of_lightCalibrateSheetOfLightcalibrate_sheet_of_lightCalibrateSheetOfLightcalibrate_sheet_of_light
Calibrate a sheet-of-light setup with a 3D calibration object.
caltab_pointsCaltabPointscaltab_pointsCaltabPointscaltab_points
Read the mark center points from the calibration plate description file.
cam_mat_to_cam_parCamMatToCamParcam_mat_to_cam_parCamMatToCamParcam_mat_to_cam_par
Compute the internal camera parameters from a camera matrix.
cam_par_pose_to_hom_mat3dCamParPoseToHomMat3dcam_par_pose_to_hom_mat3dCamParPoseToHomMat3dcam_par_pose_to_hom_mat3d
Convert internal camera parameters and a 3D pose into a 3×4 projection matrix.
cam_par_to_cam_matCamParToCamMatcam_par_to_cam_matCamParToCamMatcam_par_to_cam_mat
Compute a camera matrix from internal camera parameters.
camera_calibrationCameraCalibrationcamera_calibrationCameraCalibrationcamera_calibration
Determine all camera parameters by a simultaneous minimization process.
case
Jump label that starts a branch within a switchswitchSwitchSwitchSwitchswitch block.
catch
Catches exceptions that were thrown in the preceding trytryTryTryTrytry block.
cfa_to_rgbCfaToRgbcfa_to_rgbCfaToRgbcfa_to_rgb
Convert a single-channel color filter array image into an RGB image.
change_domainChangeDomainchange_domainChangeDomainchange_domain
Change definition domain of an image.
change_formatChangeFormatchange_formatChangeFormatchange_format
Change image size.
change_radial_distortion_cam_parChangeRadialDistortionCamParchange_radial_distortion_cam_parChangeRadialDistortionCamParchange_radial_distortion_cam_par
Determine new camera parameters in accordance to the specified radial distortion.
change_radial_distortion_contours_xldChangeRadialDistortionContoursXldchange_radial_distortion_contours_xldChangeRadialDistortionContoursXldchange_radial_distortion_contours_xld
Change the radial distortion of contours.
change_radial_distortion_imageChangeRadialDistortionImagechange_radial_distortion_imageChangeRadialDistortionImagechange_radial_distortion_image
Change the radial distortion of an image.
change_radial_distortion_pointsChangeRadialDistortionPointschange_radial_distortion_pointsChangeRadialDistortionPointschange_radial_distortion_points
Change the radial distortion of pixel coordinates.
channels_to_imageChannelsToImagechannels_to_imageChannelsToImagechannels_to_image
Convert one-channel images into a multi-channel image
char_thresholdCharThresholdchar_thresholdCharThresholdchar_threshold
Perform a threshold segmentation for extracting characters.
check_differenceCheckDifferencecheck_differenceCheckDifferencecheck_difference
Compare two images pixel by pixel.
circularityCircularitycircularityCircularitycircularity
Shape factor for the circularity (similarity to a circle) of a region.
circularity_xldCircularityXldcircularity_xldCircularityXldcircularity_xld
Shape factor for the circularity (similarity to a circle) of contours or polygons.
class_2dim_supClass2dimSupclass_2dim_supClass2dimSupclass_2dim_sup
Segment an image using two-dimensional pixel classification.
class_2dim_unsupClass2dimUnsupclass_2dim_unsupClass2dimUnsupclass_2dim_unsup
Segment two images by clustering.
class_ndim_boxClassNdimBoxclass_ndim_boxClassNdimBoxclass_ndim_box
Classify pixels using hyper-cuboids.
class_ndim_normClassNdimNormclass_ndim_normClassNdimNormclass_ndim_norm
Classify pixels using hyper-spheres or hyper-cubes.
classify_class_gmmClassifyClassGmmclassify_class_gmmClassifyClassGmmclassify_class_gmm
Calculate the class of a feature vector by a Gaussian Mixture Model.
classify_class_knnClassifyClassKnnclassify_class_knnClassifyClassKnnclassify_class_knn
Search for the next neighbors for a given feature vector.
classify_class_mlpClassifyClassMlpclassify_class_mlpClassifyClassMlpclassify_class_mlp
Calculate the class of a feature vector by a multilayer perceptron.
classify_class_svmClassifyClassSvmclassify_class_svmClassifyClassSvmclassify_class_svm
Classify a feature vector by a support vector machine.
classify_image_class_gmmClassifyImageClassGmmclassify_image_class_gmmClassifyImageClassGmmclassify_image_class_gmm
Classify an image with a Gaussian Mixture Model.
classify_image_class_knnClassifyImageClassKnnclassify_image_class_knnClassifyImageClassKnnclassify_image_class_knn
Classify an image with a k-Nearest-Neighbor classifier.
classify_image_class_lutClassifyImageClassLutclassify_image_class_lutClassifyImageClassLutclassify_image_class_lut
Classify a byte image using a look-up table.
classify_image_class_mlpClassifyImageClassMlpclassify_image_class_mlpClassifyImageClassMlpclassify_image_class_mlp
Classify an image with a multilayer perceptron.
classify_image_class_svmClassifyImageClassSvmclassify_image_class_svmClassifyImageClassSvmclassify_image_class_svm
Classify an image with a support vector machine.
clear_all_bar_code_modelsClearAllBarCodeModelsclear_all_bar_code_modelsClearAllBarCodeModelsclear_all_bar_code_models
This operator is inoperable. It had the following function: Delete all bar code models and free the allocated memory
clear_all_barriersClearAllBarriersclear_all_barriersClearAllBarriersclear_all_barriers
This operator is inoperable. It had the following function: Destroy all barrier synchronization objects.
clear_all_calib_dataClearAllCalibDataclear_all_calib_dataClearAllCalibDataclear_all_calib_data
Free the memory of all calibration data models.
clear_all_camera_setup_modelsClearAllCameraSetupModelsclear_all_camera_setup_modelsClearAllCameraSetupModelsclear_all_camera_setup_models
Free the memory of all camera setup models.
clear_all_class_gmmClearAllClassGmmclear_all_class_gmmClearAllClassGmmclear_all_class_gmm
This operator is inoperable. It had the following function: Clear all Gaussian Mixture Models.
clear_all_class_knnClearAllClassKnnclear_all_class_knnClearAllClassKnnclear_all_class_knn
This operator is inoperable. It had the following function: Clear all k-NN classifiers.
clear_all_class_lutClearAllClassLutclear_all_class_lutClearAllClassLutclear_all_class_lut
This operator is inoperable. It had the following function: Clear all look-up table classifiers.
clear_all_class_mlpClearAllClassMlpclear_all_class_mlpClearAllClassMlpclear_all_class_mlp
This operator is inoperable. It had the following function: Clear all multilayer perceptrons.
clear_all_class_svmClearAllClassSvmclear_all_class_svmClearAllClassSvmclear_all_class_svm
This operator is inoperable. It had the following function: Clear all support vector machines.
clear_all_class_train_dataClearAllClassTrainDataclear_all_class_train_dataClearAllClassTrainDataclear_all_class_train_data
This operator is inoperable. It had the following function: Clear all training data for classifiers.
clear_all_color_trans_lutsClearAllColorTransLutsclear_all_color_trans_lutsClearAllColorTransLutsclear_all_color_trans_luts
This operator is inoperable. It had the following function: Delete all look-up-tables of the color space transformation.
clear_all_component_modelsClearAllComponentModelsclear_all_component_modelsClearAllComponentModelsclear_all_component_models
This operator is inoperable. It had the following function: Free the memory of all component models.
clear_all_conditionsClearAllConditionsclear_all_conditionsClearAllConditionsclear_all_conditions
This operator is inoperable. It had the following function: Destroy all condition synchronization objects.
clear_all_data_code_2d_modelsClearAllDataCode2dModelsclear_all_data_code_2d_modelsClearAllDataCode2dModelsclear_all_data_code_2d_models
This operator is inoperable. It had the following function: Delete all 2D data code models and free the allocated memory.
clear_all_deformable_modelsClearAllDeformableModelsclear_all_deformable_modelsClearAllDeformableModelsclear_all_deformable_models
This operator is inoperable. It had the following function: Free the memory of all deformable models.
clear_all_descriptor_modelsClearAllDescriptorModelsclear_all_descriptor_modelsClearAllDescriptorModelsclear_all_descriptor_models
This operator is inoperable. It had the following function: Free the memory of all descriptor models in RAM.
clear_all_eventsClearAllEventsclear_all_eventsClearAllEventsclear_all_events
This operator is inoperable. It had the following function: Clear all event synchronization objects.
clear_all_lexicaClearAllLexicaclear_all_lexicaClearAllLexicaclear_all_lexica
This operator is inoperable. It had the following function: Clear all lexica.
clear_all_matricesClearAllMatricesclear_all_matricesClearAllMatricesclear_all_matrices
This operator is inoperable. It had the following function: Clear all matrices from memory.
clear_all_metrology_modelsClearAllMetrologyModelsclear_all_metrology_modelsClearAllMetrologyModelsclear_all_metrology_models
This operator is inoperable. It had the following function: Delete all metrology models and free the allocated memory.
clear_all_mutexesClearAllMutexesclear_all_mutexesClearAllMutexesclear_all_mutexes
This operator is inoperable. It had the following function: Clear all mutex synchronization objects.
clear_all_ncc_modelsClearAllNccModelsclear_all_ncc_modelsClearAllNccModelsclear_all_ncc_models
This operator is inoperable. It had the following function: Free the memory of all NCC models.
clear_all_object_model_3dClearAllObjectModel3dclear_all_object_model_3dClearAllObjectModel3dclear_all_object_model_3d
This operator is inoperable. It had the following function: Free the memory of all 3D object models.
clear_all_ocr_class_knnClearAllOcrClassKnnclear_all_ocr_class_knnClearAllOcrClassKnnclear_all_ocr_class_knn
This operator is inoperable. It had the following function: Clear all OCR classifiers.
clear_all_ocr_class_mlpClearAllOcrClassMlpclear_all_ocr_class_mlpClearAllOcrClassMlpclear_all_ocr_class_mlp
This operator is inoperable. It had the following function: Clear all OCR classifiers.
clear_all_ocr_class_svmClearAllOcrClassSvmclear_all_ocr_class_svmClearAllOcrClassSvmclear_all_ocr_class_svm
This operator is inoperable. It had the following function: Clear all SVM based OCR classifiers.
clear_all_sample_identifiersClearAllSampleIdentifiersclear_all_sample_identifiersClearAllSampleIdentifiersclear_all_sample_identifiers
This operator is inoperable. It had the following function: Free the memory of all sample identifiers.
clear_all_scattered_data_interpolatorsClearAllScatteredDataInterpolatorsclear_all_scattered_data_interpolatorsClearAllScatteredDataInterpolatorsclear_all_scattered_data_interpolators
This operator is inoperable. It had the following function: Clear all scattered data interpolators.
clear_all_serialized_itemsClearAllSerializedItemsclear_all_serialized_itemsClearAllSerializedItemsclear_all_serialized_items
This operator is inoperable. It had the following function: Delete all current existing serialized items.
clear_all_shape_model_3dClearAllShapeModel3dclear_all_shape_model_3dClearAllShapeModel3dclear_all_shape_model_3d
This operator is inoperable. It had the following function: Free the memory of all 3D shape models.
clear_all_shape_modelsClearAllShapeModelsclear_all_shape_modelsClearAllShapeModelsclear_all_shape_models
This operator is inoperable. It had the following function: Free the memory of all shape models.
clear_all_sheet_of_light_modelsClearAllSheetOfLightModelsclear_all_sheet_of_light_modelsClearAllSheetOfLightModelsclear_all_sheet_of_light_models
This operator is inoperable. It had the following function: Delete all sheet-of-light models and free the allocated memory.
clear_all_stereo_modelsClearAllStereoModelsclear_all_stereo_modelsClearAllStereoModelsclear_all_stereo_models
This operator is inoperable. It had the following function: Free the memory of all stereo models.
clear_all_surface_matching_resultsClearAllSurfaceMatchingResultsclear_all_surface_matching_resultsClearAllSurfaceMatchingResultsclear_all_surface_matching_results
This operator is inoperable. It had the following function: Free the memory of all surface matching results.
clear_all_surface_modelsClearAllSurfaceModelsclear_all_surface_modelsClearAllSurfaceModelsclear_all_surface_models
This operator is inoperable. It had the following function: Free the memory of all surface models.
clear_all_templatesClearAllTemplatesclear_all_templatesClearAllTemplatesclear_all_templates
This operator is inoperable. It had the following function: Deallocation of the memory of all templates.
clear_all_text_modelsClearAllTextModelsclear_all_text_modelsClearAllTextModelsclear_all_text_models
This operator is inoperable. It had the following function: Clear all text models.
clear_all_text_resultsClearAllTextResultsclear_all_text_resultsClearAllTextResultsclear_all_text_results
This operator is inoperable. It had the following function: Clear all text results.
clear_all_training_componentsClearAllTrainingComponentsclear_all_training_componentsClearAllTrainingComponentsclear_all_training_components
This operator is inoperable. It had the following function: Free the memory of all component training results.
clear_all_variation_modelsClearAllVariationModelsclear_all_variation_modelsClearAllVariationModelsclear_all_variation_models
This operator is inoperable. It had the following function: Free the memory of all variation models.
clear_bar_code_modelClearBarCodeModelclear_bar_code_modelClearBarCodeModelclear_bar_code_model
Delete a bar code model and free the allocated memory
clear_barrierClearBarrierclear_barrierClearBarrierclear_barrier
Destroy a barrier synchronization object.
clear_bead_inspection_modelClearBeadInspectionModelclear_bead_inspection_modelClearBeadInspectionModelclear_bead_inspection_model
Delete the bead inspection model and free the allocated memory.
clear_calib_dataClearCalibDataclear_calib_dataClearCalibDataclear_calib_data
Free the memory of a calibration data model.
clear_camera_setup_modelClearCameraSetupModelclear_camera_setup_modelClearCameraSetupModelclear_camera_setup_model
Free the memory of a calibration setup model.
clear_class_gmmClearClassGmmclear_class_gmmClearClassGmmclear_class_gmm
Clear a Gaussian Mixture Model.
clear_class_knnClearClassKnnclear_class_knnClearClassKnnclear_class_knn
Clear a k-NN classifier.
clear_class_lutClearClassLutclear_class_lutClearClassLutclear_class_lut
Clear a look-up table classifier.
clear_class_mlpClearClassMlpclear_class_mlpClearClassMlpclear_class_mlp
Clear a multilayer perceptron.
clear_class_svmClearClassSvmclear_class_svmClearClassSvmclear_class_svm
Clear a support vector machine.
clear_class_train_dataClearClassTrainDataclear_class_train_dataClearClassTrainDataclear_class_train_data
Clears training data for classifiers.
clear_color_trans_lutClearColorTransLutclear_color_trans_lutClearColorTransLutclear_color_trans_lut
Release the look-up-table needed for color space transformation.
clear_component_modelClearComponentModelclear_component_modelClearComponentModelclear_component_model
Free the memory of a component model.
clear_conditionClearConditionclear_conditionClearConditionclear_condition
Destroy a condition synchronization object.
clear_data_code_2d_modelClearDataCode2dModelclear_data_code_2d_modelClearDataCode2dModelclear_data_code_2d_model
Delete a 2D data code model and free the allocated memory.
clear_deformable_modelClearDeformableModelclear_deformable_modelClearDeformableModelclear_deformable_model
Free the memory of a deformable model.
clear_deformable_surface_matching_resultClearDeformableSurfaceMatchingResultclear_deformable_surface_matching_resultClearDeformableSurfaceMatchingResultclear_deformable_surface_matching_result
Free the memory of a deformable surface matching result.
clear_deformable_surface_modelClearDeformableSurfaceModelclear_deformable_surface_modelClearDeformableSurfaceModelclear_deformable_surface_model
Free the memory of a deformable surface model.
clear_descriptor_modelClearDescriptorModelclear_descriptor_modelClearDescriptorModelclear_descriptor_model
Free the memory of a descriptor model.
clear_distance_transform_xldClearDistanceTransformXldclear_distance_transform_xldClearDistanceTransformXldclear_distance_transform_xld
Clear a XLD distance transform.
clear_dl_classifierClearDlClassifierclear_dl_classifierClearDlClassifierclear_dl_classifier
Clear a deep-learning-based classifier.
clear_dl_classifier_resultClearDlClassifierResultclear_dl_classifier_resultClearDlClassifierResultclear_dl_classifier_result
Clear a handle containing the results of the deep-learning-based classification.
clear_dl_classifier_train_resultClearDlClassifierTrainResultclear_dl_classifier_train_resultClearDlClassifierTrainResultclear_dl_classifier_train_result
Clear the handle of a deep-learning-based classifier training result.
clear_dl_modelClearDlModelclear_dl_modelClearDlModelclear_dl_model
Clear a deep learning model.
clear_drawing_objectClearDrawingObjectclear_drawing_objectClearDrawingObjectclear_drawing_object
Delete drawing object.
clear_eventClearEventclear_eventClearEventclear_event
Clear the event synchronization object.
clear_handleClearHandleclear_handleClearHandleclear_handle
Clear the content of a handle.
clear_lexiconClearLexiconclear_lexiconClearLexiconclear_lexicon
Clear a lexicon.
clear_matrixClearMatrixclear_matrixClearMatrixclear_matrix
Free the memory of a matrix.
clear_messageClearMessageclear_messageClearMessageclear_message
Close a message handle and release all associated resources.
clear_message_queueClearMessageQueueclear_message_queueClearMessageQueueclear_message_queue
Close a message queue handle and release all associated resources.
clear_metrology_modelClearMetrologyModelclear_metrology_modelClearMetrologyModelclear_metrology_model
Delete a metrology model and free the allocated memory.
clear_metrology_objectClearMetrologyObjectclear_metrology_objectClearMetrologyObjectclear_metrology_object
Delete metrology objects and free the allocated memory.
clear_mutexClearMutexclear_mutexClearMutexclear_mutex
Clear the mutex synchronization object.
clear_ncc_modelClearNccModelclear_ncc_modelClearNccModelclear_ncc_model
Free the memory of an NCC model.
clear_objClearObjclear_objClearObjclear_obj
Delete an iconic object from the HALCON database.
clear_object_model_3dClearObjectModel3dclear_object_model_3dClearObjectModel3dclear_object_model_3d
Free the memory of a 3D object model.
clear_ocr_class_cnnClearOcrClassCnnclear_ocr_class_cnnClearOcrClassCnnclear_ocr_class_cnn
Clear an CNN-based OCR classifier.
clear_ocr_class_knnClearOcrClassKnnclear_ocr_class_knnClearOcrClassKnnclear_ocr_class_knn
Clear an OCR classifier.
clear_ocr_class_mlpClearOcrClassMlpclear_ocr_class_mlpClearOcrClassMlpclear_ocr_class_mlp
Clear an OCR classifier.
clear_ocr_class_svmClearOcrClassSvmclear_ocr_class_svmClearOcrClassSvmclear_ocr_class_svm
Clear an SVM-based OCR classifier.
clear_rectangleClearRectangleclear_rectangleClearRectangleclear_rectangle
Delete a rectangle on the output window.
clear_sample_identifierClearSampleIdentifierclear_sample_identifierClearSampleIdentifierclear_sample_identifier
Free the memory of a sample identifier.
clear_samples_class_gmmClearSamplesClassGmmclear_samples_class_gmmClearSamplesClassGmmclear_samples_class_gmm
Clear the training data of a Gaussian Mixture Model.
clear_samples_class_mlpClearSamplesClassMlpclear_samples_class_mlpClearSamplesClassMlpclear_samples_class_mlp
Clear the training data of a multilayer perceptron.
clear_samples_class_svmClearSamplesClassSvmclear_samples_class_svmClearSamplesClassSvmclear_samples_class_svm
Clear the training data of a support vector machine.
clear_sampsetClearSampsetclear_sampsetClearSampsetclear_sampset
Free memory of a data set.
clear_scattered_data_interpolatorClearScatteredDataInterpolatorclear_scattered_data_interpolatorClearScatteredDataInterpolatorclear_scattered_data_interpolator
Clear a scattered data interpolator.
clear_scene_3dClearScene3dclear_scene_3dClearScene3dclear_scene_3d
Delete a 3D scene and free all allocated memory.
clear_serialClearSerialclear_serialClearSerialclear_serial
Clear the buffer of a serial connection.
clear_serialized_itemClearSerializedItemclear_serialized_itemClearSerializedItemclear_serialized_item
Delete a serialized item.
clear_shape_modelClearShapeModelclear_shape_modelClearShapeModelclear_shape_model
Free the memory of a shape model.
clear_shape_model_3dClearShapeModel3dclear_shape_model_3dClearShapeModel3dclear_shape_model_3d
Free the memory of a 3D shape model.
clear_sheet_of_light_modelClearSheetOfLightModelclear_sheet_of_light_modelClearSheetOfLightModelclear_sheet_of_light_model
Delete a sheet-of-light model and free the allocated memory.
clear_stereo_modelClearStereoModelclear_stereo_modelClearStereoModelclear_stereo_model
Free the memory of a stereo model.
clear_structured_light_modelClearStructuredLightModelclear_structured_light_modelClearStructuredLightModelclear_structured_light_model
Clear a structured light model and free the allocated memory.
clear_surface_matching_resultClearSurfaceMatchingResultclear_surface_matching_resultClearSurfaceMatchingResultclear_surface_matching_result
Free the memory of a surface matching result.
clear_surface_modelClearSurfaceModelclear_surface_modelClearSurfaceModelclear_surface_model
Free the memory of a surface model.
clear_templateClearTemplateclear_templateClearTemplateclear_template
Deallocation of the memory of a template.
clear_text_modelClearTextModelclear_text_modelClearTextModelclear_text_model
Clear a text model.
clear_text_resultClearTextResultclear_text_resultClearTextResultclear_text_result
Clear a text result.
clear_texture_inspection_modelClearTextureInspectionModelclear_texture_inspection_modelClearTextureInspectionModelclear_texture_inspection_model
Clear a texture inspection model and free the allocated memory.
clear_texture_inspection_resultClearTextureInspectionResultclear_texture_inspection_resultClearTextureInspectionResultclear_texture_inspection_result
Clear a texture inspection result handle and free the allocated memory.
clear_train_data_variation_modelClearTrainDataVariationModelclear_train_data_variation_modelClearTrainDataVariationModelclear_train_data_variation_model
Free the memory of the training data of a variation model.
clear_training_componentsClearTrainingComponentsclear_training_componentsClearTrainingComponentsclear_training_components
Free the memory of a component training result.
clear_variation_modelClearVariationModelclear_variation_modelClearVariationModelclear_variation_model
Free the memory of a variation model.
clear_windowClearWindowclear_windowClearWindowclear_window
Delete the contents of an output window.
clip_contours_xldClipContoursXldclip_contours_xldClipContoursXldclip_contours_xld
Clip an XLD contour.
clip_end_points_contours_xldClipEndPointsContoursXldclip_end_points_contours_xldClipEndPointsContoursXldclip_end_points_contours_xld
Clip the end points of an XLD contour.
clip_regionClipRegionclip_regionClipRegionclip_region
Clip a region to a rectangle.
clip_region_relClipRegionRelclip_region_relClipRegionRelclip_region_rel
Clip a region relative to its smallest surrounding rectangle.
close_all_bg_estiCloseAllBgEsticlose_all_bg_estiCloseAllBgEsticlose_all_bg_esti
This operator is inoperable. It had the following function: Delete all background estimation data sets.
close_all_class_boxCloseAllClassBoxclose_all_class_boxCloseAllClassBoxclose_all_class_box
This operator is inoperable. It had the following function: Destroy all classifiers.
close_all_filesCloseAllFilesclose_all_filesCloseAllFilesclose_all_files
This operator is inoperable. It had the following function: Close all open files.
close_all_framegrabbersCloseAllFramegrabbersclose_all_framegrabbersCloseAllFramegrabbersclose_all_framegrabbers
This operator is inoperable. It had the following function: Close all image acquisition devices.
close_all_measuresCloseAllMeasuresclose_all_measuresCloseAllMeasuresclose_all_measures
This operator is inoperable. It had the following function: Delete all measure objects.
close_all_ocrsCloseAllOcrsclose_all_ocrsCloseAllOcrsclose_all_ocrs
This operator is inoperable. It had the following function: Destroy all OCR classifiers.
close_all_ocvsCloseAllOcvsclose_all_ocvsCloseAllOcvsclose_all_ocvs
This operator is inoperable. It had the following function: Clear all OCV tools.
close_all_serialsCloseAllSerialsclose_all_serialsCloseAllSerialsclose_all_serials
This operator is inoperable. It had the following function: Close all serial devices.
close_all_socketsCloseAllSocketsclose_all_socketsCloseAllSocketsclose_all_sockets
This operator is inoperable. It had the following function: Close all opened sockets.
close_bg_estiCloseBgEsticlose_bg_estiCloseBgEsticlose_bg_esti
Delete the background estimation data set.
close_class_boxCloseClassBoxclose_class_boxCloseClassBoxclose_class_box
Destroy the classifier.
close_contours_xldCloseContoursXldclose_contours_xldCloseContoursXldclose_contours_xld
Close an XLD contour.
close_edgesCloseEdgesclose_edgesCloseEdgesclose_edges
Close edge gaps using the edge amplitude image.
close_edges_lengthCloseEdgesLengthclose_edges_lengthCloseEdgesLengthclose_edges_length
Close edge gaps using the edge amplitude image.
close_fileCloseFileclose_fileCloseFileclose_file
Closing a text file.
close_framegrabberCloseFramegrabberclose_framegrabberCloseFramegrabberclose_framegrabber
Close specified image acquisition device.
close_io_channelCloseIoChannelclose_io_channelCloseIoChannelclose_io_channel
Close I/O channels.
close_io_deviceCloseIoDeviceclose_io_deviceCloseIoDeviceclose_io_device
Close the specified I/O device.
close_measureCloseMeasureclose_measureCloseMeasureclose_measure
Delete a measure object.
close_ocrCloseOcrclose_ocrCloseOcrclose_ocr
Deallocation of the memory of an OCR classifier.
close_ocvCloseOcvclose_ocvCloseOcvclose_ocv
Clear an OCV tool.
close_serialCloseSerialclose_serialCloseSerialclose_serial
Close a serial device.
close_socketCloseSocketclose_socketCloseSocketclose_socket
Close a socket.
close_windowCloseWindowclose_windowCloseWindowclose_window
Close an output window.
closest_point_transformClosestPointTransformclosest_point_transformClosestPointTransformclosest_point_transform
Compute the closest-point transformation of a region.
closingClosingclosingClosingclosing
Close a region.
closing_circleClosingCircleclosing_circleClosingCircleclosing_circle
Close a region with a circular structuring element.
closing_golayClosingGolayclosing_golayClosingGolayclosing_golay
Close a region with an element from the Golay alphabet.
closing_rectangle1ClosingRectangle1closing_rectangle1ClosingRectangle1closing_rectangle1
Close a region with a rectangular structuring element.
cluster_model_componentsClusterModelComponentscluster_model_componentsClusterModelComponentscluster_model_components
Adopt new parameters that are used to create the model components into the training result.
coherence_enhancing_diffCoherenceEnhancingDiffcoherence_enhancing_diffCoherenceEnhancingDiffcoherence_enhancing_diff
Perform a coherence enhancing diffusion of an image.
combine_roads_xldCombineRoadsXldcombine_roads_xldCombineRoadsXldcombine_roads_xld
Combine road hypotheses from two resolution levels.
comment
Add a comment of one line to the program.
compactnessCompactnesscompactnessCompactnesscompactness
Shape factor for the compactness of a region.
compactness_xldCompactnessXldcompactness_xldCompactnessXldcompactness_xld
Shape factor for the compactness of contours or polygons.
compare_ext_variation_modelCompareExtVariationModelcompare_ext_variation_modelCompareExtVariationModelcompare_ext_variation_model
Compare an image to a variation model.
compare_objCompareObjcompare_objCompareObjcompare_obj
Compare iconic objects regarding equality.
compare_variation_modelCompareVariationModelcompare_variation_modelCompareVariationModelcompare_variation_model
Compare an image to a variation model.
complementComplementcomplementComplementcomplement
Return the complement of a region.
complex_to_realComplexToRealcomplex_to_realComplexToRealcomplex_to_real
Convert a complex image into two real images.
compose2Compose2compose2Compose2compose2
Convert two images into a two-channel image.
compose3Compose3compose3Compose3compose3
Convert 3 images into a three-channel image.
compose4Compose4compose4Compose4compose4
Convert 4 images into a four-channel image.
compose5Compose5compose5Compose5compose5
Convert 5 images into a five-channel image.
compose6Compose6compose6Compose6compose6
Convert 6 images into a six-channel image.
compose7Compose7compose7Compose7compose7
Convert 7 images into a seven-channel image.
compose_funct_1dComposeFunct1dcompose_funct_1dComposeFunct1dcompose_funct_1d
Compose two functions.
concat_objConcatObjconcat_objConcatObjconcat_obj
Concatenate two iconic object tuples.
concat_ocr_trainfConcatOcrTrainfconcat_ocr_trainfConcatOcrTrainfconcat_ocr_trainf
Concat training files.
connect_and_holesConnectAndHolesconnect_and_holesConnectAndHolesconnect_and_holes
Number of connection components and holes
connect_grid_pointsConnectGridPointsconnect_grid_pointsConnectGridPointsconnect_grid_points
Establish connections between the grid points of the rectification grid.
connectionConnectionconnectionConnectionconnection
Compute connected components of a region.
connection_object_model_3dConnectionObjectModel3dconnection_object_model_3dConnectionObjectModel3dconnection_object_model_3d
Determine the connected components of the 3D object model.
continue
Skip the current loop execution.
contlengthContlengthcontlengthContlengthcontlength
Contour length of a region.
contour_point_num_xldContourPointNumXldcontour_point_num_xldContourPointNumXldcontour_point_num_xld
Return the number of points in an XLD contour.
contour_to_world_plane_xldContourToWorldPlaneXldcontour_to_world_plane_xldContourToWorldPlaneXldcontour_to_world_plane_xld
Transform an XLD contour into the plane z=0 of a world coordinate system.
control_io_channelControlIoChannelcontrol_io_channelControlIoChannelcontrol_io_channel
Perform an action on I/O channels.
control_io_deviceControlIoDevicecontrol_io_deviceControlIoDevicecontrol_io_device
Perform an action on the I/O device.
control_io_interfaceControlIoInterfacecontrol_io_interfaceControlIoInterfacecontrol_io_interface
Perform an action on the I/O interface.
convert_coordinates_image_to_windowConvertCoordinatesImageToWindowconvert_coordinates_image_to_windowConvertCoordinatesImageToWindowconvert_coordinates_image_to_window
Convert image coordinates to window coordinates
convert_coordinates_window_to_imageConvertCoordinatesWindowToImageconvert_coordinates_window_to_imageConvertCoordinatesWindowToImageconvert_coordinates_window_to_image
Convert window coordinates to image coordinates
convert_image_typeConvertImageTypeconvert_image_typeConvertImageTypeconvert_image_type
Convert the type of an image.
convert_map_typeConvertMapTypeconvert_map_typeConvertMapTypeconvert_map_type
Convert image maps into other map types.
convert_point_3d_cart_to_spherConvertPoint3dCartToSpherconvert_point_3d_cart_to_spherConvertPoint3dCartToSpherconvert_point_3d_cart_to_spher
Convert Cartesian coordinates of a 3D point to spherical coordinates.
convert_point_3d_spher_to_cartConvertPoint3dSpherToCartconvert_point_3d_spher_to_cartConvertPoint3dSpherToCartconvert_point_3d_spher_to_cart
Convert spherical coordinates of a 3D point to Cartesian coordinates.
convert_pose_typeConvertPoseTypeconvert_pose_typeConvertPoseTypeconvert_pose_type
Change the representation type of a 3D pose.
convert_tuple_to_vector_1d
Distribute the elements of a tuple to a vector.
convert_vector_to_tuple
Concatenate the elements of a vector to a single tuple.
convex_hull_object_model_3dConvexHullObjectModel3dconvex_hull_object_model_3dConvexHullObjectModel3dconvex_hull_object_model_3d
Calculate the convex hull of a 3D object model.
convexityConvexityconvexityConvexityconvexity
Shape factor for the convexity of a region.
convexity_xldConvexityXldconvexity_xldConvexityXldconvexity_xld
Shape factor for the convexity of contours or polygons.
convol_fftConvolFftconvol_fftConvolFftconvol_fft
Convolve an image with a filter in the frequency domain.
convol_gaborConvolGaborconvol_gaborConvolGaborconvol_gabor
Convolve an image with a Gabor filter in the frequency domain.
convol_imageConvolImageconvol_imageConvolImageconvol_image
Calculate the correlation between an image and an arbitrary filter mask
cooc_feature_imageCoocFeatureImagecooc_feature_imageCoocFeatureImagecooc_feature_image
Calculate a co-occurrence matrix and derive gray value features thereof.
cooc_feature_matrixCoocFeatureMatrixcooc_feature_matrixCoocFeatureMatrixcooc_feature_matrix
Calculate gray value features from a co-occurrence matrix.
copy_dictCopyDictcopy_dictCopyDictcopy_dict
Copy a dictionary.
copy_fileCopyFilecopy_fileCopyFilecopy_file
Copy a file to a new location.
copy_imageCopyImagecopy_imageCopyImagecopy_image
Copy an image and allocate new memory for it.
copy_matrixCopyMatrixcopy_matrixCopyMatrixcopy_matrix
Copy a matrix.
copy_metrology_modelCopyMetrologyModelcopy_metrology_modelCopyMetrologyModelcopy_metrology_model
Copy a metrology model.
copy_metrology_objectCopyMetrologyObjectcopy_metrology_objectCopyMetrologyObjectcopy_metrology_object
Copy metrology metrology objects of a metrology model.
copy_objCopyObjcopy_objCopyObjcopy_obj
Copy an iconic object in the HALCON database.
copy_object_model_3dCopyObjectModel3dcopy_object_model_3dCopyObjectModel3dcopy_object_model_3d
Copy a 3D object model.
copy_rectangleCopyRectanglecopy_rectangleCopyRectanglecopy_rectangle
Copy all pixels within rectangles between output windows.
corner_responseCornerResponsecorner_responseCornerResponsecorner_response
Searching corners in images.
correlation_fftCorrelationFftcorrelation_fftCorrelationFftcorrelation_fft
Compute the correlation of two images in the frequency domain.
cos_imageCosImagecos_imageCosImagecos_image
Calculate the cosine of an image.
count_channelsCountChannelscount_channelsCountChannelscount_channels
Count channels of image.
count_objCountObjcount_objCountObjcount_obj
Number of objects in a tuple.
count_relationCountRelationcount_relationCountRelationcount_relation
Number of entries in the HALCON database.
count_secondsCountSecondscount_secondsCountSecondscount_seconds
Passed Time.
create_aniso_shape_modelCreateAnisoShapeModelcreate_aniso_shape_modelCreateAnisoShapeModelcreate_aniso_shape_model
Prepare an anisotropically scaled shape model for matching.
create_aniso_shape_model_xldCreateAnisoShapeModelXldcreate_aniso_shape_model_xldCreateAnisoShapeModelXldcreate_aniso_shape_model_xld
Prepare an anisotropically scaled shape model for matching from XLD contours.
create_bar_code_modelCreateBarCodeModelcreate_bar_code_modelCreateBarCodeModelcreate_bar_code_model
Create a model of a bar code reader.
create_barrierCreateBarriercreate_barrierCreateBarriercreate_barrier
Create a barrier synchronization object.
create_bead_inspection_modelCreateBeadInspectionModelcreate_bead_inspection_modelCreateBeadInspectionModelcreate_bead_inspection_model
Create a model to inspect beads or adhesive in images.
create_bg_estiCreateBgEsticreate_bg_estiCreateBgEsticreate_bg_esti
Generate and initialize a data set for the background estimation.
create_calib_dataCreateCalibDatacreate_calib_dataCreateCalibDatacreate_calib_data
Create a HALCON calibration data model.
create_calib_descriptor_modelCreateCalibDescriptorModelcreate_calib_descriptor_modelCreateCalibDescriptorModelcreate_calib_descriptor_model
Create a descriptor model for calibrated perspective matching.
create_caltabCreateCaltabcreate_caltabCreateCaltabcreate_caltab
Generate a calibration plate description file and a corresponding PostScript file for a calibration plate with hexagonally arranged marks.
create_cam_pose_look_at_pointCreateCamPoseLookAtPointcreate_cam_pose_look_at_pointCreateCamPoseLookAtPointcreate_cam_pose_look_at_point
Create a 3D camera pose from camera center and viewing direction.
create_camera_setup_modelCreateCameraSetupModelcreate_camera_setup_modelCreateCameraSetupModelcreate_camera_setup_model
Create a model for a setup of calibrated cameras.
create_class_boxCreateClassBoxcreate_class_boxCreateClassBoxcreate_class_box
Create a new classifier.
create_class_gmmCreateClassGmmcreate_class_gmmCreateClassGmmcreate_class_gmm
Create a Gaussian Mixture Model for classification
create_class_knnCreateClassKnncreate_class_knnCreateClassKnncreate_class_knn
Create a k-nearest neighbors (k-NN) classifier.
create_class_lut_gmmCreateClassLutGmmcreate_class_lut_gmmCreateClassLutGmmcreate_class_lut_gmm
Create a look-up table using a gaussian mixture model to classify byte images.
create_class_lut_knnCreateClassLutKnncreate_class_lut_knnCreateClassLutKnncreate_class_lut_knn
Create a look-up table using a k-nearest neighbors classifier (k-NN) to classify byte images.
create_class_lut_mlpCreateClassLutMlpcreate_class_lut_mlpCreateClassLutMlpcreate_class_lut_mlp
Create a look-up table using a multi-layer perceptron to classify byte images.
create_class_lut_svmCreateClassLutSvmcreate_class_lut_svmCreateClassLutSvmcreate_class_lut_svm
Create a look-up table using a Support-Vector-Machine to classify byte images.
create_class_mlpCreateClassMlpcreate_class_mlpCreateClassMlpcreate_class_mlp
Create a multilayer perceptron for classification or regression.
create_class_svmCreateClassSvmcreate_class_svmCreateClassSvmcreate_class_svm
Create a support vector machine for pattern classification.
create_class_train_dataCreateClassTrainDatacreate_class_train_dataCreateClassTrainDatacreate_class_train_data
Create a handle for training data for classifiers.
create_color_trans_lutCreateColorTransLutcreate_color_trans_lutCreateColorTransLutcreate_color_trans_lut
Creates the look-up-table for transformation of an image from the RGB color space to an arbitrary color space.
create_component_modelCreateComponentModelcreate_component_modelCreateComponentModelcreate_component_model
Prepare a component model for matching based on explicitly specified components and relations.
create_conditionCreateConditioncreate_conditionCreateConditioncreate_condition
Create a condition variable synchronization object.
create_data_code_2d_modelCreateDataCode2dModelcreate_data_code_2d_modelCreateDataCode2dModelcreate_data_code_2d_model
Create a model of a 2D data code class.
create_deep_ocrCreateDeepOcrcreate_deep_ocrCreateDeepOcrcreate_deep_ocr
Create a Deep OCR model.
create_deformable_surface_modelCreateDeformableSurfaceModelcreate_deformable_surface_modelCreateDeformableSurfaceModelcreate_deformable_surface_model
Create the data structure needed to perform deformable surface-based matching.
create_dictCreateDictcreate_dictCreateDictcreate_dict
Create a new empty dictionary.
create_distance_transform_xldCreateDistanceTransformXldcreate_distance_transform_xldCreateDistanceTransformXldcreate_distance_transform_xld
Create the XLD distance transform.
create_dl_model_detectionCreateDlModelDetectioncreate_dl_model_detectionCreateDlModelDetectioncreate_dl_model_detection
Create a deep learning network for object detection.
create_dl_pruningCreateDlPruningcreate_dl_pruningCreateDlPruningcreate_dl_pruning
Create a pruning data handle.
create_drawing_object_circleCreateDrawingObjectCirclecreate_drawing_object_circleCreateDrawingObjectCirclecreate_drawing_object_circle
Create a circle which can be modified interactively.
create_drawing_object_circle_sectorCreateDrawingObjectCircleSectorcreate_drawing_object_circle_sectorCreateDrawingObjectCircleSectorcreate_drawing_object_circle_sector
Create a circle sector which can be modified interactively.
create_drawing_object_ellipseCreateDrawingObjectEllipsecreate_drawing_object_ellipseCreateDrawingObjectEllipsecreate_drawing_object_ellipse
Create an ellipse which can be modified interactively.
create_drawing_object_ellipse_sectorCreateDrawingObjectEllipseSectorcreate_drawing_object_ellipse_sectorCreateDrawingObjectEllipseSectorcreate_drawing_object_ellipse_sector
Create an elliptic sector which can be modified interactively.
create_drawing_object_lineCreateDrawingObjectLinecreate_drawing_object_lineCreateDrawingObjectLinecreate_drawing_object_line
Create a line which can be modified interactively.
create_drawing_object_rectangle1CreateDrawingObjectRectangle1create_drawing_object_rectangle1CreateDrawingObjectRectangle1create_drawing_object_rectangle1
Create a rectangle parallel to the coordinate axis which can be modified interactively.
create_drawing_object_rectangle2CreateDrawingObjectRectangle2create_drawing_object_rectangle2CreateDrawingObjectRectangle2create_drawing_object_rectangle2
Create a rectangle of any orientation which can be modified interactively.
create_drawing_object_textCreateDrawingObjectTextcreate_drawing_object_textCreateDrawingObjectTextcreate_drawing_object_text
Create a text object which can be moved interactively.
create_drawing_object_xldCreateDrawingObjectXldcreate_drawing_object_xldCreateDrawingObjectXldcreate_drawing_object_xld
Create a XLD contour which can be modified interactively.
create_eventCreateEventcreate_eventCreateEventcreate_event
Create an event synchronization object.
create_funct_1d_arrayCreateFunct1dArraycreate_funct_1d_arrayCreateFunct1dArraycreate_funct_1d_array
Create a function from a sequence of y values.
create_funct_1d_pairsCreateFunct1dPairscreate_funct_1d_pairsCreateFunct1dPairscreate_funct_1d_pairs
Create a function from a set of (x,y) pairs.
create_lexiconCreateLexiconcreate_lexiconCreateLexiconcreate_lexicon
Create a lexicon from a tuple of words.
create_local_deformable_modelCreateLocalDeformableModelcreate_local_deformable_modelCreateLocalDeformableModelcreate_local_deformable_model
Creates a deformable model for local, deformable matching.
create_local_deformable_model_xldCreateLocalDeformableModelXldcreate_local_deformable_model_xldCreateLocalDeformableModelXldcreate_local_deformable_model_xld
Prepare a deformable model for local deformable matching from XLD contours.
create_matrixCreateMatrixcreate_matrixCreateMatrixcreate_matrix
Create a matrix.
create_messageCreateMessagecreate_messageCreateMessagecreate_message
Create a new empty message.
create_message_queueCreateMessageQueuecreate_message_queueCreateMessageQueuecreate_message_queue
Create a new empty message queue.
create_metrology_modelCreateMetrologyModelcreate_metrology_modelCreateMetrologyModelcreate_metrology_model
Create the data structure that is needed to measure geometric shapes.
create_mutexCreateMutexcreate_mutexCreateMutexcreate_mutex
Create a mutual exclusion synchronization object.
create_ncc_modelCreateNccModelcreate_ncc_modelCreateNccModelcreate_ncc_model
Prepare an NCC model for matching.
create_ocr_class_boxCreateOcrClassBoxcreate_ocr_class_boxCreateOcrClassBoxcreate_ocr_class_box
Create a new OCR-classifier.
create_ocr_class_knnCreateOcrClassKnncreate_ocr_class_knnCreateOcrClassKnncreate_ocr_class_knn
Create an OCR classifier using a k-Nearest Neighbor (k-NN) classifier.
create_ocr_class_mlpCreateOcrClassMlpcreate_ocr_class_mlpCreateOcrClassMlpcreate_ocr_class_mlp
Create an OCR classifier using a multilayer perceptron.
create_ocr_class_svmCreateOcrClassSvmcreate_ocr_class_svmCreateOcrClassSvmcreate_ocr_class_svm
Create an OCR classifier using a support vector machine.
create_ocv_projCreateOcvProjcreate_ocv_projCreateOcvProjcreate_ocv_proj
Create a new OCV tool based on gray value projections.
create_planar_calib_deformable_modelCreatePlanarCalibDeformableModelcreate_planar_calib_deformable_modelCreatePlanarCalibDeformableModelcreate_planar_calib_deformable_model
Create a deformable model for calibrated perspective matching.
create_planar_calib_deformable_model_xldCreatePlanarCalibDeformableModelXldcreate_planar_calib_deformable_model_xldCreatePlanarCalibDeformableModelXldcreate_planar_calib_deformable_model_xld
Prepare a deformable model for planar calibrated matching from XLD contours.
create_planar_uncalib_deformable_modelCreatePlanarUncalibDeformableModelcreate_planar_uncalib_deformable_modelCreatePlanarUncalibDeformableModelcreate_planar_uncalib_deformable_model
Creates a deformable model for uncalibrated, perspective matching.
create_planar_uncalib_deformable_model_xldCreatePlanarUncalibDeformableModelXldcreate_planar_uncalib_deformable_model_xldCreatePlanarUncalibDeformableModelXldcreate_planar_uncalib_deformable_model_xld
Prepare a deformable model for planar uncalibrated matching from XLD contours.
create_poseCreatePosecreate_poseCreatePosecreate_pose
Create a 3D pose.
create_rectification_gridCreateRectificationGridcreate_rectification_gridCreateRectificationGridcreate_rectification_grid
Generate a PostScript file, which describes the rectification grid.
create_sample_identifierCreateSampleIdentifiercreate_sample_identifierCreateSampleIdentifiercreate_sample_identifier
Create a new sample identifier.
create_scaled_shape_modelCreateScaledShapeModelcreate_scaled_shape_modelCreateScaledShapeModelcreate_scaled_shape_model
Prepare an isotropically scaled shape model for matching.
create_scaled_shape_model_xldCreateScaledShapeModelXldcreate_scaled_shape_model_xldCreateScaledShapeModelXldcreate_scaled_shape_model_xld
Prepare an isotropically scaled shape model for matching from XLD contours.
create_scattered_data_interpolatorCreateScatteredDataInterpolatorcreate_scattered_data_interpolatorCreateScatteredDataInterpolatorcreate_scattered_data_interpolator
Creates an interpolator for the interpolation of scattered data.
create_scene_3dCreateScene3dcreate_scene_3dCreateScene3dcreate_scene_3d
Create the data structure that is needed to visualize collections of 3D objects.
create_serialized_item_ptrCreateSerializedItemPtrcreate_serialized_item_ptrCreateSerializedItemPtrcreate_serialized_item_ptr
Create a serialized item.
create_shape_modelCreateShapeModelcreate_shape_modelCreateShapeModelcreate_shape_model
Prepare a shape model for matching.
create_shape_model_3dCreateShapeModel3dcreate_shape_model_3dCreateShapeModel3dcreate_shape_model_3d
Prepare a 3D object model for matching.
create_shape_model_xldCreateShapeModelXldcreate_shape_model_xldCreateShapeModelXldcreate_shape_model_xld
Prepare a shape model for matching from XLD contours.
create_sheet_of_light_calib_objectCreateSheetOfLightCalibObjectcreate_sheet_of_light_calib_objectCreateSheetOfLightCalibObjectcreate_sheet_of_light_calib_object
Create a calibration object for sheet-of-light calibration.
create_sheet_of_light_modelCreateSheetOfLightModelcreate_sheet_of_light_modelCreateSheetOfLightModelcreate_sheet_of_light_model
Create a model to perform 3D-measurements using the sheet-of-light technique.
create_stereo_modelCreateStereoModelcreate_stereo_modelCreateStereoModelcreate_stereo_model
Create a HALCON stereo model.
create_structured_light_modelCreateStructuredLightModelcreate_structured_light_modelCreateStructuredLightModelcreate_structured_light_model
Create a structured light model.
create_surface_modelCreateSurfaceModelcreate_surface_modelCreateSurfaceModelcreate_surface_model
Create the data structure needed to perform surface-based matching.
create_templateCreateTemplatecreate_templateCreateTemplatecreate_template
Preparing a pattern for template matching.
create_template_rotCreateTemplateRotcreate_template_rotCreateTemplateRotcreate_template_rot
Preparing a pattern for template matching with rotation.
create_text_modelCreateTextModelcreate_text_modelCreateTextModelcreate_text_model
Create a text model.
create_text_model_readerCreateTextModelReadercreate_text_model_readerCreateTextModelReadercreate_text_model_reader
Create a text model.
create_texture_inspection_modelCreateTextureInspectionModelcreate_texture_inspection_modelCreateTextureInspectionModelcreate_texture_inspection_model
Create a texture inspection model.
create_trained_component_modelCreateTrainedComponentModelcreate_trained_component_modelCreateTrainedComponentModelcreate_trained_component_model
Prepare a component model for matching based on trained components.
create_uncalib_descriptor_modelCreateUncalibDescriptorModelcreate_uncalib_descriptor_modelCreateUncalibDescriptorModelcreate_uncalib_descriptor_model
Prepare a descriptor model for interest point matching.
create_variation_modelCreateVariationModelcreate_variation_modelCreateVariationModelcreate_variation_model
Create a variation model for image comparison.
critical_points_sub_pixCriticalPointsSubPixcritical_points_sub_pixCriticalPointsSubPixcritical_points_sub_pix
Subpixel precise detection of critical points in an image.
crop_contours_xldCropContoursXldcrop_contours_xldCropContoursXldcrop_contours_xld
Crop an XLD contour.
crop_domainCropDomaincrop_domainCropDomaincrop_domain
Cut out of defined gray values.
crop_domain_relCropDomainRelcrop_domain_relCropDomainRelcrop_domain_rel
Cut out an image area relative to the domain.
crop_partCropPartcrop_partCropPartcrop_part
Cut out one or more rectangular image areas.
crop_rectangle1CropRectangle1crop_rectangle1CropRectangle1crop_rectangle1
Cut out one or more rectangular image areas.
crop_rectangle2CropRectangle2crop_rectangle2CropRectangle2crop_rectangle2
Cut out one or more arbitrarily oriented rectangular image areas.

D

deactivate_all_compute_devicesDeactivateAllComputeDevicesdeactivate_all_compute_devicesDeactivateAllComputeDevicesdeactivate_all_compute_devices
Deactivate all compute devices.
deactivate_compute_deviceDeactivateComputeDevicedeactivate_compute_deviceDeactivateComputeDevicedeactivate_compute_device
Deactivate a compute device.
decode_bar_code_rectangle2DecodeBarCodeRectangle2decode_bar_code_rectangle2DecodeBarCodeRectangle2decode_bar_code_rectangle2
Decode bar code symbols within a rectangle.
decode_structured_light_patternDecodeStructuredLightPatterndecode_structured_light_patternDecodeStructuredLightPatterndecode_structured_light_pattern
Decode the camera images acquired with a structured light setup.
decompose2Decompose2decompose2Decompose2decompose2
Convert a two-channel image into two images.
decompose3Decompose3decompose3Decompose3decompose3
Convert a three-channel image into three images.
decompose4Decompose4decompose4Decompose4decompose4
Convert a four-channel image into four images.
decompose5Decompose5decompose5Decompose5decompose5
Convert a five-channel image into five images.
decompose6Decompose6decompose6Decompose6decompose6
Convert a six-channel image into six images.
decompose7Decompose7decompose7Decompose7decompose7
Convert a seven-channel image into seven images.
decompose_matrixDecomposeMatrixdecompose_matrixDecomposeMatrixdecompose_matrix
Decompose a matrix.
default
Alternative branch in a switchswitchSwitchSwitchSwitchswitch block.
delete_fileDeleteFiledelete_fileDeleteFiledelete_file
Delete a file.
depth_from_focusDepthFromFocusdepth_from_focusDepthFromFocusdepth_from_focus
Extract depth using multiple focus levels.
dequeue_messageDequeueMessagedequeue_messageDequeueMessagedequeue_message
Receive one or more messages from the message queue.
derivate_funct_1dDerivateFunct1dderivate_funct_1dDerivateFunct1dderivate_funct_1d
Calculate the derivatives of a function.
derivate_gaussDerivateGaussderivate_gaussDerivateGaussderivate_gauss
Convolve an image with derivatives of the Gaussian.
derivate_vector_fieldDerivateVectorFieldderivate_vector_fieldDerivateVectorFieldderivate_vector_field
Convolve a vector field with derivatives of the Gaussian.
descript_class_boxDescriptClassBoxdescript_class_boxDescriptClassBoxdescript_class_box
Describe the classes of a box classifier.
deserialize_bar_code_modelDeserializeBarCodeModeldeserialize_bar_code_modelDeserializeBarCodeModeldeserialize_bar_code_model
Deserialize a bar code model.
deserialize_calib_dataDeserializeCalibDatadeserialize_calib_dataDeserializeCalibDatadeserialize_calib_data
Deserialize a serialized calibration data model.
deserialize_cam_parDeserializeCamPardeserialize_cam_parDeserializeCamPardeserialize_cam_par
Deserialize the serialized internal camera parameters.
deserialize_camera_setup_modelDeserializeCameraSetupModeldeserialize_camera_setup_modelDeserializeCameraSetupModeldeserialize_camera_setup_model
Deserialize a serialized camera setup model.
deserialize_class_boxDeserializeClassBoxdeserialize_class_boxDeserializeClassBoxdeserialize_class_box
Deserialize a serialized classifier.
deserialize_class_gmmDeserializeClassGmmdeserialize_class_gmmDeserializeClassGmmdeserialize_class_gmm
Deserialize a serialized Gaussian Mixture Model.
deserialize_class_knnDeserializeClassKnndeserialize_class_knnDeserializeClassKnndeserialize_class_knn
Deserialize a serialized k-NN classifier.
deserialize_class_mlpDeserializeClassMlpdeserialize_class_mlpDeserializeClassMlpdeserialize_class_mlp
Deserialize a serialized multilayer perceptron.
deserialize_class_svmDeserializeClassSvmdeserialize_class_svmDeserializeClassSvmdeserialize_class_svm
Deserialize a serialized support vector machine (SVM).
deserialize_class_train_dataDeserializeClassTrainDatadeserialize_class_train_dataDeserializeClassTrainDatadeserialize_class_train_data
Deserialize serialized training data for classifiers.
deserialize_component_modelDeserializeComponentModeldeserialize_component_modelDeserializeComponentModeldeserialize_component_model
Deserialize a serialized component model.
deserialize_data_code_2d_modelDeserializeDataCode2dModeldeserialize_data_code_2d_modelDeserializeDataCode2dModeldeserialize_data_code_2d_model
Deserialize a serialized 2D data code model.
deserialize_deformable_modelDeserializeDeformableModeldeserialize_deformable_modelDeserializeDeformableModeldeserialize_deformable_model
Deserialize a deformable model.
deserialize_deformable_surface_modelDeserializeDeformableSurfaceModeldeserialize_deformable_surface_modelDeserializeDeformableSurfaceModeldeserialize_deformable_surface_model
Deserialize a deformable surface model.
deserialize_descriptor_modelDeserializeDescriptorModeldeserialize_descriptor_modelDeserializeDescriptorModeldeserialize_descriptor_model
Deserialize a descriptor model.
deserialize_distance_transform_xldDeserializeDistanceTransformXlddeserialize_distance_transform_xldDeserializeDistanceTransformXlddeserialize_distance_transform_xld
Deserialize an XLD distance transform.
deserialize_dl_classifierDeserializeDlClassifierdeserialize_dl_classifierDeserializeDlClassifierdeserialize_dl_classifier
Deserialize a deep-learning-based classifier.
deserialize_dl_modelDeserializeDlModeldeserialize_dl_modelDeserializeDlModeldeserialize_dl_model
Deserialize a deep learning model.
deserialize_dual_quatDeserializeDualQuatdeserialize_dual_quatDeserializeDualQuatdeserialize_dual_quat
Deserialize a serialized dual quaternion.
deserialize_fft_optimization_dataDeserializeFftOptimizationDatadeserialize_fft_optimization_dataDeserializeFftOptimizationDatadeserialize_fft_optimization_data
Deserialize FFT speed optimization data.
deserialize_handleDeserializeHandledeserialize_handleDeserializeHandledeserialize_handle
Deserialize a serialized item.
deserialize_hom_mat2dDeserializeHomMat2ddeserialize_hom_mat2dDeserializeHomMat2ddeserialize_hom_mat2d
Deserialize a serialized homogeneous 2D transformation matrix.
deserialize_hom_mat3dDeserializeHomMat3ddeserialize_hom_mat3dDeserializeHomMat3ddeserialize_hom_mat3d
Deserialize a serialized homogeneous 3D transformation matrix.
deserialize_imageDeserializeImagedeserialize_imageDeserializeImagedeserialize_image
Deserialize a serialized image object.
deserialize_matrixDeserializeMatrixdeserialize_matrixDeserializeMatrixdeserialize_matrix
Deserialize a serialized matrix.
deserialize_measureDeserializeMeasuredeserialize_measureDeserializeMeasuredeserialize_measure
Deserialize a serialized measure object.
deserialize_metrology_modelDeserializeMetrologyModeldeserialize_metrology_modelDeserializeMetrologyModeldeserialize_metrology_model
Deserialize a serialized metrology model.
deserialize_ncc_modelDeserializeNccModeldeserialize_ncc_modelDeserializeNccModeldeserialize_ncc_model
Deserialize an NCC model.
deserialize_objectDeserializeObjectdeserialize_objectDeserializeObjectdeserialize_object
Deserialize a serialized iconic object.
deserialize_object_model_3dDeserializeObjectModel3ddeserialize_object_model_3dDeserializeObjectModel3ddeserialize_object_model_3d
Deserialize a serialized 3D object model.
deserialize_ocrDeserializeOcrdeserialize_ocrDeserializeOcrdeserialize_ocr
Deserialize a serialized OCR classifier.
deserialize_ocr_class_cnnDeserializeOcrClassCnndeserialize_ocr_class_cnnDeserializeOcrClassCnndeserialize_ocr_class_cnn
Deserialize a serialized CNN-based OCR classifier.
deserialize_ocr_class_knnDeserializeOcrClassKnndeserialize_ocr_class_knnDeserializeOcrClassKnndeserialize_ocr_class_knn
Deserialize a serialized k-NN-based OCR classifier.
deserialize_ocr_class_mlpDeserializeOcrClassMlpdeserialize_ocr_class_mlpDeserializeOcrClassMlpdeserialize_ocr_class_mlp
Deserialize a serialized MLP-based OCR classifier.
deserialize_ocr_class_svmDeserializeOcrClassSvmdeserialize_ocr_class_svmDeserializeOcrClassSvmdeserialize_ocr_class_svm
Deserialize a serialized SVM-based OCR classifier.
deserialize_ocvDeserializeOcvdeserialize_ocvDeserializeOcvdeserialize_ocv
Deserialize a serialized OCV tool.
deserialize_poseDeserializePosedeserialize_poseDeserializePosedeserialize_pose
Deserialize a serialized pose.
deserialize_quatDeserializeQuatdeserialize_quatDeserializeQuatdeserialize_quat
Deserialize a serialized quaternion.
deserialize_regionDeserializeRegiondeserialize_regionDeserializeRegiondeserialize_region
Deserialize a serialized region.
deserialize_sample_identifierDeserializeSampleIdentifierdeserialize_sample_identifierDeserializeSampleIdentifierdeserialize_sample_identifier
Deserialize a serialized sample identifier.
deserialize_shape_modelDeserializeShapeModeldeserialize_shape_modelDeserializeShapeModeldeserialize_shape_model
Deserialize a serialized shape model.
deserialize_shape_model_3dDeserializeShapeModel3ddeserialize_shape_model_3dDeserializeShapeModel3ddeserialize_shape_model_3d
Deserialize a serialized 3D shape model.
deserialize_sheet_of_light_modelDeserializeSheetOfLightModeldeserialize_sheet_of_light_modelDeserializeSheetOfLightModeldeserialize_sheet_of_light_model
Deserialize a sheet-of-light model.
deserialize_structured_light_modelDeserializeStructuredLightModeldeserialize_structured_light_modelDeserializeStructuredLightModeldeserialize_structured_light_model
Deserialize a structured light model.
deserialize_surface_modelDeserializeSurfaceModeldeserialize_surface_modelDeserializeSurfaceModeldeserialize_surface_model
Deserialize a surface model.
deserialize_templateDeserializeTemplatedeserialize_templateDeserializeTemplatedeserialize_template
Deserialize a serialized template.
deserialize_texture_inspection_modelDeserializeTextureInspectionModeldeserialize_texture_inspection_modelDeserializeTextureInspectionModeldeserialize_texture_inspection_model
Deserialize a serialized texture inspection model.
deserialize_training_componentsDeserializeTrainingComponentsdeserialize_training_componentsDeserializeTrainingComponentsdeserialize_training_components
Deserialize a component training result.
deserialize_tupleDeserializeTupledeserialize_tupleDeserializeTupledeserialize_tuple
Deserialize a serialized tuple.
deserialize_variation_modelDeserializeVariationModeldeserialize_variation_modelDeserializeVariationModeldeserialize_variation_model
Deserialize a variation model.
deserialize_xldDeserializeXlddeserialize_xldDeserializeXlddeserialize_xld
Deserialize a serialized XLD object.
detach_background_from_windowDetachBackgroundFromWindowdetach_background_from_windowDetachBackgroundFromWindowdetach_background_from_window
Detach the background image from a HALCON window.
detach_drawing_object_from_windowDetachDrawingObjectFromWindowdetach_drawing_object_from_windowDetachDrawingObjectFromWindowdetach_drawing_object_from_window
Detach an existing drawing object from a HALCON window.
detect_edge_segmentsDetectEdgeSegmentsdetect_edge_segmentsDetectEdgeSegmentsdetect_edge_segments
Detect straight edge segments.
determinant_matrixDeterminantMatrixdeterminant_matrixDeterminantMatrixdeterminant_matrix
Compute the determinant of a matrix.
determine_deformable_model_paramsDetermineDeformableModelParamsdetermine_deformable_model_paramsDetermineDeformableModelParamsdetermine_deformable_model_params
Determine the parameters of a deformable model.
determine_ncc_model_paramsDetermineNccModelParamsdetermine_ncc_model_paramsDetermineNccModelParamsdetermine_ncc_model_params
Determine the parameters of an NCC model.
determine_shape_model_paramsDetermineShapeModelParamsdetermine_shape_model_paramsDetermineShapeModelParamsdetermine_shape_model_params
Determine the parameters of a shape model.
dev_clear_obj
Delete an iconic object from the HALCON database.
dev_clear_window
Clear the contents of the active graphics window.
dev_close_inspect_ctrl
Close inspect window(s) of one or more control variables.
dev_close_tool
Close the specified floating tool window.
dev_close_window
Close the active floating graphics window.
dev_disp_text
Display text in the current graphics window.
dev_display
Displays image objects in the current graphics window.
dev_error_var
Define or undefine an error variable.
dev_get_exception_data
Access the elements of an exception tuple.
dev_get_preferences
Query HDevelop preferences within a program.
dev_get_system
Query the HDevelop system within a program.
dev_get_window
Return the handle of the active graphics window.
dev_inspect_ctrl
Open a window to inspect one or more control variables.
dev_map_par
Open the dialog to specify the visualization parameters.
dev_map_prog
Make the main window of HDevelop visible.
dev_map_var
Open the variable window of HDevelop.
dev_open_dialog
Open a modal HDevelop dialog.
dev_open_file_dialog
Opens a file selection dialog.
dev_open_tool
Open a HDevelop tool, a non-modal dialog, or assistant.
dev_open_window
Open a new graphics window.
dev_set_check
Specify the error handling in HDevelop.
dev_set_color
Set one or more output colors.
dev_set_colored
Set multiple output colors.
dev_set_contour_style
Define the contour display fill style.
dev_set_draw
Define the region fill mode.
dev_set_line_width
Define the line width for region contour output.
dev_set_lut
Set “look-up-table” (lut).
dev_set_paint
Define the gray value output mode.
dev_set_part
Modify the displayed image part.
dev_set_preferences
Set HDevelop preferences within a program.
dev_set_shape
Define the region output shape.
dev_set_tool_geometry
Sets the position and size of the specified tool.
dev_set_window
Activate a graphics window.
dev_set_window_extents
Change position and size of the active floating graphics window.
dev_show_tool
Shows the specified tool.
dev_unmap_par
Closes the dialog to specify the visualization parameters.
dev_unmap_prog
Hide the main window.
dev_unmap_var
Hides the variable window.
dev_update_pc
Switches the update of the PC during program execution on or off.
dev_update_time
Switch time measurement for operators on or off.
dev_update_var
Switches the update of the variable window during program execution on or off.
dev_update_window
Switches the automatic output of iconic output objects into the graphics window during program execution on or off.
deviation_imageDeviationImagedeviation_imageDeviationImagedeviation_image
Calculate the standard deviation of gray values within rectangular windows.
deviation_nDeviationNdeviation_nDeviationNdeviation_n
Calculate standard deviation over several channels.
diameter_regionDiameterRegiondiameter_regionDiameterRegiondiameter_region
Maximal distance between two boundary points of a region.
diameter_xldDiameterXlddiameter_xldDiameterXlddiameter_xld
Maximum distance between two contour or polygon points.
diff_of_gaussDiffOfGaussdiff_of_gaussDiffOfGaussdiff_of_gauss
Approximate the LoG operator (Laplace of Gaussian).
differenceDifferencedifferenceDifferencedifference
Calculate the difference of two regions.
difference_closed_contours_xldDifferenceClosedContoursXlddifference_closed_contours_xldDifferenceClosedContoursXlddifference_closed_contours_xld
Compute the difference of closed contours.
difference_closed_polygons_xldDifferenceClosedPolygonsXlddifference_closed_polygons_xldDifferenceClosedPolygonsXlddifference_closed_polygons_xld
Compute the difference of closed polygons.
dilation1Dilation1dilation1Dilation1dilation1
Dilate a region.
dilation2Dilation2dilation2Dilation2dilation2
Dilate a region (using a reference point).
dilation_circleDilationCircledilation_circleDilationCircledilation_circle
Dilate a region with a circular structuring element.
dilation_golayDilationGolaydilation_golayDilationGolaydilation_golay
Dilate a region with an element from the Golay alphabet.
dilation_rectangle1DilationRectangle1dilation_rectangle1DilationRectangle1dilation_rectangle1
Dilate a region with a rectangular structuring element.
dilation_seqDilationSeqdilation_seqDilationSeqdilation_seq
Dilate a region sequentially.
disp_arcDispArcdisp_arcDispArcdisp_arc
Displays circular arcs in a window.
disp_arrowDispArrowdisp_arrowDispArrowdisp_arrow
Displays arrows in a window.
disp_caltabDispCaltabdisp_caltabDispCaltabdisp_caltab
Project and visualize the 3D model of the calibration plate in the image.
disp_channelDispChanneldisp_channelDispChanneldisp_channel
Displays images with several channels.
disp_circleDispCircledisp_circleDispCircledisp_circle
Displays circles in a window.
disp_colorDispColordisp_colorDispColordisp_color
Displays a color (RGB) image
disp_crossDispCrossdisp_crossDispCrossdisp_cross
Displays crosses in a window.
disp_distributionDispDistributiondisp_distributionDispDistributiondisp_distribution
Displays a noise distribution.
disp_ellipseDispEllipsedisp_ellipseDispEllipsedisp_ellipse
Displays ellipses.
disp_imageDispImagedisp_imageDispImagedisp_image
Displays gray value images.
disp_lineDispLinedisp_lineDispLinedisp_line
Draws lines in a window.
disp_lutDispLutdisp_lutDispLutdisp_lut
Graphical view of the look-up-table (lut).
disp_objDispObjdisp_objDispObjdisp_obj
Displays image objects (image, region, XLD).
disp_object_model_3dDispObjectModel3ddisp_object_model_3dDispObjectModel3ddisp_object_model_3d
Display 3D object models.
disp_polygonDispPolygondisp_polygonDispPolygondisp_polygon
Displays a polyline.
disp_rectangle1DispRectangle1disp_rectangle1DispRectangle1disp_rectangle1
Display of rectangles aligned to the coordinate axes.
disp_rectangle2DispRectangle2disp_rectangle2DispRectangle2disp_rectangle2
Displays arbitrarily oriented rectangles.
disp_regionDispRegiondisp_regionDispRegiondisp_region
Displays regions in a window.
disp_textDispTextdisp_textDispTextdisp_text
Display text in a window.
disp_xldDispXlddisp_xldDispXlddisp_xld
Display an XLD object.
disparity_image_to_xyzDisparityImageToXyzdisparity_image_to_xyzDisparityImageToXyzdisparity_image_to_xyz
Transform a disparity image into 3D points in a rectified stereo system.
disparity_to_distanceDisparityToDistancedisparity_to_distanceDisparityToDistancedisparity_to_distance
Transform a disparity value into a distance value in a rectified binocular stereo system.
disparity_to_point_3dDisparityToPoint3ddisparity_to_point_3dDisparityToPoint3ddisparity_to_point_3d
Transform an image point and its disparity into a 3D point in a rectified stereo system.
display_scene_3dDisplayScene3ddisplay_scene_3dDisplayScene3ddisplay_scene_3d
Display a 3D scene.
dist_ellipse_contour_points_xldDistEllipseContourPointsXlddist_ellipse_contour_points_xldDistEllipseContourPointsXlddist_ellipse_contour_points_xld
Compute the distances of all contour points to an ellipse.
dist_ellipse_contour_xldDistEllipseContourXlddist_ellipse_contour_xldDistEllipseContourXlddist_ellipse_contour_xld
Compute the distance of contours to an ellipse.
dist_rectangle2_contour_points_xldDistRectangle2ContourPointsXlddist_rectangle2_contour_points_xldDistRectangle2ContourPointsXlddist_rectangle2_contour_points_xld
Compute the distances of all contour points to a rectangle.
distance_ccDistanceCcdistance_ccDistanceCcdistance_cc
Calculate the distance between two contours.
distance_cc_minDistanceCcMindistance_cc_minDistanceCcMindistance_cc_min
Calculate the minimum distance between two contours.
distance_cc_min_pointsDistanceCcMinPointsdistance_cc_min_pointsDistanceCcMinPointsdistance_cc_min_points
Calculate the minimum distance between two contours and the points used for the calculation.
distance_contours_xldDistanceContoursXlddistance_contours_xldDistanceContoursXlddistance_contours_xld
Calculate the pointwise distance from one contour to another.
distance_funct_1dDistanceFunct1ddistance_funct_1dDistanceFunct1ddistance_funct_1d
Compute the distance of two functions.
distance_lcDistanceLcdistance_lcDistanceLcdistance_lc
Calculate the distance between a line and one contour.
distance_lrDistanceLrdistance_lrDistanceLrdistance_lr
Calculate the distance between a line and a region.
distance_object_model_3dDistanceObjectModel3ddistance_object_model_3dDistanceObjectModel3ddistance_object_model_3d
Compute the distances of the points of one 3D object model to another 3D object model.
distance_pcDistancePcdistance_pcDistancePcdistance_pc
Calculate the distance between a point and one contour.
distance_plDistancePldistance_plDistancePldistance_pl
Calculate the distance between one point and one line.
distance_ppDistancePpdistance_ppDistancePpdistance_pp
Calculate the distance between two points.
distance_prDistancePrdistance_prDistancePrdistance_pr
Calculate the distance between a point and a region.
distance_psDistancePsdistance_psDistancePsdistance_ps
Calculate the distances between a point and a line segment.
distance_rr_minDistanceRrMindistance_rr_minDistanceRrMindistance_rr_min
Minimum distance between the contour pixels of two regions each.
distance_rr_min_dilDistanceRrMinDildistance_rr_min_dilDistanceRrMinDildistance_rr_min_dil
Minimum distance between two regions with the help of dilation.
distance_scDistanceScdistance_scDistanceScdistance_sc
Calculate the distance between a line segment and one contour.
distance_slDistanceSldistance_slDistanceSldistance_sl
Calculate the distances between a line segment and a line.
distance_srDistanceSrdistance_srDistanceSrdistance_sr
Calculate the distance between a line segment and one region.
distance_ssDistanceSsdistance_ssDistanceSsdistance_ss
Calculate the distances between two line segments.
distance_to_disparityDistanceToDisparitydistance_to_disparityDistanceToDisparitydistance_to_disparity
Transform a distance value into a disparity in a rectified stereo system.
distance_transformDistanceTransformdistance_transformDistanceTransformdistance_transform
Compute the distance transformation of a region.
div_element_matrixDivElementMatrixdiv_element_matrixDivElementMatrixdiv_element_matrix
Divide matrices element-by-element.
div_element_matrix_modDivElementMatrixModdiv_element_matrix_modDivElementMatrixModdiv_element_matrix_mod
Divide matrices element-by-element.
div_imageDivImagediv_imageDivImagediv_image
Divide two images.
do_ocr_multiDoOcrMultido_ocr_multiDoOcrMultido_ocr_multi
Classify characters.
do_ocr_multi_class_cnnDoOcrMultiClassCnndo_ocr_multi_class_cnnDoOcrMultiClassCnndo_ocr_multi_class_cnn
Classify multiple characters with an CNN-based OCR classifier.
do_ocr_multi_class_knnDoOcrMultiClassKnndo_ocr_multi_class_knnDoOcrMultiClassKnndo_ocr_multi_class_knn
Classify multiple characters with an k-NN classifier.
do_ocr_multi_class_mlpDoOcrMultiClassMlpdo_ocr_multi_class_mlpDoOcrMultiClassMlpdo_ocr_multi_class_mlp
Classify multiple characters with an OCR classifier.
do_ocr_multi_class_svmDoOcrMultiClassSvmdo_ocr_multi_class_svmDoOcrMultiClassSvmdo_ocr_multi_class_svm
Classify multiple characters with an SVM-based OCR classifier.
do_ocr_singleDoOcrSingledo_ocr_singleDoOcrSingledo_ocr_single
Classify one character.
do_ocr_single_class_cnnDoOcrSingleClassCnndo_ocr_single_class_cnnDoOcrSingleClassCnndo_ocr_single_class_cnn
Classify a single character with an CNN-based OCR classifier.
do_ocr_single_class_knnDoOcrSingleClassKnndo_ocr_single_class_knnDoOcrSingleClassKnndo_ocr_single_class_knn
Classify a single character with an OCR classifier.
do_ocr_single_class_mlpDoOcrSingleClassMlpdo_ocr_single_class_mlpDoOcrSingleClassMlpdo_ocr_single_class_mlp
Classify a single character with an OCR classifier.
do_ocr_single_class_svmDoOcrSingleClassSvmdo_ocr_single_class_svmDoOcrSingleClassSvmdo_ocr_single_class_svm
Classify a single character with an SVM-based OCR classifier.
do_ocr_word_cnnDoOcrWordCnndo_ocr_word_cnnDoOcrWordCnndo_ocr_word_cnn
Classify a related group of characters with an CNN-based OCR classifier.
do_ocr_word_knnDoOcrWordKnndo_ocr_word_knnDoOcrWordKnndo_ocr_word_knn
Classify a related group of characters with an OCR classifier.
do_ocr_word_mlpDoOcrWordMlpdo_ocr_word_mlpDoOcrWordMlpdo_ocr_word_mlp
Classify a related group of characters with an OCR classifier.
do_ocr_word_svmDoOcrWordSvmdo_ocr_word_svmDoOcrWordSvmdo_ocr_word_svm
Classify a related group of characters with an OCR classifier.
do_ocv_simpleDoOcvSimpledo_ocv_simpleDoOcvSimpledo_ocv_simple
Verification of a pattern using an OCV tool.
dots_imageDotsImagedots_imageDotsImagedots_image
Enhance circular dots in an image.
drag_region1DragRegion1drag_region1DragRegion1drag_region1
Interactive moving of a region.
drag_region2DragRegion2drag_region2DragRegion2drag_region2
Interactive movement of a region with fixpoint specification.
drag_region3DragRegion3drag_region3DragRegion3drag_region3
Interactive movement of a region with restriction of positions.
draw_circleDrawCircledraw_circleDrawCircledraw_circle
Interactive drawing of a circle.
draw_circle_modDrawCircleModdraw_circle_modDrawCircleModdraw_circle_mod
Interactive drawing of a circle.
draw_ellipseDrawEllipsedraw_ellipseDrawEllipsedraw_ellipse
Interactive drawing of an ellipse.
draw_ellipse_modDrawEllipseModdraw_ellipse_modDrawEllipseModdraw_ellipse_mod
Interactive drawing of an ellipse.
draw_lineDrawLinedraw_lineDrawLinedraw_line
Draw a line.
draw_line_modDrawLineModdraw_line_modDrawLineModdraw_line_mod
Draw a line.
draw_nurbsDrawNurbsdraw_nurbsDrawNurbsdraw_nurbs
Interactive drawing of a NURBS curve.
draw_nurbs_interpDrawNurbsInterpdraw_nurbs_interpDrawNurbsInterpdraw_nurbs_interp
Interactive drawing of a NURBS curve using interpolation.
draw_nurbs_interp_modDrawNurbsInterpModdraw_nurbs_interp_modDrawNurbsInterpModdraw_nurbs_interp_mod
Interactive modification of a NURBS curve using interpolation.
draw_nurbs_modDrawNurbsModdraw_nurbs_modDrawNurbsModdraw_nurbs_mod
Interactive modification of a NURBS curve.
draw_pointDrawPointdraw_pointDrawPointdraw_point
Draw a point.
draw_point_modDrawPointModdraw_point_modDrawPointModdraw_point_mod
Draw a point.
draw_polygonDrawPolygondraw_polygonDrawPolygondraw_polygon
Interactive drawing of a polygon row.
draw_rectangle1DrawRectangle1draw_rectangle1DrawRectangle1draw_rectangle1
Draw a rectangle parallel to the coordinate axis.
draw_rectangle1_modDrawRectangle1Moddraw_rectangle1_modDrawRectangle1Moddraw_rectangle1_mod
Draw a rectangle parallel to the coordinate axis.
draw_rectangle2DrawRectangle2draw_rectangle2DrawRectangle2draw_rectangle2
Interactive drawing of any orientated rectangle.
draw_rectangle2_modDrawRectangle2Moddraw_rectangle2_modDrawRectangle2Moddraw_rectangle2_mod
Interactive drawing of any orientated rectangle.
draw_regionDrawRegiondraw_regionDrawRegiondraw_region
Interactive drawing of a closed region.
draw_xldDrawXlddraw_xldDrawXlddraw_xld
Interactive drawing of a contour.
draw_xld_modDrawXldModdraw_xld_modDrawXldModdraw_xld_mod
Interactive modification of a contour.
dual_quat_composeDualQuatComposedual_quat_composeDualQuatComposedual_quat_compose
Multiply two dual quaternions.
dual_quat_conjugateDualQuatConjugatedual_quat_conjugateDualQuatConjugatedual_quat_conjugate
Conjugate a dual quaternion.
dual_quat_interpolateDualQuatInterpolatedual_quat_interpolateDualQuatInterpolatedual_quat_interpolate
Interpolate two dual quaternions.
dual_quat_normalizeDualQuatNormalizedual_quat_normalizeDualQuatNormalizedual_quat_normalize
Normalize a dual quaternion.
dual_quat_to_hom_mat3dDualQuatToHomMat3ddual_quat_to_hom_mat3dDualQuatToHomMat3ddual_quat_to_hom_mat3d
Convert a unit dual quaternion into a homogeneous transformation matrix.
dual_quat_to_poseDualQuatToPosedual_quat_to_poseDualQuatToPosedual_quat_to_pose
Convert a dual quaternion to a 3D pose.
dual_quat_to_screwDualQuatToScrewdual_quat_to_screwDualQuatToScrewdual_quat_to_screw
Convert a unit dual quaternion into a screw.
dual_quat_trans_line_3dDualQuatTransLine3ddual_quat_trans_line_3dDualQuatTransLine3ddual_quat_trans_line_3d
Transform a 3D line with a unit dual quaternion.
dual_rankDualRankdual_rankDualRankdual_rank
Opening, Median and Closing with circle or rectangle mask.
dual_thresholdDualThresholddual_thresholdDualThresholddual_threshold
Threshold operator for signed images.
dump_windowDumpWindowdump_windowDumpWindowdump_window
Write the window content to a file.
dump_window_imageDumpWindowImagedump_window_imageDumpWindowImagedump_window_image
Write the window content in an image object.
dyn_thresholdDynThresholddyn_thresholdDynThresholddyn_threshold
Segment an image using a local threshold.

E

eccentricityEccentricityeccentricityEccentricityeccentricity
Shape features derived from the ellipse parameters.
eccentricity_points_xldEccentricityPointsXldeccentricity_points_xldEccentricityPointsXldeccentricity_points_xld
Anisometry of contours or polygons treated as point clouds.
eccentricity_xldEccentricityXldeccentricity_xldEccentricityXldeccentricity_xld
Shape features derived from the ellipse parameters of contours or polygons.
edges_colorEdgesColoredges_colorEdgesColoredges_color
Extract color edges using Canny, Deriche, or Shen filters.
edges_color_sub_pixEdgesColorSubPixedges_color_sub_pixEdgesColorSubPixedges_color_sub_pix
Extract subpixel precise color edges using Deriche, Shen, or Canny filters.
edges_imageEdgesImageedges_imageEdgesImageedges_image
Extract edges using Deriche, Lanser, Shen, or Canny filters.
edges_object_model_3dEdgesObjectModel3dedges_object_model_3dEdgesObjectModel3dedges_object_model_3d
Find edges in a 3D object model.
edges_sub_pixEdgesSubPixedges_sub_pixEdgesSubPixedges_sub_pix
Extract sub-pixel precise edges using Deriche, Lanser, Shen, or Canny filters.
eigenvalues_general_matrixEigenvaluesGeneralMatrixeigenvalues_general_matrixEigenvaluesGeneralMatrixeigenvalues_general_matrix
Compute the eigenvalues and optionally the eigenvectors of a general matrix.
eigenvalues_symmetric_matrixEigenvaluesSymmetricMatrixeigenvalues_symmetric_matrixEigenvaluesSymmetricMatrixeigenvalues_symmetric_matrix
Compute the eigenvalues and optionally eigenvectors of a symmetric matrix.
eliminate_min_maxEliminateMinMaxeliminate_min_maxEliminateMinMaxeliminate_min_max
Smooth an image in the spatial domain to suppress noise.
eliminate_runsEliminateRunseliminate_runsEliminateRunseliminate_runs
Eliminate runs of a given length.
eliminate_spEliminateSpeliminate_spEliminateSpeliminate_sp
Replace values outside of thresholds with average value.
elliptic_axisEllipticAxiselliptic_axisEllipticAxiselliptic_axis
Calculate the parameters of the equivalent ellipse.
elliptic_axis_grayEllipticAxisGrayelliptic_axis_grayEllipticAxisGrayelliptic_axis_gray
Compute the orientation and major axes of a region in a gray value image.
elliptic_axis_points_xldEllipticAxisPointsXldelliptic_axis_points_xldEllipticAxisPointsXldelliptic_axis_points_xld
Parameters of the equivalent ellipse of contours or polygons treated as point clouds.
elliptic_axis_xldEllipticAxisXldelliptic_axis_xldEllipticAxisXldelliptic_axis_xld
Parameters of the equivalent ellipse of contours or polygons.
else
Alternative of conditional statement.
elseif
Conditional statement with alternative.
emphasizeEmphasizeemphasizeEmphasizeemphasize
Enhance contrast of the image.
endfor
End statement of a for loop.
endif
End of if command.
endswitch
Ends a multiway branch block.
endtry
Ends a block where exceptions are handled.
endwhile
End statement of a while loop.
energy_gaborEnergyGaborenergy_gaborEnergyGaborenergy_gabor
Calculate the energy of a two-channel image.
enqueue_messageEnqueueMessageenqueue_messageEnqueueMessageenqueue_message
Enqueue one or more messages to the message queue.
enquire_class_boxEnquireClassBoxenquire_class_boxEnquireClassBoxenquire_class_box
Classify a tuple of attributes.
enquire_reject_class_boxEnquireRejectClassBoxenquire_reject_class_boxEnquireRejectClassBoxenquire_reject_class_box
Classify a tuple of attributes with rejection class.
entropy_grayEntropyGrayentropy_grayEntropyGrayentropy_gray
Determine the entropy and anisotropy of images.
entropy_imageEntropyImageentropy_imageEntropyImageentropy_image
Calculate the entropy of gray values within a rectangular window.
equ_histo_imageEquHistoImageequ_histo_imageEquHistoImageequ_histo_image
Histogram linearization of images
erosion1Erosion1erosion1Erosion1erosion1
Erode a region.
erosion2Erosion2erosion2Erosion2erosion2
Erode a region (using a reference point).
erosion_circleErosionCircleerosion_circleErosionCircleerosion_circle
Erode a region with a circular structuring element.
erosion_golayErosionGolayerosion_golayErosionGolayerosion_golay
Erode a region with an element from the Golay alphabet.
erosion_rectangle1ErosionRectangle1erosion_rectangle1ErosionRectangle1erosion_rectangle1
Erode a region with a rectangular structuring element.
erosion_seqErosionSeqerosion_seqErosionSeqerosion_seq
Erode a region sequentially.
essential_to_fundamental_matrixEssentialToFundamentalMatrixessential_to_fundamental_matrixEssentialToFundamentalMatrixessential_to_fundamental_matrix
Compute the fundamental matrix from an essential matrix.
estimate_al_amEstimateAlAmestimate_al_amEstimateAlAmestimate_al_am
Estimate the albedo of a surface and the amount of ambient light.
estimate_noiseEstimateNoiseestimate_noiseEstimateNoiseestimate_noise
Estimate the image noise from a single image.
estimate_sl_al_lrEstimateSlAlLrestimate_sl_al_lrEstimateSlAlLrestimate_sl_al_lr
Estimate the slant of a light source and the albedo of a surface.
estimate_sl_al_zcEstimateSlAlZcestimate_sl_al_zcEstimateSlAlZcestimate_sl_al_zc
Estimate the slant of a light source and the albedo of a surface.
estimate_tilt_lrEstimateTiltLrestimate_tilt_lrEstimateTiltLrestimate_tilt_lr
Estimate the tilt of a light source.
estimate_tilt_zcEstimateTiltZcestimate_tilt_zcEstimateTiltZcestimate_tilt_zc
Estimate the tilt of a light source.
euler_numberEulerNumbereuler_numberEulerNumbereuler_number
Calculate the Euler number.
evaluate_class_gmmEvaluateClassGmmevaluate_class_gmmEvaluateClassGmmevaluate_class_gmm
Evaluate a feature vector by a Gaussian Mixture Model.
evaluate_class_mlpEvaluateClassMlpevaluate_class_mlpEvaluateClassMlpevaluate_class_mlp
Calculate the evaluation of a feature vector by a multilayer perceptron.
evaluate_class_svmEvaluateClassSvmevaluate_class_svmEvaluateClassSvmevaluate_class_svm
Evaluate a feature vector by a support vector machine.
executable_expression
Execute a stand-alone operation.
exhaustive_matchExhaustiveMatchexhaustive_matchExhaustiveMatchexhaustive_match
Matching of a template and an image.
exhaustive_match_mgExhaustiveMatchMgexhaustive_match_mgExhaustiveMatchMgexhaustive_match_mg
Matching a template and an image in a resolution pyramid.
exit
Terminate HDevelop.
exp_imageExpImageexp_imageExpImageexp_image
Calculate the exponentiation of an image.
expand_domain_grayExpandDomainGrayexpand_domain_grayExpandDomainGrayexpand_domain_gray
Expand the domain of an image and set the gray values in the expanded domain.
expand_grayExpandGrayexpand_grayExpandGrayexpand_gray
Fill gaps between regions (depending on gray value or color) or split overlapping regions.
expand_gray_refExpandGrayRefexpand_gray_refExpandGrayRefexpand_gray_ref
Fill gaps between regions (depending on gray value or color) or split overlapping regions.
expand_lineExpandLineexpand_lineExpandLineexpand_line
Expand a region starting at a given line.
expand_regionExpandRegionexpand_regionExpandRegionexpand_region
Fill gaps between regions or split overlapping regions.
export_def
Insert arbitrary text into the export code of a procedure.

F

fast_matchFastMatchfast_matchFastMatchfast_match
Searching all good matches of a template and an image.
fast_match_mgFastMatchMgfast_match_mgFastMatchMgfast_match_mg
Searching all good gray value matches in a pyramid.
fast_thresholdFastThresholdfast_thresholdFastThresholdfast_threshold
Fast thresholding of images using global thresholds.
fft_genericFftGenericfft_genericFftGenericfft_generic
Compute the fast Fourier transform of an image.
fft_imageFftImagefft_imageFftImagefft_image
Compute the fast Fourier transform of an image.
fft_image_invFftImageInvfft_image_invFftImageInvfft_image_inv
Compute the inverse fast Fourier transform of an image.
file_existsFileExistsfile_existsFileExistsfile_exists
Check whether file exists.
fill_interlaceFillInterlacefill_interlaceFillInterlacefill_interlace
Interpolate 2 video half images.
fill_upFillUpfill_upFillUpfill_up
Fill up holes in regions.
fill_up_shapeFillUpShapefill_up_shapeFillUpShapefill_up_shape
Fill up holes in regions having given shape features.
filter_kalmanFilterKalmanfilter_kalmanFilterKalmanfilter_kalman
Estimate the current state of a system with the help of the Kalman filtering.
find_aniso_shape_modelFindAnisoShapeModelfind_aniso_shape_modelFindAnisoShapeModelfind_aniso_shape_model
Find the best matches of an anisotropically scaled shape model in an image.
find_aniso_shape_modelsFindAnisoShapeModelsfind_aniso_shape_modelsFindAnisoShapeModelsfind_aniso_shape_models
Find the best matches of multiple anisotropically scaled shape models.
find_bar_codeFindBarCodefind_bar_codeFindBarCodefind_bar_code
Detect and read bar code symbols in an image.
find_box_3dFindBox3dfind_box_3dFindBox3dfind_box_3d
Find boxes in 3D data.
find_calib_descriptor_modelFindCalibDescriptorModelfind_calib_descriptor_modelFindCalibDescriptorModelfind_calib_descriptor_model
Find the best matches of a calibrated descriptor model in an image and return their 3D pose.
find_calib_objectFindCalibObjectfind_calib_objectFindCalibObjectfind_calib_object
Find the HALCON calibration plate and set the extracted points and contours in a calibration data model.
find_caltabFindCaltabfind_caltabFindCaltabfind_caltab
Segment the region of a standard calibration plate with rectangularly arranged marks in the image.
find_component_modelFindComponentModelfind_component_modelFindComponentModelfind_component_model
Find the best matches of a component model in an image.
find_data_code_2dFindDataCode2dfind_data_code_2dFindDataCode2dfind_data_code_2d
Detect and read 2D data code symbols in an image or train the 2D data code model.
find_deformable_surface_modelFindDeformableSurfaceModelfind_deformable_surface_modelFindDeformableSurfaceModelfind_deformable_surface_model
Find the best match of a deformable surface model in a 3D scene.
find_local_deformable_modelFindLocalDeformableModelfind_local_deformable_modelFindLocalDeformableModelfind_local_deformable_model
Find the best matches of a local deformable model in an image.
find_marks_and_poseFindMarksAndPosefind_marks_and_poseFindMarksAndPosefind_marks_and_pose
Extract rectangularly arranged 2D calibration marks from the image and calculate initial values for the external camera parameters.
find_ncc_modelFindNccModelfind_ncc_modelFindNccModelfind_ncc_model
Find the best matches of an NCC model in an image.
find_ncc_modelsFindNccModelsfind_ncc_modelsFindNccModelsfind_ncc_models
Find the best matches of multiple NCC models.
find_neighborsFindNeighborsfind_neighborsFindNeighborsfind_neighbors
Search direct neighbors.
find_planar_calib_deformable_modelFindPlanarCalibDeformableModelfind_planar_calib_deformable_modelFindPlanarCalibDeformableModelfind_planar_calib_deformable_model
Find the best matches of a calibrated deformable model in an image and return their 3D pose.
find_planar_uncalib_deformable_modelFindPlanarUncalibDeformableModelfind_planar_uncalib_deformable_modelFindPlanarUncalibDeformableModelfind_planar_uncalib_deformable_model
Find the best matches of a planar projective invariant deformable model in an image.
find_rectification_gridFindRectificationGridfind_rectification_gridFindRectificationGridfind_rectification_grid
Segment the rectification grid region in the image.
find_scaled_shape_modelFindScaledShapeModelfind_scaled_shape_modelFindScaledShapeModelfind_scaled_shape_model
Find the best matches of an isotropically scaled shape model in an image.
find_scaled_shape_modelsFindScaledShapeModelsfind_scaled_shape_modelsFindScaledShapeModelsfind_scaled_shape_models
Find the best matches of multiple isotropically scaled shape models.
find_shape_modelFindShapeModelfind_shape_modelFindShapeModelfind_shape_model
Find the best matches of a shape model in an image.
find_shape_model_3dFindShapeModel3dfind_shape_model_3dFindShapeModel3dfind_shape_model_3d
Find the best matches of a 3D shape model in an image.
find_shape_modelsFindShapeModelsfind_shape_modelsFindShapeModelsfind_shape_models
Find the best matches of multiple shape models.
find_surface_modelFindSurfaceModelfind_surface_modelFindSurfaceModelfind_surface_model
Find the best matches of a surface model in a 3D scene.
find_surface_model_imageFindSurfaceModelImagefind_surface_model_imageFindSurfaceModelImagefind_surface_model_image
Find the best matches of a surface model in a 3D scene and images.
find_textFindTextfind_textFindTextfind_text
Find text in an image.
find_uncalib_descriptor_modelFindUncalibDescriptorModelfind_uncalib_descriptor_modelFindUncalibDescriptorModelfind_uncalib_descriptor_model
Find the best matches of a descriptor model in an image.
fit_circle_contour_xldFitCircleContourXldfit_circle_contour_xldFitCircleContourXldfit_circle_contour_xld
Approximate XLD contours by circles.
fit_ellipse_contour_xldFitEllipseContourXldfit_ellipse_contour_xldFitEllipseContourXldfit_ellipse_contour_xld
Approximate XLD contours by ellipses or elliptic arcs.
fit_line_contour_xldFitLineContourXldfit_line_contour_xldFitLineContourXldfit_line_contour_xld
Approximate XLD contours by line segments.
fit_primitives_object_model_3dFitPrimitivesObjectModel3dfit_primitives_object_model_3dFitPrimitivesObjectModel3dfit_primitives_object_model_3d
Fit 3D primitives into a set of 3D points.
fit_rectangle2_contour_xldFitRectangle2ContourXldfit_rectangle2_contour_xldFitRectangle2ContourXldfit_rectangle2_contour_xld
Fit rectangles to XLD contours.
fit_surface_first_orderFitSurfaceFirstOrderfit_surface_first_orderFitSurfaceFirstOrderfit_surface_first_order
Calculate gray value moments and approximation by a first order surface (plane).
fit_surface_second_orderFitSurfaceSecondOrderfit_surface_second_orderFitSurfaceSecondOrderfit_surface_second_order
Calculate gray value moments and approximation by a second order surface.
fittingFittingfittingFittingfitting
Perform a closing after an opening with multiple structuring elements.
flush_bufferFlushBufferflush_bufferFlushBufferflush_buffer
Flush the contents of a window.
fnew_lineFnewLinefnew_lineFnewLinefnew_line
Write a line break and clear the output buffer.
for
Starts a loop block that is usually executed for a fixed number of iterations.
fread_bytesFreadBytesfread_bytesFreadBytesfread_bytes
Read bytes from a binary file.
fread_charFreadCharfread_charFreadCharfread_char
Read one character from a text file.
fread_lineFreadLinefread_lineFreadLinefread_line
Read a character line from a text file.
fread_serialized_itemFreadSerializedItemfread_serialized_itemFreadSerializedItemfread_serialized_item
Read a serialized item from a file.
fread_stringFreadStringfread_stringFreadStringfread_string
Read a string from a text file.
frei_ampFreiAmpfrei_ampFreiAmpfrei_amp
Detect edges (amplitude) using the Frei-Chen operator.
frei_dirFreiDirfrei_dirFreiDirfrei_dir
Detect edges (amplitude and direction) using the Frei-Chen operator.
full_domainFullDomainfull_domainFullDomainfull_domain
Expand the domain of an image to maximum.
funct_1d_to_pairsFunct1dToPairsfunct_1d_to_pairsFunct1dToPairsfunct_1d_to_pairs
Access to the x/y values of a function.
fuse_object_model_3dFuseObjectModel3dfuse_object_model_3dFuseObjectModel3dfuse_object_model_3d
Fuse 3D object models into a surface.
fuzzy_entropyFuzzyEntropyfuzzy_entropyFuzzyEntropyfuzzy_entropy
Determine the fuzzy entropy of regions.
fuzzy_measure_pairingFuzzyMeasurePairingfuzzy_measure_pairingFuzzyMeasurePairingfuzzy_measure_pairing
Extract straight edge pairs perpendicular to a rectangle or an annular arc.
fuzzy_measure_pairsFuzzyMeasurePairsfuzzy_measure_pairsFuzzyMeasurePairsfuzzy_measure_pairs
Extract straight edge pairs perpendicular to a rectangle or an annular arc.
fuzzy_measure_posFuzzyMeasurePosfuzzy_measure_posFuzzyMeasurePosfuzzy_measure_pos
Extract straight edges perpendicular to a rectangle or an annular arc.
fuzzy_perimeterFuzzyPerimeterfuzzy_perimeterFuzzyPerimeterfuzzy_perimeter
Calculate the fuzzy perimeter of a region.
fwrite_bytesFwriteBytesfwrite_bytesFwriteBytesfwrite_bytes
Write bytes to a binary file.
fwrite_serialized_itemFwriteSerializedItemfwrite_serialized_itemFwriteSerializedItemfwrite_serialized_item
Write a serialized item to a file.
fwrite_stringFwriteStringfwrite_stringFwriteStringfwrite_string
Write strings and numbers into a text file.

G

gamma_imageGammaImagegamma_imageGammaImagegamma_image
Perform a gamma encoding or decoding of an image.
gauss_distributionGaussDistributiongauss_distributionGaussDistributiongauss_distribution
Generate a Gaussian noise distribution.
gauss_filterGaussFiltergauss_filterGaussFiltergauss_filter
Smooth using discrete Gauss functions.
gauss_imageGaussImagegauss_imageGaussImagegauss_image
Smooth an image using discrete Gaussian functions.
gen_arbitrary_distortion_mapGenArbitraryDistortionMapgen_arbitrary_distortion_mapGenArbitraryDistortionMapgen_arbitrary_distortion_map
Generate a projection map that describes the mapping between an arbitrarily distorted image and the rectified image.
gen_bandfilterGenBandfiltergen_bandfilterGenBandfiltergen_bandfilter
Generate an ideal band filter.
gen_bandpassGenBandpassgen_bandpassGenBandpassgen_bandpass
Generate an ideal bandpass filter.
gen_binocular_proj_rectificationGenBinocularProjRectificationgen_binocular_proj_rectificationGenBinocularProjRectificationgen_binocular_proj_rectification
Compute the projective rectification of weakly calibrated binocular stereo images.
gen_binocular_rectification_mapGenBinocularRectificationMapgen_binocular_rectification_mapGenBinocularRectificationMapgen_binocular_rectification_map
Generate transformation maps that describe the mapping of the images of a binocular camera pair to a common rectified image plane.
gen_box_object_model_3dGenBoxObjectModel3dgen_box_object_model_3dGenBoxObjectModel3dgen_box_object_model_3d
Create a 3D object model that represents a box.
gen_bundle_adjusted_mosaicGenBundleAdjustedMosaicgen_bundle_adjusted_mosaicGenBundleAdjustedMosaicgen_bundle_adjusted_mosaic
Combine multiple images into a mosaic image.
gen_caltabGenCaltabgen_caltabGenCaltabgen_caltab
Generate a calibration plate description file and a corresponding PostScript file for a calibration plate with rectangularly arranged marks.
gen_checker_regionGenCheckerRegiongen_checker_regionGenCheckerRegiongen_checker_region
Create a checkered region.
gen_circleGenCirclegen_circleGenCirclegen_circle
Create a circle.
gen_circle_contour_xldGenCircleContourXldgen_circle_contour_xldGenCircleContourXldgen_circle_contour_xld
Create XLD contours corresponding to circles or circular arcs.
gen_circle_sectorGenCircleSectorgen_circle_sectorGenCircleSectorgen_circle_sector
Create a circle sector.
gen_contour_nurbs_xldGenContourNurbsXldgen_contour_nurbs_xldGenContourNurbsXldgen_contour_nurbs_xld
Transform a NURBS curve into an XLD contour.
gen_contour_polygon_rounded_xldGenContourPolygonRoundedXldgen_contour_polygon_rounded_xldGenContourPolygonRoundedXldgen_contour_polygon_rounded_xld
Generate an XLD contour with rounded corners from a polygon (given as tuples).
gen_contour_polygon_xldGenContourPolygonXldgen_contour_polygon_xldGenContourPolygonXldgen_contour_polygon_xld
Generate an XLD contour from a polygon (given as tuples).
gen_contour_region_xldGenContourRegionXldgen_contour_region_xldGenContourRegionXldgen_contour_region_xld
Generate XLD contours from regions.
gen_contours_skeleton_xldGenContoursSkeletonXldgen_contours_skeleton_xldGenContoursSkeletonXldgen_contours_skeleton_xld
Convert a skeleton into XLD contours.
gen_cooc_matrixGenCoocMatrixgen_cooc_matrixGenCoocMatrixgen_cooc_matrix
Calculate the co-occurrence matrix of a region in an image.
gen_cross_contour_xldGenCrossContourXldgen_cross_contour_xldGenCrossContourXldgen_cross_contour_xld
Generate one XLD contour in the shape of a cross for each input point.
gen_cube_map_mosaicGenCubeMapMosaicgen_cube_map_mosaicGenCubeMapMosaicgen_cube_map_mosaic
Create 6 cube map images of a spherical mosaic.
gen_cylinder_object_model_3dGenCylinderObjectModel3dgen_cylinder_object_model_3dGenCylinderObjectModel3dgen_cylinder_object_model_3d
Create a 3D object model that represents a cylinder.
gen_derivative_filterGenDerivativeFiltergen_derivative_filterGenDerivativeFiltergen_derivative_filter
Generate a derivative filter in the frequency domain.
gen_disc_seGenDiscSegen_disc_seGenDiscSegen_disc_se
Generate ellipsoidal structuring elements for gray morphology.
gen_dl_model_heatmapGenDlModelHeatmapgen_dl_model_heatmapGenDlModelHeatmapgen_dl_model_heatmap
Infer the sample and generate a heatmap.
gen_dl_pruned_modelGenDlPrunedModelgen_dl_pruned_modelGenDlPrunedModelgen_dl_pruned_model
Prune a deep learning model.
gen_ellipseGenEllipsegen_ellipseGenEllipsegen_ellipse
Create an ellipse.
gen_ellipse_contour_xldGenEllipseContourXldgen_ellipse_contour_xldGenEllipseContourXldgen_ellipse_contour_xld
Create an XLD contour that corresponds to an elliptic arc.
gen_ellipse_sectorGenEllipseSectorgen_ellipse_sectorGenEllipseSectorgen_ellipse_sector
Create an ellipse sector.
gen_empty_objGenEmptyObjgen_empty_objGenEmptyObjgen_empty_obj
Create an empty object tuple.
gen_empty_object_model_3dGenEmptyObjectModel3dgen_empty_object_model_3dGenEmptyObjectModel3dgen_empty_object_model_3d
Create an empty 3D object model.
gen_empty_regionGenEmptyRegiongen_empty_regionGenEmptyRegiongen_empty_region
Create an empty region.
gen_filter_maskGenFilterMaskgen_filter_maskGenFilterMaskgen_filter_mask
Store a filter mask in the spatial domain as a real-image.
gen_gaborGenGaborgen_gaborGenGaborgen_gabor
Generate a Gabor filter.
gen_gauss_filterGenGaussFiltergen_gauss_filterGenGaussFiltergen_gauss_filter
Generate a Gaussian filter in the frequency domain.
gen_gauss_pyramidGenGaussPyramidgen_gauss_pyramidGenGaussPyramidgen_gauss_pyramid
Calculating a Gauss pyramid.
gen_grid_rectification_mapGenGridRectificationMapgen_grid_rectification_mapGenGridRectificationMapgen_grid_rectification_map
Compute the mapping between the distorted image and the rectified image based upon the points of a regular grid.
gen_grid_regionGenGridRegiongen_grid_regionGenGridRegiongen_grid_region
Create a region from lines or pixels.
gen_highpassGenHighpassgen_highpassGenHighpassgen_highpass
Generate an ideal highpass filter.
gen_image1GenImage1gen_image1GenImage1gen_image1
Create an image from a pointer to the pixels.
gen_image1_externGenImage1Externgen_image1_externGenImage1Externgen_image1_extern
Create an image from a pointer on the pixels with storage management.
gen_image1_rectGenImage1Rectgen_image1_rectGenImage1Rectgen_image1_rect
Create an image with a rectangular domain from a pointer on the pixels (with storage management).
gen_image3GenImage3gen_image3GenImage3gen_image3
Create an image from three pointers to the pixels (red/green/blue).
gen_image3_externGenImage3Externgen_image3_externGenImage3Externgen_image3_extern
Create a three-channel image from three pointers on the pixels with storage management.
gen_image_constGenImageConstgen_image_constGenImageConstgen_image_const
Create an image with constant gray value.
gen_image_gray_rampGenImageGrayRampgen_image_gray_rampGenImageGrayRampgen_image_gray_ramp
Create a gray value ramp.
gen_image_interleavedGenImageInterleavedgen_image_interleavedGenImageInterleavedgen_image_interleaved
Create a three-channel image from a pointer to the interleaved pixels.
gen_image_protoGenImageProtogen_image_protoGenImageProtogen_image_proto
Create an image with a specified constant gray value.
gen_image_surface_first_orderGenImageSurfaceFirstOrdergen_image_surface_first_orderGenImageSurfaceFirstOrdergen_image_surface_first_order
Create a tilted gray surface with first order polynomial.
gen_image_surface_second_orderGenImageSurfaceSecondOrdergen_image_surface_second_orderGenImageSurfaceSecondOrdergen_image_surface_second_order
Create a curved gray surface with second order polynomial.
gen_image_to_world_plane_mapGenImageToWorldPlaneMapgen_image_to_world_plane_mapGenImageToWorldPlaneMapgen_image_to_world_plane_map
Generate a projection map that describes the mapping between the image plane and the plane z=0 of a world coordinate system.
gen_initial_componentsGenInitialComponentsgen_initial_componentsGenInitialComponentsgen_initial_components
Extract the initial components of a component model.
gen_lowpassGenLowpassgen_lowpassGenLowpassgen_lowpass
Generate an ideal lowpass filter.
gen_mean_filterGenMeanFiltergen_mean_filterGenMeanFiltergen_mean_filter
Generate a mean filter in the frequency domain.
gen_measure_arcGenMeasureArcgen_measure_arcGenMeasureArcgen_measure_arc
Prepare the extraction of straight edges perpendicular to an annular arc.
gen_measure_rectangle2GenMeasureRectangle2gen_measure_rectangle2GenMeasureRectangle2gen_measure_rectangle2
Prepare the extraction of straight edges perpendicular to a rectangle.
gen_nurbs_interpGenNurbsInterpgen_nurbs_interpGenNurbsInterpgen_nurbs_interp
Create control data of a NURBS curve that interpolates given points.
gen_object_model_3d_from_pointsGenObjectModel3dFromPointsgen_object_model_3d_from_pointsGenObjectModel3dFromPointsgen_object_model_3d_from_points
Create a 3D object model that represents a point cloud from a set of 3D points.
gen_parallel_contour_xldGenParallelContourXldgen_parallel_contour_xldGenParallelContourXldgen_parallel_contour_xld
Compute the parallel contour of an XLD contour.
gen_parallels_xldGenParallelsXldgen_parallels_xldGenParallelsXldgen_parallels_xld
Extract parallel XLD polygons.
gen_plane_object_model_3dGenPlaneObjectModel3dgen_plane_object_model_3dGenPlaneObjectModel3dgen_plane_object_model_3d
Create a 3D object model that represents a plane.
gen_polygons_xldGenPolygonsXldgen_polygons_xldGenPolygonsXldgen_polygons_xld
Approximate XLD contours by polygons.
gen_principal_comp_transGenPrincipalCompTransgen_principal_comp_transGenPrincipalCompTransgen_principal_comp_trans
Compute the transformation matrix of the principal component analysis of multichannel images.
gen_projective_mosaicGenProjectiveMosaicgen_projective_mosaicGenProjectiveMosaicgen_projective_mosaic
Combine multiple images into a mosaic image.
gen_psf_defocusGenPsfDefocusgen_psf_defocusGenPsfDefocusgen_psf_defocus
Generate an impulse response of an uniform out-of-focus blurring.
gen_psf_motionGenPsfMotiongen_psf_motionGenPsfMotiongen_psf_motion
Generate an impulse response of a (linearly) motion blurring.
gen_radial_distortion_mapGenRadialDistortionMapgen_radial_distortion_mapGenRadialDistortionMapgen_radial_distortion_map
Generate a projection map that describes the mapping of images corresponding to a changing radial distortion.
gen_random_regionGenRandomRegiongen_random_regionGenRandomRegiongen_random_region
Create a random region.
gen_random_regionsGenRandomRegionsgen_random_regionsGenRandomRegionsgen_random_regions
Create random regions like circles, rectangles and ellipses.
gen_rectangle1GenRectangle1gen_rectangle1GenRectangle1gen_rectangle1
Create a rectangle parallel to the coordinate axes.
gen_rectangle2GenRectangle2gen_rectangle2GenRectangle2gen_rectangle2
Create a rectangle of any orientation.
gen_rectangle2_contour_xldGenRectangle2ContourXldgen_rectangle2_contour_xldGenRectangle2ContourXldgen_rectangle2_contour_xld
Create an XLD contour in the shape of a rectangle.
gen_region_contour_xldGenRegionContourXldgen_region_contour_xldGenRegionContourXldgen_region_contour_xld
Create a region from an XLD contour.
gen_region_histoGenRegionHistogen_region_histoGenRegionHistogen_region_histo
Convert a histogram into a region.
gen_region_hlineGenRegionHlinegen_region_hlineGenRegionHlinegen_region_hline
Store input lines described in Hesse normal form as regions.
gen_region_lineGenRegionLinegen_region_lineGenRegionLinegen_region_line
Store input lines as regions.
gen_region_pointsGenRegionPointsgen_region_pointsGenRegionPointsgen_region_points
Store individual pixels as image region.
gen_region_polygonGenRegionPolygongen_region_polygonGenRegionPolygongen_region_polygon
Store a polygon as a region.
gen_region_polygon_filledGenRegionPolygonFilledgen_region_polygon_filledGenRegionPolygonFilledgen_region_polygon_filled
Store a polygon as a “filled” region.
gen_region_polygon_xldGenRegionPolygonXldgen_region_polygon_xldGenRegionPolygonXldgen_region_polygon_xld
Create a region from an XLD polygon.
gen_region_runsGenRegionRunsgen_region_runsGenRegionRunsgen_region_runs
Create a region from a runlength coding.
gen_sin_bandpassGenSinBandpassgen_sin_bandpassGenSinBandpassgen_sin_bandpass
Generate a bandpass filter with sinusoidal shape.
gen_sphere_object_model_3dGenSphereObjectModel3dgen_sphere_object_model_3dGenSphereObjectModel3dgen_sphere_object_model_3d
Create a 3D object model that represents a sphere.
gen_sphere_object_model_3d_centerGenSphereObjectModel3dCentergen_sphere_object_model_3d_centerGenSphereObjectModel3dCentergen_sphere_object_model_3d_center
Create a 3D object model that represents a sphere from x,y,z coordinates.
gen_spherical_mosaicGenSphericalMosaicgen_spherical_mosaicGenSphericalMosaicgen_spherical_mosaic
Create a spherical mosaic image.
gen_std_bandpassGenStdBandpassgen_std_bandpassGenStdBandpassgen_std_bandpass
Generate a bandpass filter with Gaussian or sinusoidal shape.
gen_struct_elementsGenStructElementsgen_struct_elementsGenStructElementsgen_struct_elements
Generate standard structuring elements.
gen_structured_light_patternGenStructuredLightPatterngen_structured_light_patternGenStructuredLightPatterngen_structured_light_pattern
Generate the pattern images to be displayed in a structured light setup.
generalized_eigenvalues_general_matrixGeneralizedEigenvaluesGeneralMatrixgeneralized_eigenvalues_general_matrixGeneralizedEigenvaluesGeneralMatrixgeneralized_eigenvalues_general_matrix
Compute the generalized eigenvalues and optionally the generalized eigenvectors of general matrices.
generalized_eigenvalues_symmetric_matrixGeneralizedEigenvaluesSymmetricMatrixgeneralized_eigenvalues_symmetric_matrixGeneralizedEigenvaluesSymmetricMatrixgeneralized_eigenvalues_symmetric_matrix
Compute the generalized eigenvalues and optionally generalized eigenvectors of symmetric input matrices.
get_aop_infoGetAopInfoget_aop_infoGetAopInfoget_aop_info
Return AOP information for operators.
get_bar_code_objectGetBarCodeObjectget_bar_code_objectGetBarCodeObjectget_bar_code_object
Access iconic objects that were created during the search or decoding of bar code symbols.
get_bar_code_paramGetBarCodeParamget_bar_code_paramGetBarCodeParamget_bar_code_param
Get one or several parameters that describe the bar code model.
get_bar_code_param_specificGetBarCodeParamSpecificget_bar_code_param_specificGetBarCodeParamSpecificget_bar_code_param_specific
Get parameters that are used by the bar code reader when processing a specific bar code type.
get_bar_code_resultGetBarCodeResultget_bar_code_resultGetBarCodeResultget_bar_code_result
Get the alphanumerical results that were accumulated during the decoding of bar code symbols.
get_bead_inspection_paramGetBeadInspectionParamget_bead_inspection_paramGetBeadInspectionParamget_bead_inspection_param
Get the value of a parameter in a specific bead inspection model.
get_bg_esti_paramsGetBgEstiParamsget_bg_esti_paramsGetBgEstiParamsget_bg_esti_params
Return the parameters of the data set.
get_calib_dataGetCalibDataget_calib_dataGetCalibDataget_calib_data
Query data stored or computed in a calibration data model.
get_calib_data_observ_contoursGetCalibDataObservContoursget_calib_data_observ_contoursGetCalibDataObservContoursget_calib_data_observ_contours
Get contour-based observation data from a calibration data model.
get_calib_data_observ_pointsGetCalibDataObservPointsget_calib_data_observ_pointsGetCalibDataObservPointsget_calib_data_observ_points
Get point-based observation data from a calibration data model.
get_calib_data_observ_poseGetCalibDataObservPoseget_calib_data_observ_poseGetCalibDataObservPoseget_calib_data_observ_pose
Get observed calibration object poses from a calibration data model.
get_camera_setup_paramGetCameraSetupParamget_camera_setup_paramGetCameraSetupParamget_camera_setup_param
Get generic camera setup model parameters.
get_channel_infoGetChannelInfoget_channel_infoGetChannelInfoget_channel_info
Information about the components of an image object.
get_chapter_infoGetChapterInfoget_chapter_infoGetChapterInfoget_chapter_info
Get information concerning the chapters on operators.
get_checkGetCheckget_checkGetCheckget_check
State of the HALCON control modes.
get_circle_poseGetCirclePoseget_circle_poseGetCirclePoseget_circle_pose
Determine the 3D pose of a circle from its perspective 2D projection.
get_class_box_paramGetClassBoxParamget_class_box_paramGetClassBoxParamget_class_box_param
Get information about the current parameter.
get_class_train_data_gmmGetClassTrainDataGmmget_class_train_data_gmmGetClassTrainDataGmmget_class_train_data_gmm
Get the training data of a Gaussian Mixture Model (GMM).
get_class_train_data_knnGetClassTrainDataKnnget_class_train_data_knnGetClassTrainDataKnnget_class_train_data_knn
Get the training data of a k-nearest neighbors (k-NN) classifier.
get_class_train_data_mlpGetClassTrainDataMlpget_class_train_data_mlpGetClassTrainDataMlpget_class_train_data_mlp
Get the training data of a multilayer perceptron (MLP).
get_class_train_data_svmGetClassTrainDataSvmget_class_train_data_svmGetClassTrainDataSvmget_class_train_data_svm
Get the training data of a support vector machine (SVM).
get_component_model_paramsGetComponentModelParamsget_component_model_paramsGetComponentModelParamsget_component_model_params
Return the parameters of a component model.
get_component_model_treeGetComponentModelTreeget_component_model_treeGetComponentModelTreeget_component_model_tree
Return the search tree of a component model.
get_component_relationsGetComponentRelationsget_component_relationsGetComponentRelationsget_component_relations
Return the relations between the model components that are contained in a training result.
get_compriseGetCompriseget_compriseGetCompriseget_comprise
Get the output treatment of an image matrix.
get_compute_device_infoGetComputeDeviceInfoget_compute_device_infoGetComputeDeviceInfoget_compute_device_info
Get information on a compute device.
get_compute_device_paramGetComputeDeviceParamget_compute_device_paramGetComputeDeviceParamget_compute_device_param
Query compute device parameters.
get_contour_angle_xldGetContourAngleXldget_contour_angle_xldGetContourAngleXldget_contour_angle_xld
Calculate the direction of an XLD contour for each contour point.
get_contour_attrib_xldGetContourAttribXldget_contour_attrib_xldGetContourAttribXldget_contour_attrib_xld
Return point attribute values of an XLD contour.
get_contour_global_attrib_xldGetContourGlobalAttribXldget_contour_global_attrib_xldGetContourGlobalAttribXldget_contour_global_attrib_xld
Return global attributes values of an XLD contour.
get_contour_styleGetContourStyleget_contour_styleGetContourStyleget_contour_style
Get the current contour display fill style.
get_contour_xldGetContourXldget_contour_xldGetContourXldget_contour_xld
Return the coordinates of an XLD contour.
get_current_dirGetCurrentDirget_current_dirGetCurrentDirget_current_dir
Get the current working directory.
get_current_hthread_idGetCurrentHthreadIdget_current_hthread_idGetCurrentHthreadIdget_current_hthread_id
Return the HALCON thread ID of the current thread.
get_data_code_2d_objectsGetDataCode2dObjectsget_data_code_2d_objectsGetDataCode2dObjectsget_data_code_2d_objects
Access iconic objects that were created during the search for 2D data code symbols.
get_data_code_2d_paramGetDataCode2dParamget_data_code_2d_paramGetDataCode2dParamget_data_code_2d_param
Get one or several parameters that describe the 2D data code model.
get_data_code_2d_resultsGetDataCode2dResultsget_data_code_2d_resultsGetDataCode2dResultsget_data_code_2d_results
Get the alphanumerical results that were accumulated during the search for 2D data code symbols.
get_deep_ocr_paramGetDeepOcrParamget_deep_ocr_paramGetDeepOcrParamget_deep_ocr_param
Return the parameters of a Deep OCR model.
get_deformable_model_contoursGetDeformableModelContoursget_deformable_model_contoursGetDeformableModelContoursget_deformable_model_contours
Return the contour representation of a deformable model.
get_deformable_model_originGetDeformableModelOriginget_deformable_model_originGetDeformableModelOriginget_deformable_model_origin
Return the origin (reference point) of a deformable model.
get_deformable_model_paramsGetDeformableModelParamsget_deformable_model_paramsGetDeformableModelParamsget_deformable_model_params
Return the parameters of a deformable model.
get_deformable_surface_matching_resultGetDeformableSurfaceMatchingResultget_deformable_surface_matching_resultGetDeformableSurfaceMatchingResultget_deformable_surface_matching_result
Get details of a result from deformable surface based matching.
get_deformable_surface_model_paramGetDeformableSurfaceModelParamget_deformable_surface_model_paramGetDeformableSurfaceModelParamget_deformable_surface_model_param
Return the parameters and properties of a deformable surface model.
get_descriptor_model_originGetDescriptorModelOriginget_descriptor_model_originGetDescriptorModelOriginget_descriptor_model_origin
Return the origin of a descriptor model.
get_descriptor_model_paramsGetDescriptorModelParamsget_descriptor_model_paramsGetDescriptorModelParamsget_descriptor_model_params
Return the parameters of a descriptor model.
get_descriptor_model_pointsGetDescriptorModelPointsget_descriptor_model_pointsGetDescriptorModelPointsget_descriptor_model_points
Query the interest points of the descriptor model or the last processed search image.
get_descriptor_model_resultsGetDescriptorModelResultsget_descriptor_model_resultsGetDescriptorModelResultsget_descriptor_model_results
Query alphanumerical results that were accumulated during descriptor-based matching.
get_diagonal_matrixGetDiagonalMatrixget_diagonal_matrixGetDiagonalMatrixget_diagonal_matrix
Get the diagonal elements of a matrix.
get_dict_objectGetDictObjectget_dict_objectGetDictObjectget_dict_object
Retrieve an object associated with the key from the dictionary.
get_dict_paramGetDictParamget_dict_paramGetDictParamget_dict_param
Query dictionary parameters or information about a dictionary.
get_dict_tupleGetDictTupleget_dict_tupleGetDictTupleget_dict_tuple
Retrieve a tuple associated with the key from the dictionary.
get_disp_object_model_3d_infoGetDispObjectModel3dInfoget_disp_object_model_3d_infoGetDispObjectModel3dInfoget_disp_object_model_3d_info
Get the depth or the index of a displayed 3D object model.
get_display_scene_3d_infoGetDisplayScene3dInfoget_display_scene_3d_infoGetDisplayScene3dInfoget_display_scene_3d_info
Get the depth or the index of instances in a displayed 3D scene.
get_distance_transform_xld_contourGetDistanceTransformXldContourget_distance_transform_xld_contourGetDistanceTransformXldContourget_distance_transform_xld_contour
Get the reference contour used to build the XLD distance transform.
get_distance_transform_xld_paramGetDistanceTransformXldParamget_distance_transform_xld_paramGetDistanceTransformXldParamget_distance_transform_xld_param
Get the parameters used to build an XLD distance transform.
get_dl_classifier_paramGetDlClassifierParamget_dl_classifier_paramGetDlClassifierParamget_dl_classifier_param
Return the parameters of a deep-learning-based classifier.
get_dl_classifier_resultGetDlClassifierResultget_dl_classifier_resultGetDlClassifierResultget_dl_classifier_result
Retrieve classification results inferred by a deep-learning-based classifier.
get_dl_classifier_train_resultGetDlClassifierTrainResultget_dl_classifier_train_resultGetDlClassifierTrainResultget_dl_classifier_train_result
Return the results for the single training step of a deep-learning-based classifier.
get_dl_device_paramGetDlDeviceParamget_dl_device_paramGetDlDeviceParamget_dl_device_param
Return the parameters of a deep-learning-capable hardware device.
get_dl_model_paramGetDlModelParamget_dl_model_paramGetDlModelParamget_dl_model_param
Return the parameters of a deep learning model.
get_dl_pruning_paramGetDlPruningParamget_dl_pruning_paramGetDlPruningParamget_dl_pruning_param
Get information from a pruning data handle.
get_domainGetDomainget_domainGetDomainget_domain
Get the domain of an image.
get_drawGetDrawget_drawGetDrawget_draw
Get the current region fill mode.
get_drawing_object_iconicGetDrawingObjectIconicget_drawing_object_iconicGetDrawingObjectIconicget_drawing_object_iconic
Return the iconic object of a drawing object.
get_drawing_object_paramsGetDrawingObjectParamsget_drawing_object_paramsGetDrawingObjectParamsget_drawing_object_params
Get the parameters of a drawing object.
get_error_textGetErrorTextget_error_textGetErrorTextget_error_text
Inquiry after the error text of a HALCON error number.
get_extended_error_infoGetExtendedErrorInfoget_extended_error_infoGetExtendedErrorInfoget_extended_error_info
Returns the extended error information for the calling thread's last HALCON error.
get_features_ocr_class_knnGetFeaturesOcrClassKnnget_features_ocr_class_knnGetFeaturesOcrClassKnnget_features_ocr_class_knn
Compute the features of a character.
get_features_ocr_class_mlpGetFeaturesOcrClassMlpget_features_ocr_class_mlpGetFeaturesOcrClassMlpget_features_ocr_class_mlp
Compute the features of a character.
get_features_ocr_class_svmGetFeaturesOcrClassSvmget_features_ocr_class_svmGetFeaturesOcrClassSvmget_features_ocr_class_svm
Compute the features of a character.
get_fixGetFixget_fixGetFixget_fix
Get mode of fixing of current look-up-table (lut).
get_fixed_lutGetFixedLutget_fixed_lutGetFixedLutget_fixed_lut
Get fixing of “look-up-table” (lut) for “real color images”
get_fontGetFontget_fontGetFontget_font
Get the current font.
get_font_extentsGetFontExtentsget_font_extentsGetFontExtentsget_font_extents
Get the maximum size of all characters of a font.
get_found_component_modelGetFoundComponentModelget_found_component_modelGetFoundComponentModelget_found_component_model
Return the components of a found instance of a component model.
get_framegrabber_callbackGetFramegrabberCallbackget_framegrabber_callbackGetFramegrabberCallbackget_framegrabber_callback
Query callback function of an image acquisition device.
get_framegrabber_lutGetFramegrabberLutget_framegrabber_lutGetFramegrabberLutget_framegrabber_lut
Query look-up table of the image acquisition device.
get_framegrabber_paramGetFramegrabberParamget_framegrabber_paramGetFramegrabberParamget_framegrabber_param
Query specific parameters of an image acquisition device.
get_full_matrixGetFullMatrixget_full_matrixGetFullMatrixget_full_matrix
Return all values of a matrix.
get_grayvalGetGrayvalget_grayvalGetGrayvalget_grayval
Access the gray values of an image object.
get_grayval_contour_xldGetGrayvalContourXldget_grayval_contour_xldGetGrayvalContourXldget_grayval_contour_xld
Return gray values of an image at the positions of an XLD contour.
get_grayval_interpolatedGetGrayvalInterpolatedget_grayval_interpolatedGetGrayvalInterpolatedget_grayval_interpolated
Return gray values of an image at the positions given by tuples of rows and columns.
get_handle_objectGetHandleObjectget_handle_objectGetHandleObjectget_handle_object
Retrieve an object associated with a key from a handle.
get_handle_paramGetHandleParamget_handle_paramGetHandleParamget_handle_param
Return information about a handle.
get_handle_tupleGetHandleTupleget_handle_tupleGetHandleTupleget_handle_tuple
Retrieve a tuple associated with a key from a handle.
get_hsiGetHsiget_hsiGetHsiget_hsi
Get the HSI coding of the current color.
get_iconGetIconget_iconGetIconget_icon
Query the icon for region output
get_image_pointer1GetImagePointer1get_image_pointer1GetImagePointer1get_image_pointer1
Access the pointer of a channel.
get_image_pointer1_rectGetImagePointer1Rectget_image_pointer1_rectGetImagePointer1Rectget_image_pointer1_rect
Access to the image data pointer and the image data inside the smallest rectangle of the domain of the input image.
get_image_pointer3GetImagePointer3get_image_pointer3GetImagePointer3get_image_pointer3
Access the pointers of a colored image.
get_image_sizeGetImageSizeget_image_sizeGetImageSizeget_image_size
Return the size of an image.
get_image_timeGetImageTimeget_image_timeGetImageTimeget_image_time
Request time at which the image was created.
get_image_typeGetImageTypeget_image_typeGetImageTypeget_image_type
Return the type of an image.
get_insertGetInsertget_insertGetInsertget_insert
Get the current display mode.
get_io_channel_paramGetIoChannelParamget_io_channel_paramGetIoChannelParamget_io_channel_param
Query specific parameters of I/O channels.
get_io_device_paramGetIoDeviceParamget_io_device_paramGetIoDeviceParamget_io_device_param
Query settings of an I/O device instance.
get_keywordsGetKeywordsget_keywordsGetKeywordsget_keywords
Get keywords which are assigned to operators.
get_line_approxGetLineApproxget_line_approxGetLineApproxget_line_approx
Get the current approximation error for contour display.
get_line_of_sightGetLineOfSightget_line_of_sightGetLineOfSightget_line_of_sight
Compute the line of sight corresponding to a point in the image.
get_line_styleGetLineStyleget_line_styleGetLineStyleget_line_style
Get the current graphic mode for contours.
get_line_widthGetLineWidthget_line_widthGetLineWidthget_line_width
Get the current line width for contour display.
get_lines_xldGetLinesXldget_lines_xldGetLinesXldget_lines_xld
Return an XLD polygon's data (as lines).
get_lutGetLutget_lutGetLutget_lut
Get current look-up-table (lut).
get_lut_styleGetLutStyleget_lut_styleGetLutStyleget_lut_style
Get modification parameters of look-up-table (lut).
get_mbuttonGetMbuttonget_mbuttonGetMbuttonget_mbutton
Wait until a mouse button is pressed.
get_mbutton_sub_pixGetMbuttonSubPixget_mbutton_sub_pixGetMbuttonSubPixget_mbutton_sub_pix
Wait until a mouse button is pressed and get the subpixel mouse position.
get_message_objGetMessageObjget_message_objGetMessageObjget_message_obj
Retrieve an object associated with the key from the message.
get_message_paramGetMessageParamget_message_paramGetMessageParamget_message_param
Query message parameters or information about the message.
get_message_queue_paramGetMessageQueueParamget_message_queue_paramGetMessageQueueParamget_message_queue_param
Query message queue parameters or information about the queue.
get_message_tupleGetMessageTupleget_message_tupleGetMessageTupleget_message_tuple
Retrieve a tuple associated with the key from the message.
get_metrology_model_paramGetMetrologyModelParamget_metrology_model_paramGetMetrologyModelParamget_metrology_model_param
Get parameters that are valid for the entire metrology model.
get_metrology_object_fuzzy_paramGetMetrologyObjectFuzzyParamget_metrology_object_fuzzy_paramGetMetrologyObjectFuzzyParamget_metrology_object_fuzzy_param
Get a fuzzy parameter of a metroloy model.
get_metrology_object_indicesGetMetrologyObjectIndicesget_metrology_object_indicesGetMetrologyObjectIndicesget_metrology_object_indices
Get the indices of the metrology objects of a metrology model.
get_metrology_object_measuresGetMetrologyObjectMeasuresget_metrology_object_measuresGetMetrologyObjectMeasuresget_metrology_object_measures
Get the measure regions and the results of the edge location for the metrology objects of a metrology model.
get_metrology_object_model_contourGetMetrologyObjectModelContourget_metrology_object_model_contourGetMetrologyObjectModelContourget_metrology_object_model_contour
Query the model contour of a metrology object in image coordinates.
get_metrology_object_num_instancesGetMetrologyObjectNumInstancesget_metrology_object_num_instancesGetMetrologyObjectNumInstancesget_metrology_object_num_instances
Get the number of instances of the metrology objects of a metrology model.
get_metrology_object_paramGetMetrologyObjectParamget_metrology_object_paramGetMetrologyObjectParamget_metrology_object_param
Get one or several parameters of a metrology model.
get_metrology_object_resultGetMetrologyObjectResultget_metrology_object_resultGetMetrologyObjectResultget_metrology_object_result
Get the results of the measurement of a metrology model.
get_metrology_object_result_contourGetMetrologyObjectResultContourget_metrology_object_result_contourGetMetrologyObjectResultContourget_metrology_object_result_contour
Query the result contour of a metrology object.
get_modulesGetModulesget_modulesGetModulesget_modules
Query of used modules and the module key.
get_mpositionGetMpositionget_mpositionGetMpositionget_mposition
Query the mouse position.
get_mposition_sub_pixGetMpositionSubPixget_mposition_sub_pixGetMpositionSubPixget_mposition_sub_pix
Query the subpixel mouse position.
get_mshapeGetMshapeget_mshapeGetMshapeget_mshape
Query the current mouse pointer shape.
get_ncc_model_originGetNccModelOriginget_ncc_model_originGetNccModelOriginget_ncc_model_origin
Return the origin (reference point) of an NCC model.
get_ncc_model_paramsGetNccModelParamsget_ncc_model_paramsGetNccModelParamsget_ncc_model_params
Return the parameters of an NCC model.
get_ncc_model_regionGetNccModelRegionget_ncc_model_regionGetNccModelRegionget_ncc_model_region
Return the region used to create an NCC model.
get_next_socket_data_typeGetNextSocketDataTypeget_next_socket_data_typeGetNextSocketDataTypeget_next_socket_data_type
Determine the HALCON data type of the next socket data.
get_obj_classGetObjClassget_obj_classGetObjClassget_obj_class
Name of the class of an image object.
get_object_model_3d_paramsGetObjectModel3dParamsget_object_model_3d_paramsGetObjectModel3dParamsget_object_model_3d_params
Return attributes of 3D object models.
get_operator_infoGetOperatorInfoget_operator_infoGetOperatorInfoget_operator_info
Get information concerning a HALCON-operator.
get_operator_nameGetOperatorNameget_operator_nameGetOperatorNameget_operator_name
Get operators with the given string as a substring of their name.
get_os_window_handleGetOsWindowHandleget_os_window_handleGetOsWindowHandleget_os_window_handle
Get the operating system window handle.
get_paintGetPaintget_paintGetPaintget_paint
Get the current display mode for gray values.
get_pair_funct_1dGetPairFunct1dget_pair_funct_1dGetPairFunct1dget_pair_funct_1d
Access a function value using the index of the control points.
get_parallels_xldGetParallelsXldget_parallels_xldGetParallelsXldget_parallels_xld
Return an XLD parallel's data (as lines).
get_param_infoGetParamInfoget_param_infoGetParamInfoget_param_info
Get information concerning the operator parameters.
get_param_namesGetParamNamesget_param_namesGetParamNamesget_param_names
Get the names of the parameters of a HALCON-operator.
get_param_numGetParamNumget_param_numGetParamNumget_param_num
Get number of the different parameter classes of a HALCON-operator.
get_param_typesGetParamTypesget_param_typesGetParamTypesget_param_types
Get default data type for the control parameters of a HALCON-operator.
get_params_class_gmmGetParamsClassGmmget_params_class_gmmGetParamsClassGmmget_params_class_gmm
Return the parameters of a Gaussian Mixture Model.
get_params_class_knnGetParamsClassKnnget_params_class_knnGetParamsClassKnnget_params_class_knn
Get parameters of a k-NN classification.
get_params_class_mlpGetParamsClassMlpget_params_class_mlpGetParamsClassMlpget_params_class_mlp
Return the parameters of a multilayer perceptron.
get_params_class_svmGetParamsClassSvmget_params_class_svmGetParamsClassSvmget_params_class_svm
Return the parameters of a support vector machine.
get_params_ocr_class_cnnGetParamsOcrClassCnnget_params_ocr_class_cnnGetParamsOcrClassCnnget_params_ocr_class_cnn
Return the parameters of a CNN-based OCR classifier.
get_params_ocr_class_knnGetParamsOcrClassKnnget_params_ocr_class_knnGetParamsOcrClassKnnget_params_ocr_class_knn
Return the parameters of an OCR classifier.
get_params_ocr_class_mlpGetParamsOcrClassMlpget_params_ocr_class_mlpGetParamsOcrClassMlpget_params_ocr_class_mlp
Return the parameters of an OCR classifier.
get_params_ocr_class_svmGetParamsOcrClassSvmget_params_ocr_class_svmGetParamsOcrClassSvmget_params_ocr_class_svm
Return the parameters of an OCR classifier.
get_partGetPartget_partGetPartget_part
Get the image part.
get_part_styleGetPartStyleget_part_styleGetPartStyleget_part_style
Get the current interpolation mode for gray value display.
get_pixelGetPixelget_pixelGetPixelget_pixel
Get the current color lookup table index.
get_points_ellipseGetPointsEllipseget_points_ellipseGetPointsEllipseget_points_ellipse
Calculate points on the perimeter of an ellipse.
get_polygon_xldGetPolygonXldget_polygon_xldGetPolygonXldget_polygon_xld
Return an XLD polygon's data.
get_pose_typeGetPoseTypeget_pose_typeGetPoseTypeget_pose_type
Get the representation type of a 3D pose.
get_prep_info_class_gmmGetPrepInfoClassGmmget_prep_info_class_gmmGetPrepInfoClassGmmget_prep_info_class_gmm
Compute the information content of the preprocessed feature vectors of a GMM.
get_prep_info_class_mlpGetPrepInfoClassMlpget_prep_info_class_mlpGetPrepInfoClassMlpget_prep_info_class_mlp
Compute the information content of the preprocessed feature vectors of a multilayer perceptron.
get_prep_info_class_svmGetPrepInfoClassSvmget_prep_info_class_svmGetPrepInfoClassSvmget_prep_info_class_svm
Compute the information content of the preprocessed feature vectors of a support vector machine
get_prep_info_ocr_class_mlpGetPrepInfoOcrClassMlpget_prep_info_ocr_class_mlpGetPrepInfoOcrClassMlpget_prep_info_ocr_class_mlp
Compute the information content of the preprocessed feature vectors of an OCR classifier.
get_prep_info_ocr_class_svmGetPrepInfoOcrClassSvmget_prep_info_ocr_class_svmGetPrepInfoOcrClassSvmget_prep_info_ocr_class_svm
Compute the information content of the preprocessed feature vectors of an SVM-based OCR classifier.
get_rectangle_poseGetRectanglePoseget_rectangle_poseGetRectanglePoseget_rectangle_pose
Determine the 3D pose of a rectangle from its perspective 2D projection
get_region_chainGetRegionChainget_region_chainGetRegionChainget_region_chain
Contour of an object as chain code.
get_region_contourGetRegionContourget_region_contourGetRegionContourget_region_contour
Access the contour of an object.
get_region_convexGetRegionConvexget_region_convexGetRegionConvexget_region_convex
Access convex hull as contour.
get_region_indexGetRegionIndexget_region_indexGetRegionIndexget_region_index
Index of all regions containing a given pixel.
get_region_pointsGetRegionPointsget_region_pointsGetRegionPointsget_region_points
Access the pixels of a region.
get_region_polygonGetRegionPolygonget_region_polygonGetRegionPolygonget_region_polygon
Polygon approximation of a region.
get_region_runsGetRegionRunsget_region_runsGetRegionRunsget_region_runs
Access the runlength coding of a region.
get_region_thicknessGetRegionThicknessget_region_thicknessGetRegionThicknessget_region_thickness
Access the thickness of a region along the main axis.
get_regress_params_xldGetRegressParamsXldget_regress_params_xldGetRegressParamsXldget_regress_params_xld
Return XLD contour parameters.
get_regularization_params_class_mlpGetRegularizationParamsClassMlpget_regularization_params_class_mlpGetRegularizationParamsClassMlpget_regularization_params_class_mlp
Return the regularization parameters of a multilayer perceptron.
get_regularization_params_ocr_class_mlpGetRegularizationParamsOcrClassMlpget_regularization_params_ocr_class_mlpGetRegularizationParamsOcrClassMlpget_regularization_params_ocr_class_mlp
Return the regularization parameters of an OCR classifier.
get_rejection_params_class_mlpGetRejectionParamsClassMlpget_rejection_params_class_mlpGetRejectionParamsClassMlpget_rejection_params_class_mlp
Get the parameters of a rejection class.
get_rejection_params_ocr_class_mlpGetRejectionParamsOcrClassMlpget_rejection_params_ocr_class_mlpGetRejectionParamsOcrClassMlpget_rejection_params_ocr_class_mlp
Return the rejection class parameters of an OCR classifier.
get_rgbGetRgbget_rgbGetRgbget_rgb
Get the current color in RGB-coding.
get_rgbaGetRgbaget_rgbaGetRgbaget_rgba
Get the current color in RGBA-coding.
get_sample_class_gmmGetSampleClassGmmget_sample_class_gmmGetSampleClassGmmget_sample_class_gmm
Return a training sample from the training data of a Gaussian Mixture Models (GMM).
get_sample_class_knnGetSampleClassKnnget_sample_class_knnGetSampleClassKnnget_sample_class_knn
Return a training sample from the training data of a k-nearest neighbors (k-NN) classifier.
get_sample_class_mlpGetSampleClassMlpget_sample_class_mlpGetSampleClassMlpget_sample_class_mlp
Return a training sample from the training data of a multilayer perceptron.
get_sample_class_svmGetSampleClassSvmget_sample_class_svmGetSampleClassSvmget_sample_class_svm
Return a training sample from the training data of a support vector machine.
get_sample_class_train_dataGetSampleClassTrainDataget_sample_class_train_dataGetSampleClassTrainDataget_sample_class_train_data
Return a training sample from training data.
get_sample_identifier_object_infoGetSampleIdentifierObjectInfoget_sample_identifier_object_infoGetSampleIdentifierObjectInfoget_sample_identifier_object_info
Retrieve information about an object of a sample identifier.
get_sample_identifier_paramGetSampleIdentifierParamget_sample_identifier_paramGetSampleIdentifierParamget_sample_identifier_param
Get selected parameters of a sample identifier.
get_sample_num_class_gmmGetSampleNumClassGmmget_sample_num_class_gmmGetSampleNumClassGmmget_sample_num_class_gmm
Return the number of training samples stored in the training data of a Gaussian Mixture Model (GMM).
get_sample_num_class_knnGetSampleNumClassKnnget_sample_num_class_knnGetSampleNumClassKnnget_sample_num_class_knn
Return the number of training samples stored in the training data of a k-nearest neighbors (k-NN) classifier.
get_sample_num_class_mlpGetSampleNumClassMlpget_sample_num_class_mlpGetSampleNumClassMlpget_sample_num_class_mlp
Return the number of training samples stored in the training data of a multilayer perceptron.
get_sample_num_class_svmGetSampleNumClassSvmget_sample_num_class_svmGetSampleNumClassSvmget_sample_num_class_svm
Return the number of training samples stored in the training data of a support vector machine.
get_sample_num_class_train_dataGetSampleNumClassTrainDataget_sample_num_class_train_dataGetSampleNumClassTrainDataget_sample_num_class_train_data
Return the number of training samples stored in the training data.
get_serial_paramGetSerialParamget_serial_paramGetSerialParamget_serial_param
Get the parameters of a serial device.
get_serialized_item_ptrGetSerializedItemPtrget_serialized_item_ptrGetSerializedItemPtrget_serialized_item_ptr
Access the data pointer of a serialized item.
get_shapeGetShapeget_shapeGetShapeget_shape
Get the current region output shape.
get_shape_model_3d_contoursGetShapeModel3dContoursget_shape_model_3d_contoursGetShapeModel3dContoursget_shape_model_3d_contours
Return the contour representation of a 3D shape model view.
get_shape_model_3d_paramsGetShapeModel3dParamsget_shape_model_3d_paramsGetShapeModel3dParamsget_shape_model_3d_params
Return the parameters of a 3D shape model.
get_shape_model_clutterGetShapeModelClutterget_shape_model_clutterGetShapeModelClutterget_shape_model_clutter
Get the clutter parameters of a shape model.
get_shape_model_contoursGetShapeModelContoursget_shape_model_contoursGetShapeModelContoursget_shape_model_contours
Return the contour representation of a shape model.
get_shape_model_originGetShapeModelOriginget_shape_model_originGetShapeModelOriginget_shape_model_origin
Return the origin (reference point) of a shape model.
get_shape_model_paramsGetShapeModelParamsget_shape_model_paramsGetShapeModelParamsget_shape_model_params
Return the parameters of a shape model.
get_sheet_of_light_paramGetSheetOfLightParamget_sheet_of_light_paramGetSheetOfLightParamget_sheet_of_light_param
Get the value of a parameter, which has been set in a sheet-of-light model.
get_sheet_of_light_resultGetSheetOfLightResultget_sheet_of_light_resultGetSheetOfLightResultget_sheet_of_light_result
Get the iconic results of a measurement performed with the sheet-of light technique.
get_sheet_of_light_result_object_model_3dGetSheetOfLightResultObjectModel3dget_sheet_of_light_result_object_model_3dGetSheetOfLightResultObjectModel3dget_sheet_of_light_result_object_model_3d
Get the result of a calibrated measurement performed with the sheet-of-light technique as a 3D object model.
get_size_matrixGetSizeMatrixget_size_matrixGetSizeMatrixget_size_matrix
Get the size of a matrix.
get_socket_descriptorGetSocketDescriptorget_socket_descriptorGetSocketDescriptorget_socket_descriptor
Get the socket descriptor of a socket used by the operating system.
get_socket_paramGetSocketParamget_socket_paramGetSocketParamget_socket_param
Get the value of a socket parameter.
get_spyGetSpyget_spyGetSpyget_spy
Current configuration of the HALCON debugging-tool.
get_stereo_model_image_pairsGetStereoModelImagePairsget_stereo_model_image_pairsGetStereoModelImagePairsget_stereo_model_image_pairs
Return the list of image pairs set in a stereo model.
get_stereo_model_objectGetStereoModelObjectget_stereo_model_objectGetStereoModelObjectget_stereo_model_object
Get intermediate iconic results of a stereo reconstruction.
get_stereo_model_object_model_3dGetStereoModelObjectModel3dget_stereo_model_object_model_3dGetStereoModelObjectModel3dget_stereo_model_object_model_3d
Get intermediate 3D object model of a stereo reconstruction
get_stereo_model_paramGetStereoModelParamget_stereo_model_paramGetStereoModelParamget_stereo_model_param
Get stereo model parameters.
get_string_extentsGetStringExtentsget_string_extentsGetStringExtentsget_string_extents
Get the spatial size of a string.
get_structured_light_model_paramGetStructuredLightModelParamget_structured_light_model_paramGetStructuredLightModelParamget_structured_light_model_param
Query parameters of a structured light model.
get_structured_light_objectGetStructuredLightObjectget_structured_light_objectGetStructuredLightObjectget_structured_light_object
Get (intermediate) iconic results of a structured light model.
get_sub_matrixGetSubMatrixget_sub_matrixGetSubMatrixget_sub_matrix
Get a sub-matrix of a matrix.
get_support_vector_class_svmGetSupportVectorClassSvmget_support_vector_class_svmGetSupportVectorClassSvmget_support_vector_class_svm
Return the index of a support vector from a trained support vector machine.
get_support_vector_num_class_svmGetSupportVectorNumClassSvmget_support_vector_num_class_svmGetSupportVectorNumClassSvmget_support_vector_num_class_svm
Return the number of support vectors of a support vector machine.
get_support_vector_num_ocr_class_svmGetSupportVectorNumOcrClassSvmget_support_vector_num_ocr_class_svmGetSupportVectorNumOcrClassSvmget_support_vector_num_ocr_class_svm
Return the number of support vectors of an OCR classifier.
get_support_vector_ocr_class_svmGetSupportVectorOcrClassSvmget_support_vector_ocr_class_svmGetSupportVectorOcrClassSvmget_support_vector_ocr_class_svm
Return the index of a support vector from a trained OCR classifier that is based on support vector machines.
get_surface_matching_resultGetSurfaceMatchingResultget_surface_matching_resultGetSurfaceMatchingResultget_surface_matching_result
Get details of a result from surface based matching.
get_surface_model_paramGetSurfaceModelParamget_surface_model_paramGetSurfaceModelParamget_surface_model_param
Return the parameters and properties of a surface model.
get_systemGetSystemget_systemGetSystemget_system
Get current value of HALCON system parameters.
get_system_infoGetSystemInfoget_system_infoGetSystemInfoget_system_info
Get current value of system information without requiring a license.
get_system_timeGetSystemTimeget_system_timeGetSystemTimeget_system_time
Read out the system time.
get_text_model_paramGetTextModelParamget_text_model_paramGetTextModelParamget_text_model_param
Query parameters of a text model.
get_text_objectGetTextObjectget_text_objectGetTextObjectget_text_object
Query an iconic value of a text segmentation result.
get_text_resultGetTextResultget_text_resultGetTextResultget_text_result
Query a control value of a text segmentation result.
get_texture_inspection_model_imageGetTextureInspectionModelImageget_texture_inspection_model_imageGetTextureInspectionModelImageget_texture_inspection_model_image
Get the training images contained in a texture inspection model.
get_texture_inspection_model_paramGetTextureInspectionModelParamget_texture_inspection_model_paramGetTextureInspectionModelParamget_texture_inspection_model_param
Query parameters of a texture inspection model.
get_texture_inspection_result_objectGetTextureInspectionResultObjectget_texture_inspection_result_objectGetTextureInspectionResultObjectget_texture_inspection_result_object
Query iconic results of a texture inspection.
get_threading_attribGetThreadingAttribget_threading_attribGetThreadingAttribget_threading_attrib
Query the attributes of a threading / synchronization object.
get_thresh_images_variation_modelGetThreshImagesVariationModelget_thresh_images_variation_modelGetThreshImagesVariationModelget_thresh_images_variation_model
Return the threshold images used for image comparison by a variation model.
get_tpositionGetTpositionget_tpositionGetTpositionget_tposition
Get cursor position.
get_training_componentsGetTrainingComponentsget_training_componentsGetTrainingComponentsget_training_components
Return the initial or model components in a certain image.
get_tshapeGetTshapeget_tshapeGetTshapeget_tshape
Get the shape of the text cursor.
get_value_matrixGetValueMatrixget_value_matrixGetValueMatrixget_value_matrix
Return one ore more elements of a matrix.
get_variation_modelGetVariationModelget_variation_modelGetVariationModelget_variation_model
Return the images used for image comparison by a variation model.
get_window_attrGetWindowAttrget_window_attrGetWindowAttrget_window_attr
Get window characteristics.
get_window_background_imageGetWindowBackgroundImageget_window_background_imageGetWindowBackgroundImageget_window_background_image
Gets a copy of the background image of the HALCON window.
get_window_extentsGetWindowExtentsget_window_extentsGetWindowExtentsget_window_extents
Information about a window's size and position.
get_window_paramGetWindowParamget_window_paramGetWindowParamget_window_param
Get window parameters.
get_window_pointer3GetWindowPointer3get_window_pointer3GetWindowPointer3get_window_pointer3
Access to a window's pixel data.
get_window_typeGetWindowTypeget_window_typeGetWindowTypeget_window_type
Get the window type.
get_y_value_funct_1dGetYValueFunct1dget_y_value_funct_1dGetYValueFunct1dget_y_value_funct_1d
Return the value of a function at an arbitrary position.
give_bg_estiGiveBgEstigive_bg_estiGiveBgEstigive_bg_esti
Return the estimated background image.
global
Declare a global variable.
gnuplot_closeGnuplotClosegnuplot_closeGnuplotClosegnuplot_close
Close all open gnuplot files or terminate an active gnuplot sub-process.
gnuplot_open_fileGnuplotOpenFilegnuplot_open_fileGnuplotOpenFilegnuplot_open_file
Open a gnuplot file for visualization of images and control values.
gnuplot_open_pipeGnuplotOpenPipegnuplot_open_pipeGnuplotOpenPipegnuplot_open_pipe
Open a pipe to a gnuplot process for visualization of images and control values.
gnuplot_plot_ctrlGnuplotPlotCtrlgnuplot_plot_ctrlGnuplotPlotCtrlgnuplot_plot_ctrl
Plot control values using gnuplot.
gnuplot_plot_funct_1dGnuplotPlotFunct1dgnuplot_plot_funct_1dGnuplotPlotFunct1dgnuplot_plot_funct_1d
Plot a function using gnuplot.
gnuplot_plot_imageGnuplotPlotImagegnuplot_plot_imageGnuplotPlotImagegnuplot_plot_image
Visualize images using gnuplot.
golay_elementsGolayElementsgolay_elementsGolayElementsgolay_elements
Generate the structuring elements of the Golay alphabet.
grab_dataGrabDatagrab_dataGrabDatagrab_data
Synchronous grab of images and preprocessed image data from the specified image acquisition device.
grab_data_asyncGrabDataAsyncgrab_data_asyncGrabDataAsyncgrab_data_async
Asynchronous grab of images and preprocessed image data from the specified image acquisition device.
grab_imageGrabImagegrab_imageGrabImagegrab_image
Synchronous grab of an image from the specified image acquisition device.
grab_image_asyncGrabImageAsyncgrab_image_asyncGrabImageAsyncgrab_image_async
Asynchronous grab of an image from the specified image acquisition device.
grab_image_startGrabImageStartgrab_image_startGrabImageStartgrab_image_start
Start an asynchronous grab from the specified image acquisition device.
gray_bothatGrayBothatgray_bothatGrayBothatgray_bothat
Perform a gray value bottom hat transformation on an image.
gray_closingGrayClosinggray_closingGrayClosinggray_closing
Perform a gray value closing on an image.
gray_closing_rectGrayClosingRectgray_closing_rectGrayClosingRectgray_closing_rect
Perform a gray value closing with a rectangular mask.
gray_closing_shapeGrayClosingShapegray_closing_shapeGrayClosingShapegray_closing_shape
Perform a gray value closing with a selected mask.
gray_dilationGrayDilationgray_dilationGrayDilationgray_dilation
Perform a gray value dilation on an image.
gray_dilation_rectGrayDilationRectgray_dilation_rectGrayDilationRectgray_dilation_rect
Determine the maximum gray value within a rectangle.
gray_dilation_shapeGrayDilationShapegray_dilation_shapeGrayDilationShapegray_dilation_shape
Determine the maximum gray value within a selected mask.
gray_erosionGrayErosiongray_erosionGrayErosiongray_erosion
Perform a gray value erosion on an image.
gray_erosion_rectGrayErosionRectgray_erosion_rectGrayErosionRectgray_erosion_rect
Determine the minimum gray value within a rectangle.
gray_erosion_shapeGrayErosionShapegray_erosion_shapeGrayErosionShapegray_erosion_shape
Determine the minimum gray value within a selected mask.
gray_featuresGrayFeaturesgray_featuresGrayFeaturesgray_features
Calculates gray value features for a set of regions.
gray_histoGrayHistogray_histoGrayHistogray_histo
Calculate the gray value distribution.
gray_histo_absGrayHistoAbsgray_histo_absGrayHistoAbsgray_histo_abs
Calculate the gray value distribution.
gray_histo_rangeGrayHistoRangegray_histo_rangeGrayHistoRangegray_histo_range
Calculate the gray value distribution of a single channel image within a certain gray value range.
gray_insideGrayInsidegray_insideGrayInsidegray_inside
Calculate the lowest possible gray value on an arbitrary path to the image border for each point in the image.
gray_openingGrayOpeninggray_openingGrayOpeninggray_opening
Perform a gray value opening on an image.
gray_opening_rectGrayOpeningRectgray_opening_rectGrayOpeningRectgray_opening_rect
Perform a gray value opening with a rectangular mask.
gray_opening_shapeGrayOpeningShapegray_opening_shapeGrayOpeningShapegray_opening_shape
Perform a gray value opening with a selected mask.
gray_projectionsGrayProjectionsgray_projectionsGrayProjectionsgray_projections
Calculate horizontal and vertical gray-value projections.
gray_range_rectGrayRangeRectgray_range_rectGrayRangeRectgray_range_rect
Determine the gray value range within a rectangle.
gray_skeletonGraySkeletongray_skeletonGraySkeletongray_skeleton
Thinning of gray value images.
gray_tophatGrayTophatgray_tophatGrayTophatgray_tophat
Perform a gray value top hat transformation on an image.
guided_filterGuidedFilterguided_filterGuidedFilterguided_filter
Guided filtering of an image.

H

hamming_change_regionHammingChangeRegionhamming_change_regionHammingChangeRegionhamming_change_region
Generate a region having a given Hamming distance.
hamming_distanceHammingDistancehamming_distanceHammingDistancehamming_distance
Hamming distance between two regions.
hamming_distance_normHammingDistanceNormhamming_distance_normHammingDistanceNormhamming_distance_norm
Hamming distance between two regions using normalization.
hand_eye_calibrationHandEyeCalibrationhand_eye_calibrationHandEyeCalibrationhand_eye_calibration
Perform a hand-eye calibration.
handle_to_integerHandleToIntegerhandle_to_integerHandleToIntegerhandle_to_integer
Convert a handle into an integer.
harmonic_interpolationHarmonicInterpolationharmonic_interpolationHarmonicInterpolationharmonic_interpolation
Perform a harmonic interpolation on an image region.
height_width_ratioHeightWidthRatioheight_width_ratioHeightWidthRatioheight_width_ratio
Compute the width, height, and aspect ratio of the surrounding rectangle parallel to the coordinate axes.
height_width_ratio_xldHeightWidthRatioXldheight_width_ratio_xldHeightWidthRatioXldheight_width_ratio_xld
Compute the width, height, and aspect ratio of the enclosing rectangle parallel to the coordinate axes of contours or polygons.
highpass_imageHighpassImagehighpass_imageHighpassImagehighpass_image
Extract high frequency components from an image.
histo_2dimHisto2dimhisto_2dimHisto2dimhisto_2dim
Calculate the histogram of two-channel gray value images.
histo_to_threshHistoToThreshhisto_to_threshHistoToThreshhisto_to_thresh
Determine gray value thresholds from a histogram.
hit_or_missHitOrMisshit_or_missHitOrMisshit_or_miss
Hit-or-miss operation for regions.
hit_or_miss_golayHitOrMissGolayhit_or_miss_golayHitOrMissGolayhit_or_miss_golay
Hit-or-miss operation for regions using the Golay alphabet.
hit_or_miss_seqHitOrMissSeqhit_or_miss_seqHitOrMissSeqhit_or_miss_seq
Hit-or-miss operation for regions using the Golay alphabet (sequential).
hom_mat2d_composeHomMat2dComposehom_mat2d_composeHomMat2dComposehom_mat2d_compose
Multiply two homogeneous 2D transformation matrices.
hom_mat2d_determinantHomMat2dDeterminanthom_mat2d_determinantHomMat2dDeterminanthom_mat2d_determinant
Compute the determinant of a homogeneous 2D transformation matrix.
hom_mat2d_identityHomMat2dIdentityhom_mat2d_identityHomMat2dIdentityhom_mat2d_identity
Generate the homogeneous transformation matrix of the identical 2D transformation.
hom_mat2d_invertHomMat2dInverthom_mat2d_invertHomMat2dInverthom_mat2d_invert
Invert a homogeneous 2D transformation matrix.
hom_mat2d_reflectHomMat2dReflecthom_mat2d_reflectHomMat2dReflecthom_mat2d_reflect
Add a reflection to a homogeneous 2D transformation matrix.
hom_mat2d_reflect_localHomMat2dReflectLocalhom_mat2d_reflect_localHomMat2dReflectLocalhom_mat2d_reflect_local
Add a reflection to a homogeneous 2D transformation matrix.
hom_mat2d_rotateHomMat2dRotatehom_mat2d_rotateHomMat2dRotatehom_mat2d_rotate
Add a rotation to a homogeneous 2D transformation matrix.
hom_mat2d_rotate_localHomMat2dRotateLocalhom_mat2d_rotate_localHomMat2dRotateLocalhom_mat2d_rotate_local
Add a rotation to a homogeneous 2D transformation matrix.
hom_mat2d_scaleHomMat2dScalehom_mat2d_scaleHomMat2dScalehom_mat2d_scale
Add a scaling to a homogeneous 2D transformation matrix.
hom_mat2d_scale_localHomMat2dScaleLocalhom_mat2d_scale_localHomMat2dScaleLocalhom_mat2d_scale_local
Add a scaling to a homogeneous 2D transformation matrix.
hom_mat2d_slantHomMat2dSlanthom_mat2d_slantHomMat2dSlanthom_mat2d_slant
Add a slant to a homogeneous 2D transformation matrix.
hom_mat2d_slant_localHomMat2dSlantLocalhom_mat2d_slant_localHomMat2dSlantLocalhom_mat2d_slant_local
Add a slant to a homogeneous 2D transformation matrix.
hom_mat2d_to_affine_parHomMat2dToAffineParhom_mat2d_to_affine_parHomMat2dToAffineParhom_mat2d_to_affine_par
Compute the affine transformation parameters from a homogeneous 2D transformation matrix.
hom_mat2d_translateHomMat2dTranslatehom_mat2d_translateHomMat2dTranslatehom_mat2d_translate
Add a translation to a homogeneous 2D transformation matrix.
hom_mat2d_translate_localHomMat2dTranslateLocalhom_mat2d_translate_localHomMat2dTranslateLocalhom_mat2d_translate_local
Add a translation to a homogeneous 2D transformation matrix.
hom_mat2d_transposeHomMat2dTransposehom_mat2d_transposeHomMat2dTransposehom_mat2d_transpose
Transpose a homogeneous 2D transformation matrix.
hom_mat3d_composeHomMat3dComposehom_mat3d_composeHomMat3dComposehom_mat3d_compose
Multiply two homogeneous 3D transformation matrices.
hom_mat3d_determinantHomMat3dDeterminanthom_mat3d_determinantHomMat3dDeterminanthom_mat3d_determinant
Compute the determinant of a homogeneous 3D transformation matrix.
hom_mat3d_identityHomMat3dIdentityhom_mat3d_identityHomMat3dIdentityhom_mat3d_identity
Generate the homogeneous transformation matrix of the identical 3D transformation.
hom_mat3d_invertHomMat3dInverthom_mat3d_invertHomMat3dInverthom_mat3d_invert
Invert a homogeneous 3D transformation matrix.
hom_mat3d_projectHomMat3dProjecthom_mat3d_projectHomMat3dProjecthom_mat3d_project
Project an affine 3D transformation matrix to a 2D projective transformation matrix.
hom_mat3d_rotateHomMat3dRotatehom_mat3d_rotateHomMat3dRotatehom_mat3d_rotate
Add a rotation to a homogeneous 3D transformation matrix.
hom_mat3d_rotate_localHomMat3dRotateLocalhom_mat3d_rotate_localHomMat3dRotateLocalhom_mat3d_rotate_local
Add a rotation to a homogeneous 3D transformation matrix.
hom_mat3d_scaleHomMat3dScalehom_mat3d_scaleHomMat3dScalehom_mat3d_scale
Add a scaling to a homogeneous 3D transformation matrix.
hom_mat3d_scale_localHomMat3dScaleLocalhom_mat3d_scale_localHomMat3dScaleLocalhom_mat3d_scale_local
Add a scaling to a homogeneous 3D transformation matrix.
hom_mat3d_to_poseHomMat3dToPosehom_mat3d_to_poseHomMat3dToPosehom_mat3d_to_pose
Convert a homogeneous transformation matrix into a 3D pose.
hom_mat3d_translateHomMat3dTranslatehom_mat3d_translateHomMat3dTranslatehom_mat3d_translate
Add a translation to a homogeneous 3D transformation matrix.
hom_mat3d_translate_localHomMat3dTranslateLocalhom_mat3d_translate_localHomMat3dTranslateLocalhom_mat3d_translate_local
Add a translation to a homogeneous 3D transformation matrix.
hom_mat3d_transposeHomMat3dTransposehom_mat3d_transposeHomMat3dTransposehom_mat3d_transpose
Transpose a homogeneous 3D transformation matrix.
hom_vector_to_proj_hom_mat2dHomVectorToProjHomMat2dhom_vector_to_proj_hom_mat2dHomVectorToProjHomMat2dhom_vector_to_proj_hom_mat2d
Compute a homogeneous transformation matrix using given point correspondences.
hough_circle_transHoughCircleTranshough_circle_transHoughCircleTranshough_circle_trans
Return the Hough-Transform for circles with a given radius.
hough_circlesHoughCircleshough_circlesHoughCircleshough_circles
Detect centers of circles for a specific radius using the Hough transform.
hough_line_transHoughLineTranshough_line_transHoughLineTranshough_line_trans
Produce the Hough transform for lines within regions.
hough_line_trans_dirHoughLineTransDirhough_line_trans_dirHoughLineTransDirhough_line_trans_dir
Compute the Hough transform for lines using local gradient direction.
hough_linesHoughLineshough_linesHoughLineshough_lines
Detect lines in edge images with the help of the Hough transform and returns it in HNF.
hough_lines_dirHoughLinesDirhough_lines_dirHoughLinesDirhough_lines_dir
Detect lines in edge images with the help of the Hough transform using local gradient direction and return them in normal form.
hysteresis_thresholdHysteresisThresholdhysteresis_thresholdHysteresisThresholdhysteresis_threshold
Perform a hysteresis threshold operation on an image.

I

if
Conditional statement.
ifelse
Conditional statement with alternative.
illuminateIlluminateilluminateIlluminateilluminate
Illuminate image.
image_points_to_world_planeImagePointsToWorldPlaneimage_points_to_world_planeImagePointsToWorldPlaneimage_points_to_world_plane
Transform image points into the plane z=0 of a world coordinate system.
image_to_channelsImageToChannelsimage_to_channelsImageToChannelsimage_to_channels
Convert a multi-channel image into One-channel images
image_to_world_planeImageToWorldPlaneimage_to_world_planeImageToWorldPlaneimage_to_world_plane
Rectify an image by transforming it into the plane z=0 of a world coordinate system.
import
Import one or more external procedures.
import_lexiconImportLexiconimport_lexiconImportLexiconimport_lexicon
Create a lexicon from a text file.
info_edgesInfoEdgesinfo_edgesInfoEdgesinfo_edges
Return the filter coefficients of a filter in edges_imageedges_imageEdgesImageEdgesImageEdgesImageedges_image.
info_framegrabberInfoFramegrabberinfo_framegrabberInfoFramegrabberinfo_framegrabber
Query information about the specified image acquisition interface.
info_ocr_class_boxInfoOcrClassBoxinfo_ocr_class_boxInfoOcrClassBoxinfo_ocr_class_box
Get information about an OCR classifier.
info_parallels_xldInfoParallelsXldinfo_parallels_xldInfoParallelsXldinfo_parallels_xld
Return information about the gray values of the area enclosed by XLD parallels.
info_smoothInfoSmoothinfo_smoothInfoSmoothinfo_smooth
Information on smoothing filter smooth_imagesmooth_imageSmoothImageSmoothImageSmoothImagesmooth_image.
init_compute_deviceInitComputeDeviceinit_compute_deviceInitComputeDeviceinit_compute_device
Initialize a compute device.
inner_circleInnerCircleinner_circleInnerCircleinner_circle
Largest inner circle of a region.
inner_rectangle1InnerRectangle1inner_rectangle1InnerRectangle1inner_rectangle1
Largest inner rectangle of a region.
inpainting_anisoInpaintingAnisoinpainting_anisoInpaintingAnisoinpainting_aniso
Perform an inpainting by anisotropic diffusion.
inpainting_cedInpaintingCedinpainting_cedInpaintingCedinpainting_ced
Perform an inpainting by coherence enhancing diffusion.
inpainting_ctInpaintingCtinpainting_ctInpaintingCtinpainting_ct
Perform an inpainting by coherence transport.
inpainting_mcfInpaintingMcfinpainting_mcfInpaintingMcfinpainting_mcf
Perform an inpainting by smoothing of level lines.
inpainting_textureInpaintingTextureinpainting_textureInpaintingTextureinpainting_texture
Perform an inpainting by texture propagation.
insert
Assignment of a value to a tuple element.
insert_objInsertObjinsert_objInsertObjinsert_obj
Insert objects into an iconic object tuple.
inspect_clustered_componentsInspectClusteredComponentsinspect_clustered_componentsInspectClusteredComponentsinspect_clustered_components
Inspect the rigid model components obtained from the training.
inspect_lexiconInspectLexiconinspect_lexiconInspectLexiconinspect_lexicon
Query all words from a lexicon.
inspect_shape_modelInspectShapeModelinspect_shape_modelInspectShapeModelinspect_shape_model
Create the representation of a shape model.
integer_to_handleIntegerToHandleinteger_to_handleIntegerToHandleinteger_to_handle
Convert an integer into a handle.
integer_to_objIntegerToObjinteger_to_objIntegerToObjinteger_to_obj
Convert an “integer number” into an iconic object.
integrate_funct_1dIntegrateFunct1dintegrate_funct_1dIntegrateFunct1dintegrate_funct_1d
Compute the positive and negative areas of a function.
intensityIntensityintensityIntensityintensity
Calculate the mean and deviation of gray values.
interjacentInterjacentinterjacentInterjacentinterjacent
Partition the image plane using given regions.
interleave_channelsInterleaveChannelsinterleave_channelsInterleaveChannelsinterleave_channels
Create an interleaved image from a multichannel image.
interpolate_scattered_dataInterpolateScatteredDatainterpolate_scattered_dataInterpolateScatteredDatainterpolate_scattered_data
Interpolation of scattered data using a scattered data interpolator.
interpolate_scattered_data_imageInterpolateScatteredDataImageinterpolate_scattered_data_imageInterpolateScatteredDataImageinterpolate_scattered_data_image
Interpolation of an image.
interpolate_scattered_data_points_to_imageInterpolateScatteredDataPointsToImageinterpolate_scattered_data_points_to_imageInterpolateScatteredDataPointsToImageinterpolate_scattered_data_points_to_image
Creating an image from the interpolation of scattered data.
interrupt_operatorInterruptOperatorinterrupt_operatorInterruptOperatorinterrupt_operator
Attempt to interrupt an operator running in a different thread.
intersect_lines_of_sightIntersectLinesOfSightintersect_lines_of_sightIntersectLinesOfSightintersect_lines_of_sight
Get a 3D point from the intersection of two lines of sight within a binocular camera system.
intersect_plane_object_model_3dIntersectPlaneObjectModel3dintersect_plane_object_model_3dIntersectPlaneObjectModel3dintersect_plane_object_model_3d
Intersect a 3D object model with a plane.
intersectionIntersectionintersectionIntersectionintersection
Calculate the intersection of two regions.
intersection_circle_contour_xldIntersectionCircleContourXldintersection_circle_contour_xldIntersectionCircleContourXldintersection_circle_contour_xld
Calculate the intersection points of a circle or circular arc and an XLD contour
intersection_circlesIntersectionCirclesintersection_circlesIntersectionCirclesintersection_circles
Calculate the intersection points of two circles or circular arcs
intersection_closed_contours_xldIntersectionClosedContoursXldintersection_closed_contours_xldIntersectionClosedContoursXldintersection_closed_contours_xld
Intersect closed contours.
intersection_closed_polygons_xldIntersectionClosedPolygonsXldintersection_closed_polygons_xldIntersectionClosedPolygonsXldintersection_closed_polygons_xld
Intersect closed polygons.
intersection_contours_xldIntersectionContoursXldintersection_contours_xldIntersectionContoursXldintersection_contours_xld
Calculate the intersection points of two XLD contours
intersection_line_circleIntersectionLineCircleintersection_line_circleIntersectionLineCircleintersection_line_circle
Calculate the intersection points of a line and a circle or circular arc
intersection_line_contour_xldIntersectionLineContourXldintersection_line_contour_xldIntersectionLineContourXldintersection_line_contour_xld
Calculate the intersection points of a line and an XLD contour
intersection_linesIntersectionLinesintersection_linesIntersectionLinesintersection_lines
Calculate the intersection point of two lines
intersection_llIntersectionLlintersection_llIntersectionLlintersection_ll
Calculate the intersection point of two lines.
intersection_segment_circleIntersectionSegmentCircleintersection_segment_circleIntersectionSegmentCircleintersection_segment_circle
Calculate the intersection points of a segment and a circle or circular arc
intersection_segment_contour_xldIntersectionSegmentContourXldintersection_segment_contour_xldIntersectionSegmentContourXldintersection_segment_contour_xld
Calculate the intersection points of a segment and an XLD contour
intersection_segment_lineIntersectionSegmentLineintersection_segment_lineIntersectionSegmentLineintersection_segment_line
Calculate the intersection point of a segment and a line
intersection_segmentsIntersectionSegmentsintersection_segmentsIntersectionSegmentsintersection_segments
Calculate the intersection point of two line segments
invert_funct_1dInvertFunct1dinvert_funct_1dInvertFunct1dinvert_funct_1d
Calculate the inverse of a function.
invert_imageInvertImageinvert_imageInvertImageinvert_image
Invert an image.
invert_matrixInvertMatrixinvert_matrixInvertMatrixinvert_matrix
Invert a matrix.
invert_matrix_modInvertMatrixModinvert_matrix_modInvertMatrixModinvert_matrix_mod
Invert a matrix.
isotropic_diffusionIsotropicDiffusionisotropic_diffusionIsotropicDiffusionisotropic_diffusion
Perform an isotropic diffusion of an image.

J

junctions_skeletonJunctionsSkeletonjunctions_skeletonJunctionsSkeletonjunctions_skeleton
Find junctions and end points in a skeleton.

K

kirsch_ampKirschAmpkirsch_ampKirschAmpkirsch_amp
Detect edges (amplitude) using the Kirsch operator.
kirsch_dirKirschDirkirsch_dirKirschDirkirsch_dir
Detect edges (amplitude and direction) using the Kirsch operator.

L

label_to_regionLabelToRegionlabel_to_regionLabelToRegionlabel_to_region
Extract regions with equal gray values from an image.
laplaceLaplacelaplaceLaplacelaplace
Calculate the Laplace operator by using finite differences.
laplace_of_gaussLaplaceOfGausslaplace_of_gaussLaplaceOfGausslaplace_of_gauss
LoG-Operator (Laplace of Gaussian).
learn_class_boxLearnClassBoxlearn_class_boxLearnClassBoxlearn_class_box
Train the classifier.
learn_ndim_boxLearnNdimBoxlearn_ndim_boxLearnNdimBoxlearn_ndim_box
Train a classificator using a multi-channel image.
learn_ndim_normLearnNdimNormlearn_ndim_normLearnNdimNormlearn_ndim_norm
Construct classes for class_ndim_normclass_ndim_normClassNdimNormClassNdimNormClassNdimNormclass_ndim_norm.
learn_sampset_boxLearnSampsetBoxlearn_sampset_boxLearnSampsetBoxlearn_sampset_box
Train the classifier with one data set.
length_xldLengthXldlength_xldLengthXldlength_xld
Length of contours or polygons.
line_orientationLineOrientationline_orientationLineOrientationline_orientation
Calculate the orientation of lines.
line_positionLinePositionline_positionLinePositionline_position
Calculate the center of gravity, length, and orientation of a line.
linear_trans_colorLinearTransColorlinear_trans_colorLinearTransColorlinear_trans_color
Compute an affine transformation of the color values of a multichannel image.
lines_colorLinesColorlines_colorLinesColorlines_color
Detect color lines and their width.
lines_facetLinesFacetlines_facetLinesFacetlines_facet
Detection of lines using the facet model.
lines_gaussLinesGausslines_gaussLinesGausslines_gauss
Detect lines and their width.
list_filesListFileslist_filesListFileslist_files
List all files in a directory.
local_maxLocalMaxlocal_maxLocalMaxlocal_max
Detect all local maxima in an image.
local_max_contours_xldLocalMaxContoursXldlocal_max_contours_xldLocalMaxContoursXldlocal_max_contours_xld
Select XLD contours with a local maximum of gray values.
local_max_sub_pixLocalMaxSubPixlocal_max_sub_pixLocalMaxSubPixlocal_max_sub_pix
Subpixel precise detection of local maxima in an image.
local_minLocalMinlocal_minLocalMinlocal_min
Detect all local minima in an image.
local_min_max_funct_1dLocalMinMaxFunct1dlocal_min_max_funct_1dLocalMinMaxFunct1dlocal_min_max_funct_1d
Calculate the local minimum and maximum points of a function.
local_min_sub_pixLocalMinSubPixlocal_min_sub_pixLocalMinSubPixlocal_min_sub_pix
Subpixel precise detection of local minima in an image.
local_thresholdLocalThresholdlocal_thresholdLocalThresholdlocal_threshold
Segment an image using local thresholding.
lock_mutexLockMutexlock_mutexLockMutexlock_mutex
Lock a mutex synchronization object.
log_imageLogImagelog_imageLogImagelog_image
Calculate the logarithm of an image.
lookup_lexiconLookupLexiconlookup_lexiconLookupLexiconlookup_lexicon
Check if a word is contained in a lexicon.
lowlandsLowlandslowlandsLowlandslowlands
Detect all gray value lowlands.
lowlands_centerLowlandsCenterlowlands_centerLowlandsCenterlowlands_center
Detect the centers of all gray value lowlands.
lut_transLutTranslut_transLutTranslut_trans
Transform an image with a gray-value look-up-table

M

make_dirMakeDirmake_dirMakeDirmake_dir
Make a directory.
map_imageMapImagemap_imageMapImagemap_image
Apply a general transformation to an image.
match_essential_matrix_ransacMatchEssentialMatrixRansacmatch_essential_matrix_ransacMatchEssentialMatrixRansacmatch_essential_matrix_ransac
Compute the essential matrix for a pair of stereo images by automatically finding correspondences between image points.
match_funct_1d_transMatchFunct1dTransmatch_funct_1d_transMatchFunct1dTransmatch_funct_1d_trans
Calculate transformation parameters between two functions.
match_fundamental_matrix_distortion_ransacMatchFundamentalMatrixDistortionRansacmatch_fundamental_matrix_distortion_ransacMatchFundamentalMatrixDistortionRansacmatch_fundamental_matrix_distortion_ransac
Compute the fundamental matrix and the radial distortion coefficient for a pair of stereo images by automatically finding correspondences between image points.
match_fundamental_matrix_ransacMatchFundamentalMatrixRansacmatch_fundamental_matrix_ransacMatchFundamentalMatrixRansacmatch_fundamental_matrix_ransac
Compute the fundamental matrix for a pair of stereo images by automatically finding correspondences between image points.
match_rel_pose_ransacMatchRelPoseRansacmatch_rel_pose_ransacMatchRelPoseRansacmatch_rel_pose_ransac
Compute the relative orientation between two cameras by automatically finding correspondences between image points.
max_diameter_object_model_3dMaxDiameterObjectModel3dmax_diameter_object_model_3dMaxDiameterObjectModel3dmax_diameter_object_model_3d
Calculate the maximal diameter of a 3D object model.
max_imageMaxImagemax_imageMaxImagemax_image
Calculate the maximum of two images pixel by pixel.
max_matrixMaxMatrixmax_matrixMaxMatrixmax_matrix
Returns the elementwise maximum of a matrix.
max_parallels_xldMaxParallelsXldmax_parallels_xldMaxParallelsXldmax_parallels_xld
Join modified XLD parallels lying on the same polygon.
mean_curvature_flowMeanCurvatureFlowmean_curvature_flowMeanCurvatureFlowmean_curvature_flow
Apply the mean curvature flow to an image.
mean_imageMeanImagemean_imageMeanImagemean_image
Smooth by averaging.
mean_matrixMeanMatrixmean_matrixMeanMatrixmean_matrix
Returns the elementwise mean of a matrix.
mean_nMeanNmean_nMeanNmean_n
Average gray values over several channels.
mean_spMeanSpmean_spMeanSpmean_sp
Suppress salt and pepper noise.
measure_pairsMeasurePairsmeasure_pairsMeasurePairsmeasure_pairs
Extract straight edge pairs perpendicular to a rectangle or annular arc.
measure_posMeasurePosmeasure_posMeasurePosmeasure_pos
Extract straight edges perpendicular to a rectangle or annular arc.
measure_profile_sheet_of_lightMeasureProfileSheetOfLightmeasure_profile_sheet_of_lightMeasureProfileSheetOfLightmeasure_profile_sheet_of_light
Process the profile image provided as input and store the resulting disparity to the sheet-of-light model.
measure_projectionMeasureProjectionmeasure_projectionMeasureProjectionmeasure_projection
Extract a gray value profile perpendicular to a rectangle or annular arc.
measure_threshMeasureThreshmeasure_threshMeasureThreshmeasure_thresh
Extracting points with a particular gray value along a rectangle or an annular arc.
median_imageMedianImagemedian_imageMedianImagemedian_image
Compute a median filter with various masks.
median_rectMedianRectmedian_rectMedianRectmedian_rect
Compute a median filter with rectangular masks.
median_separateMedianSeparatemedian_separateMedianSeparatemedian_separate
Separated median filtering with rectangle masks.
median_weightedMedianWeightedmedian_weightedMedianWeightedmedian_weighted
Weighted median filtering with different rank masks.
merge_cont_line_scan_xldMergeContLineScanXldmerge_cont_line_scan_xldMergeContLineScanXldmerge_cont_line_scan_xld
Merge XLD contours from successive line scan images.
merge_regions_line_scanMergeRegionsLineScanmerge_regions_line_scanMergeRegionsLineScanmerge_regions_line_scan
Merge regions from line scan images.
midrange_imageMidrangeImagemidrange_imageMidrangeImagemidrange_image
Calculate the average of maximum and minimum inside any mask.
min_imageMinImagemin_imageMinImagemin_image
Calculate the minimum of two images pixel by pixel.
min_matrixMinMatrixmin_matrixMinMatrixmin_matrix
Returns the elementwise minimum of a matrix.
min_max_grayMinMaxGraymin_max_grayMinMaxGraymin_max_gray
Determine the minimum and maximum gray values within regions.
minkowski_add1MinkowskiAdd1minkowski_add1MinkowskiAdd1minkowski_add1
Perform a Minkowski addition on a region.
minkowski_add2MinkowskiAdd2minkowski_add2MinkowskiAdd2minkowski_add2
Dilate a region (using a reference point).
minkowski_sub1MinkowskiSub1minkowski_sub1MinkowskiSub1minkowski_sub1
Erode a region.
minkowski_sub2MinkowskiSub2minkowski_sub2MinkowskiSub2minkowski_sub2
Erode a region (using a reference point).
mirror_imageMirrorImagemirror_imageMirrorImagemirror_image
Mirror an image.
mirror_regionMirrorRegionmirror_regionMirrorRegionmirror_region
Reflect a region about an axis.
mod_parallels_xldModParallelsXldmod_parallels_xldModParallelsXldmod_parallels_xld
Extract parallel XLD polygons enclosing a homogeneous area.
modify_component_relationsModifyComponentRelationsmodify_component_relationsModifyComponentRelationsmodify_component_relations
Modify the relations within a training result.
moments_any_points_xldMomentsAnyPointsXldmoments_any_points_xldMomentsAnyPointsXldmoments_any_points_xld
Arbitrary geometric moments of contours or polygons treated as point clouds.
moments_any_xldMomentsAnyXldmoments_any_xldMomentsAnyXldmoments_any_xld
Arbitrary geometric moments of contours or polygons.
moments_gray_planeMomentsGrayPlanemoments_gray_planeMomentsGrayPlanemoments_gray_plane
Calculate gray value moments and approximation by a plane.
moments_object_model_3dMomentsObjectModel3dmoments_object_model_3dMomentsObjectModel3dmoments_object_model_3d
Calculates the mean or the central moment of second order for a 3D object model.
moments_points_xldMomentsPointsXldmoments_points_xldMomentsPointsXldmoments_points_xld
Geometric moments M20, M02, and M11 of contours or polygons treated as point clouds.
moments_region_2ndMomentsRegion2ndmoments_region_2ndMomentsRegion2ndmoments_region_2nd
Calculate the geometric moments of regions.
moments_region_2nd_invarMomentsRegion2ndInvarmoments_region_2nd_invarMomentsRegion2ndInvarmoments_region_2nd_invar
Geometric moments of regions.
moments_region_2nd_rel_invarMomentsRegion2ndRelInvarmoments_region_2nd_rel_invarMomentsRegion2ndRelInvarmoments_region_2nd_rel_invar
Geometric moments of regions.
moments_region_3rdMomentsRegion3rdmoments_region_3rdMomentsRegion3rdmoments_region_3rd
Geometric moments of regions.
moments_region_3rd_invarMomentsRegion3rdInvarmoments_region_3rd_invarMomentsRegion3rdInvarmoments_region_3rd_invar
Geometric moments of regions.
moments_region_centralMomentsRegionCentralmoments_region_centralMomentsRegionCentralmoments_region_central
Geometric moments of regions.
moments_region_central_invarMomentsRegionCentralInvarmoments_region_central_invarMomentsRegionCentralInvarmoments_region_central_invar
Geometric moments of regions.
moments_xldMomentsXldmoments_xldMomentsXldmoments_xld
Geometric moments M20, M02, and M11 of contours or polygons.
monotonyMonotonymonotonyMonotonymonotony
Calculating the monotony operation.
morph_hatMorphHatmorph_hatMorphHatmorph_hat
Compute the union of bottom_hatbottom_hatBottomHatBottomHatBottomHatbottom_hat and top_hattop_hatTopHatTopHatTopHattop_hat.
morph_skeletonMorphSkeletonmorph_skeletonMorphSkeletonmorph_skeleton
Compute the morphological skeleton of a region.
morph_skizMorphSkizmorph_skizMorphSkizmorph_skiz
Thinning of a region.
move_rectangleMoveRectanglemove_rectangleMoveRectanglemove_rectangle
Copy inside an output window.
move_regionMoveRegionmove_regionMoveRegionmove_region
Translate a region.
mult_element_matrixMultElementMatrixmult_element_matrixMultElementMatrixmult_element_matrix
Multiply matrices element-by-element.
mult_element_matrix_modMultElementMatrixModmult_element_matrix_modMultElementMatrixModmult_element_matrix_mod
Multiply matrices element-by-element.
mult_imageMultImagemult_imageMultImagemult_image
Multiply two images.
mult_matrixMultMatrixmult_matrixMultMatrixmult_matrix
Multiply two matrices.
mult_matrix_modMultMatrixModmult_matrix_modMultMatrixModmult_matrix_mod
Multiply two matrices.

N

negate_funct_1dNegateFunct1dnegate_funct_1dNegateFunct1dnegate_funct_1d
Negation of the y values.
new_extern_windowNewExternWindownew_extern_windowNewExternWindownew_extern_window
Create a virtual graphics window under Windows.
new_lineNewLinenew_lineNewLinenew_line
Set the position of the text cursor to the beginning of the next line.
noise_distribution_meanNoiseDistributionMeannoise_distribution_meanNoiseDistributionMeannoise_distribution_mean
Determine the noise distribution of an image.
nonmax_suppression_ampNonmaxSuppressionAmpnonmax_suppression_ampNonmaxSuppressionAmpnonmax_suppression_amp
Suppress non-maximum points on an edge.
nonmax_suppression_dirNonmaxSuppressionDirnonmax_suppression_dirNonmaxSuppressionDirnonmax_suppression_dir
Suppress non-maximum points on an edge using a direction image.
norm_matrixNormMatrixnorm_matrixNormMatrixnorm_matrix
Norm of a matrix.
num_points_funct_1dNumPointsFunct1dnum_points_funct_1dNumPointsFunct1dnum_points_funct_1d
Number of control points of the function.

O

obj_diffObjDiffobj_diffObjDiffobj_diff
Calculate the difference of two object tuples.
obj_to_integerObjToIntegerobj_to_integerObjToIntegerobj_to_integer
Convert an iconic object into an “integer number.”
object_model_3d_to_xyzObjectModel3dToXyzobject_model_3d_to_xyzObjectModel3dToXyzobject_model_3d_to_xyz
Transform 3D points from a 3D object model to images.
ocr_change_charOcrChangeCharocr_change_charOcrChangeCharocr_change_char
Define a new conversion table for the characters.
ocr_get_featuresOcrGetFeaturesocr_get_featuresOcrGetFeaturesocr_get_features
Access the features which correspond to a character.
open_compute_deviceOpenComputeDeviceopen_compute_deviceOpenComputeDeviceopen_compute_device
Open a compute device.
open_fileOpenFileopen_fileOpenFileopen_file
Open a file in text or binary format.
open_framegrabberOpenFramegrabberopen_framegrabberOpenFramegrabberopen_framegrabber
Open and configure an image acquisition device.
open_io_channelOpenIoChannelopen_io_channelOpenIoChannelopen_io_channel
Open and configure I/O channels.
open_io_deviceOpenIoDeviceopen_io_deviceOpenIoDeviceopen_io_device
Open and configure an I/O device.
open_serialOpenSerialopen_serialOpenSerialopen_serial
Open a serial device.
open_socket_acceptOpenSocketAcceptopen_socket_acceptOpenSocketAcceptopen_socket_accept
Open a socket that accepts connection requests.
open_socket_connectOpenSocketConnectopen_socket_connectOpenSocketConnectopen_socket_connect
Open a socket and connect it to an accepting socket.
open_textwindowOpenTextwindowopen_textwindowOpenTextwindowopen_textwindow
Open a textual window.
open_windowOpenWindowopen_windowOpenWindowopen_window
Open a graphics window.
openingOpeningopeningOpeningopening
Open a region.
opening_circleOpeningCircleopening_circleOpeningCircleopening_circle
Open a region with a circular structuring element.
opening_golayOpeningGolayopening_golayOpeningGolayopening_golay
Open a region with an element from the Golay alphabet.
opening_rectangle1OpeningRectangle1opening_rectangle1OpeningRectangle1opening_rectangle1
Open a region with a rectangular structuring element.
opening_segOpeningSegopening_segOpeningSegopening_seg
Separate overlapping regions.
optical_flow_mgOpticalFlowMgoptical_flow_mgOpticalFlowMgoptical_flow_mg
Compute the optical flow between two images.
optimize_aopOptimizeAopoptimize_aopOptimizeAopoptimize_aop
Check hardware regarding its potential for automatic operator parallelization.
optimize_dl_model_for_inferenceOptimizeDlModelForInferenceoptimize_dl_model_for_inferenceOptimizeDlModelForInferenceoptimize_dl_model_for_inference
Optimize a model for inference on a device via the AI2-interface.
optimize_fft_speedOptimizeFftSpeedoptimize_fft_speedOptimizeFftSpeedoptimize_fft_speed
Optimize the runtime of the FFT.
optimize_rft_speedOptimizeRftSpeedoptimize_rft_speedOptimizeRftSpeedoptimize_rft_speed
Optimize the runtime of the real-valued FFT.
orientation_points_xldOrientationPointsXldorientation_points_xldOrientationPointsXldorientation_points_xld
Calculate the orientation of contours or polygons treated as point clouds.
orientation_regionOrientationRegionorientation_regionOrientationRegionorientation_region
Orientation of a region.
orientation_xldOrientationXldorientation_xldOrientationXldorientation_xld
Calculate the orientation of contours or polygons.
orthogonal_decompose_matrixOrthogonalDecomposeMatrixorthogonal_decompose_matrixOrthogonalDecomposeMatrixorthogonal_decompose_matrix
Perform an orthogonal decomposition of a matrix.
overpaint_grayOverpaintGrayoverpaint_grayOverpaintGrayoverpaint_gray
Overpaint the gray values of an image.
overpaint_regionOverpaintRegionoverpaint_regionOverpaintRegionoverpaint_region
Overpaint regions in an image.

P

paint_grayPaintGraypaint_grayPaintGraypaint_gray
Paint the gray values of an image into another image.
paint_regionPaintRegionpaint_regionPaintRegionpaint_region
Paint regions into an image.
paint_xldPaintXldpaint_xldPaintXldpaint_xld
Paint XLD objects into an image.
par_join
Wait for subthreads that were started with the par_start qualifier.
partition_dynamicPartitionDynamicpartition_dynamicPartitionDynamicpartition_dynamic
Partition a region horizontally at positions of small vertical extent.
partition_linesPartitionLinespartition_linesPartitionLinespartition_lines
Partition lines according to various criteria.
partition_rectanglePartitionRectanglepartition_rectanglePartitionRectanglepartition_rectangle
Partition a region into rectangles of approximately equal size.
phase_correlation_fftPhaseCorrelationFftphase_correlation_fftPhaseCorrelationFftphase_correlation_fft
Compute the phase correlation of two images in the frequency domain.
phase_degPhaseDegphase_degPhaseDegphase_deg
Return the phase of a complex image in degrees.
phase_radPhaseRadphase_radPhaseRadphase_rad
Return the phase of a complex image in radians.
photometric_stereoPhotometricStereophotometric_stereoPhotometricStereophotometric_stereo
Reconstruct a surface according to the photometric stereo technique.
plane_deviationPlaneDeviationplane_deviationPlaneDeviationplane_deviation
Calculate the deviation of the gray values from the approximating image plane.
plateausPlateausplateausPlateausplateaus
Detect all gray value plateaus.
plateaus_centerPlateausCenterplateaus_centerPlateausCenterplateaus_center
Detect the centers of all gray value plateaus.
point_line_to_hom_mat2dPointLineToHomMat2dpoint_line_to_hom_mat2dPointLineToHomMat2dpoint_line_to_hom_mat2d
Approximate an affine transformation from point-to-line correspondences.
points_foerstnerPointsFoerstnerpoints_foerstnerPointsFoerstnerpoints_foerstner
Detect points of interest using the Förstner operator.
points_harrisPointsHarrispoints_harrisPointsHarrispoints_harris
Detect points of interest using the Harris operator.
points_harris_binomialPointsHarrisBinomialpoints_harris_binomialPointsHarrisBinomialpoints_harris_binomial
Detect points of interest using the binomial approximation of the Harris operator.
points_lepetitPointsLepetitpoints_lepetitPointsLepetitpoints_lepetit
Detect points of interest using the Lepetit operator.
points_sojkaPointsSojkapoints_sojkaPointsSojkapoints_sojka
Find corners using the Sojka operator.
polar_trans_contour_xldPolarTransContourXldpolar_trans_contour_xldPolarTransContourXldpolar_trans_contour_xld
Transform a contour in an annular arc to polar coordinates.
polar_trans_contour_xld_invPolarTransContourXldInvpolar_trans_contour_xld_invPolarTransContourXldInvpolar_trans_contour_xld_inv
Transform a contour in polar coordinates back to Cartesian coordinates
polar_trans_imagePolarTransImagepolar_trans_imagePolarTransImagepolar_trans_image
Transform an image to polar coordinates
polar_trans_image_extPolarTransImageExtpolar_trans_image_extPolarTransImageExtpolar_trans_image_ext
Transform an annular arc in an image to polar coordinates.
polar_trans_image_invPolarTransImageInvpolar_trans_image_invPolarTransImageInvpolar_trans_image_inv
Transform an image in polar coordinates back to Cartesian coordinates
polar_trans_regionPolarTransRegionpolar_trans_regionPolarTransRegionpolar_trans_region
Transform a region within an annular arc to polar coordinates.
polar_trans_region_invPolarTransRegionInvpolar_trans_region_invPolarTransRegionInvpolar_trans_region_inv
Transform a region in polar coordinates back to Cartesian coordinates.
pose_averagePoseAveragepose_averagePoseAveragepose_average
Compute the average of a set of poses.
pose_composePoseComposepose_composePoseComposepose_compose
Combine 3D poses given in two tuples.
pose_invertPoseInvertpose_invertPoseInvertpose_invert
Invert each pose in a tuple of 3D poses.
pose_to_dual_quatPoseToDualQuatpose_to_dual_quatPoseToDualQuatpose_to_dual_quat
Convert a 3D pose to a unit dual quaternion.
pose_to_hom_mat3dPoseToHomMat3dpose_to_hom_mat3dPoseToHomMat3dpose_to_hom_mat3d
Convert a 3D pose into a homogeneous transformation matrix.
pose_to_quatPoseToQuatpose_to_quatPoseToQuatpose_to_quat
Convert the rotational part of a 3D pose to a quaternion.
pouringPouringpouringPouringpouring
Segment an image by “pouring water” over it.
pow_element_matrixPowElementMatrixpow_element_matrixPowElementMatrixpow_element_matrix
Compute the power functions of the elements of a matrix.
pow_element_matrix_modPowElementMatrixModpow_element_matrix_modPowElementMatrixModpow_element_matrix_mod
Compute the power functions of the elements of a matrix.
pow_imagePowImagepow_imagePowImagepow_image
Raise an image to a power.
pow_matrixPowMatrixpow_matrixPowMatrixpow_matrix
Compute the power functions of a matrix.
pow_matrix_modPowMatrixModpow_matrix_modPowMatrixModpow_matrix_mod
Compute the power functions of a matrix.
pow_scalar_element_matrixPowScalarElementMatrixpow_scalar_element_matrixPowScalarElementMatrixpow_scalar_element_matrix
Compute the power functions of the elements of a matrix.
pow_scalar_element_matrix_modPowScalarElementMatrixModpow_scalar_element_matrix_modPowScalarElementMatrixModpow_scalar_element_matrix_mod
Compute the power functions of the elements of a matrix.
power_bytePowerBytepower_bytePowerBytepower_byte
Return the power spectrum of a complex image.
power_lnPowerLnpower_lnPowerLnpower_ln
Return the power spectrum of a complex image.
power_realPowerRealpower_realPowerRealpower_real
Return the power spectrum of a complex image.
prepare_direct_variation_modelPrepareDirectVariationModelprepare_direct_variation_modelPrepareDirectVariationModelprepare_direct_variation_model
Prepare a variation model for comparison with an image.
prepare_object_model_3dPrepareObjectModel3dprepare_object_model_3dPrepareObjectModel3dprepare_object_model_3d
Prepare a 3D object model for a certain operation.
prepare_sample_identifierPrepareSampleIdentifierprepare_sample_identifierPrepareSampleIdentifierprepare_sample_identifier
Adapt the internal data structure of a sample identifier to the objects to be identified.
prepare_variation_modelPrepareVariationModelprepare_variation_modelPrepareVariationModelprepare_variation_model
Prepare a variation model for comparison with an image.
prewitt_ampPrewittAmpprewitt_ampPrewittAmpprewitt_amp
Detect edges (amplitude) using the Prewitt operator.
prewitt_dirPrewittDirprewitt_dirPrewittDirprewitt_dir
Detect edges (amplitude and direction) using the Prewitt operator.
principal_compPrincipalCompprincipal_compPrincipalCompprincipal_comp
Compute the principal components of multichannel images.
proj_hom_mat2d_to_poseProjHomMat2dToPoseproj_hom_mat2d_to_poseProjHomMat2dToPoseproj_hom_mat2d_to_pose
Compute a pose out of a homography describing the relation between world and image coordinates.
proj_match_points_distortion_ransacProjMatchPointsDistortionRansacproj_match_points_distortion_ransacProjMatchPointsDistortionRansacproj_match_points_distortion_ransac
Compute a projective transformation matrix between two images and the radial distortion coefficient by automatically finding correspondences between points.
proj_match_points_distortion_ransac_guidedProjMatchPointsDistortionRansacGuidedproj_match_points_distortion_ransac_guidedProjMatchPointsDistortionRansacGuidedproj_match_points_distortion_ransac_guided
Compute a projective transformation matrix and the radial distortion coefficient between two images by finding correspondences between points based on known approximations of the projective transformation matrix and the radial distortion coefficient.
proj_match_points_ransacProjMatchPointsRansacproj_match_points_ransacProjMatchPointsRansacproj_match_points_ransac
Compute a projective transformation matrix between two images by finding correspondences between points.
proj_match_points_ransac_guidedProjMatchPointsRansacGuidedproj_match_points_ransac_guidedProjMatchPointsRansacGuidedproj_match_points_ransac_guided
Compute a projective transformation matrix between two images by finding correspondences between points based on a known approximation of the projective transformation matrix.
project_3d_pointProject3dPointproject_3d_pointProject3dPointproject_3d_point
Project 3D points into (sub-)pixel image coordinates.
project_hom_point_hom_mat3dProjectHomPointHomMat3dproject_hom_point_hom_mat3dProjectHomPointHomMat3dproject_hom_point_hom_mat3d
Project a homogeneous 3D point using a 3×4 projection matrix.
project_object_model_3dProjectObjectModel3dproject_object_model_3dProjectObjectModel3dproject_object_model_3d
Project a 3D object model into image coordinates.
project_point_hom_mat3dProjectPointHomMat3dproject_point_hom_mat3dProjectPointHomMat3dproject_point_hom_mat3d
Project a 3D point using a 3×4 projection matrix.
project_shape_model_3dProjectShapeModel3dproject_shape_model_3dProjectShapeModel3dproject_shape_model_3d
Project the edges of a 3D shape model into image coordinates.
projection_plProjectionPlprojection_plProjectionPlprojection_pl
Calculate the projection of a point onto a line.
projective_trans_contour_xldProjectiveTransContourXldprojective_trans_contour_xldProjectiveTransContourXldprojective_trans_contour_xld
Apply a projective transformation to an XLD contour.
projective_trans_hom_point_3dProjectiveTransHomPoint3dprojective_trans_hom_point_3dProjectiveTransHomPoint3dprojective_trans_hom_point_3d
Project a homogeneous 3D point using a projective transformation matrix.
projective_trans_imageProjectiveTransImageprojective_trans_imageProjectiveTransImageprojective_trans_image
Apply a projective transformation to an image.
projective_trans_image_sizeProjectiveTransImageSizeprojective_trans_image_sizeProjectiveTransImageSizeprojective_trans_image_size
Apply a projective transformation to an image and specify the output image size.
projective_trans_object_model_3dProjectiveTransObjectModel3dprojective_trans_object_model_3dProjectiveTransObjectModel3dprojective_trans_object_model_3d
Apply an arbitrary projective 3D transformation to 3D object models.
projective_trans_pixelProjectiveTransPixelprojective_trans_pixelProjectiveTransPixelprojective_trans_pixel
Project pixel coordinates using a homogeneous projective transformation matrix.
projective_trans_point_2dProjectiveTransPoint2dprojective_trans_point_2dProjectiveTransPoint2dprojective_trans_point_2d
Project a homogeneous 2D point using a projective transformation matrix.
projective_trans_point_3dProjectiveTransPoint3dprojective_trans_point_3dProjectiveTransPoint3dprojective_trans_point_3d
Project a 3D point using a projective transformation matrix.
projective_trans_regionProjectiveTransRegionprojective_trans_regionProjectiveTransRegionprojective_trans_region
Apply a projective transformation to a region.
protect_ocr_trainfProtectOcrTrainfprotect_ocr_trainfProtectOcrTrainfprotect_ocr_trainf
Protection of training data.
pruningPruningpruningPruningpruning
Prune the branches of a region.

Q

quat_composeQuatComposequat_composeQuatComposequat_compose
Multiply two quaternions.
quat_conjugateQuatConjugatequat_conjugateQuatConjugatequat_conjugate
Generate the conjugation of a quaternion.
quat_interpolateQuatInterpolatequat_interpolateQuatInterpolatequat_interpolate
Interpolation of two quaternions.
quat_normalizeQuatNormalizequat_normalizeQuatNormalizequat_normalize
Normalize a quaternion.
quat_rotate_point_3dQuatRotatePoint3dquat_rotate_point_3dQuatRotatePoint3dquat_rotate_point_3d
Perform a rotation by a unit quaternion.
quat_to_hom_mat3dQuatToHomMat3dquat_to_hom_mat3dQuatToHomMat3dquat_to_hom_mat3d
Convert a quaternion into the corresponding rotation matrix.
quat_to_poseQuatToPosequat_to_poseQuatToPosequat_to_pose
Convert a quaternion into the corresponding 3D pose.
query_all_colorsQueryAllColorsquery_all_colorsQueryAllColorsquery_all_colors
Query all color names.
query_aop_infoQueryAopInfoquery_aop_infoQueryAopInfoquery_aop_info
Query indexing structure of AOP information for operators.
query_available_compute_devicesQueryAvailableComputeDevicesquery_available_compute_devicesQueryAvailableComputeDevicesquery_available_compute_devices
Get the list of available compute devices.
query_available_dl_devicesQueryAvailableDlDevicesquery_available_dl_devicesQueryAvailableDlDevicesquery_available_dl_devices
Get list of deep-learning-capable hardware devices.
query_bar_code_paramsQueryBarCodeParamsquery_bar_code_paramsQueryBarCodeParamsquery_bar_code_params
Get the names of the parameters that can be used in set_bar_code* and get_bar_code* operators for a given bar code model
query_calib_data_observ_indicesQueryCalibDataObservIndicesquery_calib_data_observ_indicesQueryCalibDataObservIndicesquery_calib_data_observ_indices
Query information about the relations between cameras, calibration objects, and calibration object poses.
query_colorQueryColorquery_colorQueryColorquery_color
Query all color names displayable in the window.
query_coloredQueryColoredquery_coloredQueryColoredquery_colored
Query the number of colors for color output.
query_contour_attribs_xldQueryContourAttribsXldquery_contour_attribs_xldQueryContourAttribsXldquery_contour_attribs_xld
Return the names of the defined attributes of an XLD contour.
query_contour_global_attribs_xldQueryContourGlobalAttribsXldquery_contour_global_attribs_xldQueryContourGlobalAttribsXldquery_contour_global_attribs_xld
Return the names of the defined global attributes of an XLD contour.
query_data_code_2d_paramsQueryDataCode2dParamsquery_data_code_2d_paramsQueryDataCode2dParamsquery_data_code_2d_params
Get for a given 2D data code model the names of the generic parameters or objects that can be used in the other 2D data code operators.
query_fontQueryFontquery_fontQueryFontquery_font
Query the available fonts.
query_grayQueryGrayquery_grayQueryGrayquery_gray
Query the displayable gray values.
query_insertQueryInsertquery_insertQueryInsertquery_insert
Query the possible graphic modes.
query_io_deviceQueryIoDevicequery_io_deviceQueryIoDevicequery_io_device
Query information about channels of the specified I/O device.
query_io_interfaceQueryIoInterfacequery_io_interfaceQueryIoInterfacequery_io_interface
Query information about the specified I/O device interface.
query_line_widthQueryLineWidthquery_line_widthQueryLineWidthquery_line_width
Query the possible line widths.
query_lutQueryLutquery_lutQueryLutquery_lut
Query all available look-up-tables (lut).
query_mshapeQueryMshapequery_mshapeQueryMshapequery_mshape
Query all available mouse pointer shapes.
query_operator_infoQueryOperatorInfoquery_operator_infoQueryOperatorInfoquery_operator_info
Query slots concerning information with relation to the operator get_operator_infoget_operator_infoGetOperatorInfoGetOperatorInfoGetOperatorInfoget_operator_info.
query_paintQueryPaintquery_paintQueryPaintquery_paint
Query the gray value display modes.
query_param_infoQueryParamInfoquery_param_infoQueryParamInfoquery_param_info
Query slots of the online-information concerning the operator get_param_infoget_param_infoGetParamInfoGetParamInfoGetParamInfoget_param_info.
query_params_ocr_class_cnnQueryParamsOcrClassCnnquery_params_ocr_class_cnnQueryParamsOcrClassCnnquery_params_ocr_class_cnn
Get the names of the parameters that can be used in get_params_ocr_class_cnnget_params_ocr_class_cnnGetParamsOcrClassCnnGetParamsOcrClassCnnGetParamsOcrClassCnnget_params_ocr_class_cnn for a given CNN-based OCR classifier.
query_shapeQueryShapequery_shapeQueryShapequery_shape
Query the region display modes.
query_sheet_of_light_paramsQuerySheetOfLightParamsquery_sheet_of_light_paramsQuerySheetOfLightParamsquery_sheet_of_light_params
For a given sheet-of-light model get the names of the generic iconic or control parameters that can be used in the different sheet-of-light operators.
query_spyQuerySpyquery_spyQuerySpyquery_spy
Inquiring for possible settings of the HALCON debugging tool.
query_tshapeQueryTshapequery_tshapeQueryTshapequery_tshape
Query all shapes available for text cursors.
query_window_typeQueryWindowTypequery_window_typeQueryWindowTypequery_window_type
Query all available window types.

R

radial_distortion_self_calibrationRadialDistortionSelfCalibrationradial_distortion_self_calibrationRadialDistortionSelfCalibrationradial_distortion_self_calibration
Calibrate the radial distortion.
radiometric_self_calibrationRadiometricSelfCalibrationradiometric_self_calibrationRadiometricSelfCalibrationradiometric_self_calibration
Perform a radiometric self-calibration of a camera.
rank_imageRankImagerank_imageRankImagerank_image
Compute a rank filter with arbitrary masks.
rank_nRankNrank_nRankNrank_n
Return gray values with given rank from multiple channels.
rank_rectRankRectrank_rectRankRectrank_rect
Compute a rank filter with rectangular masks.
rank_regionRankRegionrank_regionRankRegionrank_region
Rank operator for regions.
read_aop_knowledgeReadAopKnowledgeread_aop_knowledgeReadAopKnowledgeread_aop_knowledge
Load knowledge about hardware dependent behavior of automatic operator parallelization.
read_bar_code_modelReadBarCodeModelread_bar_code_modelReadBarCodeModelread_bar_code_model
Read a bar code model from a file and create a new model.
read_calib_dataReadCalibDataread_calib_dataReadCalibDataread_calib_data
Restore a calibration data model from a file.
read_cam_parReadCamParread_cam_parReadCamParread_cam_par
Read internal camera parameters from a file.
read_camera_setup_modelReadCameraSetupModelread_camera_setup_modelReadCameraSetupModelread_camera_setup_model
Restore a camera setup model from a file.
read_charReadCharread_charReadCharread_char
Read a character from a window.
read_class_boxReadClassBoxread_class_boxReadClassBoxread_class_box
Read a classifier from a file.
read_class_gmmReadClassGmmread_class_gmmReadClassGmmread_class_gmm
Read a Gaussian Mixture Model from a file.
read_class_knnReadClassKnnread_class_knnReadClassKnnread_class_knn
Read the k-NN classifier from a file.
read_class_mlpReadClassMlpread_class_mlpReadClassMlpread_class_mlp
Read a multilayer perceptron from a file.
read_class_svmReadClassSvmread_class_svmReadClassSvmread_class_svm
Read a support vector machine from a file.
read_class_train_dataReadClassTrainDataread_class_train_dataReadClassTrainDataread_class_train_data
Read the training data for classifiers from a file.
read_component_modelReadComponentModelread_component_modelReadComponentModelread_component_model
Read a component model from a file.
read_contour_xld_arc_infoReadContourXldArcInforead_contour_xld_arc_infoReadContourXldArcInforead_contour_xld_arc_info
Read XLD contours to a file in ARC/INFO generate format.
read_contour_xld_dxfReadContourXldDxfread_contour_xld_dxfReadContourXldDxfread_contour_xld_dxf
Read XLD contours from a DXF file.
read_data_code_2d_modelReadDataCode2dModelread_data_code_2d_modelReadDataCode2dModelread_data_code_2d_model
Read a 2D data code model from a file and create a new model.
read_deep_ocrReadDeepOcrread_deep_ocrReadDeepOcrread_deep_ocr
Read a Deep OCR model from a file.
read_deformable_modelReadDeformableModelread_deformable_modelReadDeformableModelread_deformable_model
Read a deformable model from a file.
read_deformable_surface_modelReadDeformableSurfaceModelread_deformable_surface_modelReadDeformableSurfaceModelread_deformable_surface_model
Read a deformable surface model from a file.
read_descriptor_modelReadDescriptorModelread_descriptor_modelReadDescriptorModelread_descriptor_model
Read a descriptor model from a file.
read_dictReadDictread_dictReadDictread_dict
Read a dictionary from a file.
read_distance_transform_xldReadDistanceTransformXldread_distance_transform_xldReadDistanceTransformXldread_distance_transform_xld
Read an XLD distance transform from a file.
read_dl_classifierReadDlClassifierread_dl_classifierReadDlClassifierread_dl_classifier
Read a deep-learning-based classifier from a file.
read_dl_modelReadDlModelread_dl_modelReadDlModelread_dl_model
Read a deep learning model from a file.
read_fft_optimization_dataReadFftOptimizationDataread_fft_optimization_dataReadFftOptimizationDataread_fft_optimization_data
Load FFT speed optimization data from a file.
read_funct_1dReadFunct1dread_funct_1dReadFunct1dread_funct_1d
Read a function from a file.
read_gray_seReadGraySeread_gray_seReadGraySeread_gray_se
Load a structuring element for gray morphology.
read_imageReadImageread_imageReadImageread_image
Read an image with different file formats.
read_image_metadataReadImageMetadataread_image_metadataReadImageMetadataread_image_metadata
Read metadata from image files.
read_io_channelReadIoChannelread_io_channelReadIoChannelread_io_channel
Read a value from the specified I/O channels.
read_kalmanReadKalmanread_kalmanReadKalmanread_kalman
Read the description file of a Kalman filter.
read_matrixReadMatrixread_matrixReadMatrixread_matrix
Read a matrix from a file.
read_measureReadMeasureread_measureReadMeasureread_measure
Read a measure object from a file.
read_messageReadMessageread_messageReadMessageread_message
Read a message from a file.
read_metrology_modelReadMetrologyModelread_metrology_modelReadMetrologyModelread_metrology_model
Read a metrology model from a file.
read_ncc_modelReadNccModelread_ncc_modelReadNccModelread_ncc_model
Read an NCC model from a file.
read_objectReadObjectread_objectReadObjectread_object
Read an iconic object.
read_object_model_3dReadObjectModel3dread_object_model_3dReadObjectModel3dread_object_model_3d
Read a 3D object model from a file.
read_ocrReadOcrread_ocrReadOcrread_ocr
Read an OCR classifier from a file.
read_ocr_class_cnnReadOcrClassCnnread_ocr_class_cnnReadOcrClassCnnread_ocr_class_cnn
Read an CNN-based OCR classifier from a file.
read_ocr_class_knnReadOcrClassKnnread_ocr_class_knnReadOcrClassKnnread_ocr_class_knn
Read an OCR classifier from a file.
read_ocr_class_mlpReadOcrClassMlpread_ocr_class_mlpReadOcrClassMlpread_ocr_class_mlp
Read an OCR classifier from a file.
read_ocr_class_svmReadOcrClassSvmread_ocr_class_svmReadOcrClassSvmread_ocr_class_svm
Read a SVM-based OCR classifier from a file.
read_ocr_trainfReadOcrTrainfread_ocr_trainfReadOcrTrainfread_ocr_trainf
Read training characters from files and convert to images.
read_ocr_trainf_namesReadOcrTrainfNamesread_ocr_trainf_namesReadOcrTrainfNamesread_ocr_trainf_names
Query which characters are stored in a training file.
read_ocr_trainf_names_protectedReadOcrTrainfNamesProtectedread_ocr_trainf_names_protectedReadOcrTrainfNamesProtectedread_ocr_trainf_names_protected
Query which characters are stored in a (protected) training file.
read_ocr_trainf_selectReadOcrTrainfSelectread_ocr_trainf_selectReadOcrTrainfSelectread_ocr_trainf_select
Read training specific characters from files and convert to images.
read_ocvReadOcvread_ocvReadOcvread_ocv
Reading an OCV tool from file.
read_polygon_xld_arc_infoReadPolygonXldArcInforead_polygon_xld_arc_infoReadPolygonXldArcInforead_polygon_xld_arc_info
Read XLD polygons from a file in ARC/INFO generate format.
read_polygon_xld_dxfReadPolygonXldDxfread_polygon_xld_dxfReadPolygonXldDxfread_polygon_xld_dxf
Read XLD polygons from a DXF file.
read_poseReadPoseread_poseReadPoseread_pose
Read a 3D pose from a text file.
read_regionReadRegionread_regionReadRegionread_region
Read binary images or HALCON regions.
read_sample_identifierReadSampleIdentifierread_sample_identifierReadSampleIdentifierread_sample_identifier
Read a sample identifier from a file.
read_samples_class_gmmReadSamplesClassGmmread_samples_class_gmmReadSamplesClassGmmread_samples_class_gmm
Read the training data of a Gaussian Mixture Model from a file.
read_samples_class_mlpReadSamplesClassMlpread_samples_class_mlpReadSamplesClassMlpread_samples_class_mlp
Read the training data of a multilayer perceptron from a file.
read_samples_class_svmReadSamplesClassSvmread_samples_class_svmReadSamplesClassSvmread_samples_class_svm
Read the training data of a support vector machine from a file.
read_sampsetReadSampsetread_sampsetReadSampsetread_sampset
Read a training data set from a file.
read_sequenceReadSequenceread_sequenceReadSequenceread_sequence
Read images.
read_serialReadSerialread_serialReadSerialread_serial
Read from a serial device.
read_shape_modelReadShapeModelread_shape_modelReadShapeModelread_shape_model
Read a shape model from a file.
read_shape_model_3dReadShapeModel3dread_shape_model_3dReadShapeModel3dread_shape_model_3d
Read a 3D shape model from a file.
read_sheet_of_light_modelReadSheetOfLightModelread_sheet_of_light_modelReadSheetOfLightModelread_sheet_of_light_model
Read a sheet-of-light model from a file and create a new model.
read_stringReadStringread_stringReadStringread_string
Read a string in a text window.
read_structured_light_modelReadStructuredLightModelread_structured_light_modelReadStructuredLightModelread_structured_light_model
Read a structured light model from a file.
read_surface_modelReadSurfaceModelread_surface_modelReadSurfaceModelread_surface_model
Read a surface model from a file.
read_templateReadTemplateread_templateReadTemplateread_template
Reading a template from file.
read_texture_inspection_modelReadTextureInspectionModelread_texture_inspection_modelReadTextureInspectionModelread_texture_inspection_model
Read a texture inspection model from a file.
read_training_componentsReadTrainingComponentsread_training_componentsReadTrainingComponentsread_training_components
Read a component training result from a file.
read_tupleReadTupleread_tupleReadTupleread_tuple
Read a tuple from a file.
read_variation_modelReadVariationModelread_variation_modelReadVariationModelread_variation_model
Read a variation model from a file.
read_world_fileReadWorldFileread_world_fileReadWorldFileread_world_file
Read the geo coding from an ARC/INFO world file.
real_to_complexRealToComplexreal_to_complexRealToComplexreal_to_complex
Convert two real images into a complex image.
real_to_vector_fieldRealToVectorFieldreal_to_vector_fieldRealToVectorFieldreal_to_vector_field
Convert two real-valued images into a vector field image.
receive_dataReceiveDatareceive_dataReceiveDatareceive_data
Receive arbitrary data from external devices or applications using a generic socket connection.
receive_imageReceiveImagereceive_imageReceiveImagereceive_image
Receive an image over a socket connection.
receive_regionReceiveRegionreceive_regionReceiveRegionreceive_region
Receive regions over a socket connection.
receive_serialized_itemReceiveSerializedItemreceive_serialized_itemReceiveSerializedItemreceive_serialized_item
Receive a serialized item over a socket connection.
receive_tupleReceiveTuplereceive_tupleReceiveTuplereceive_tuple
Receive a tuple over a socket connection.
receive_xldReceiveXldreceive_xldReceiveXldreceive_xld
Receive an XLD object over a socket connection.
reconst3d_from_fundamental_matrixReconst3dFromFundamentalMatrixreconst3d_from_fundamental_matrixReconst3dFromFundamentalMatrixreconst3d_from_fundamental_matrix
Compute the projective 3d reconstruction of points based on the fundamental matrix.
reconstruct_height_field_from_gradientReconstructHeightFieldFromGradientreconstruct_height_field_from_gradientReconstructHeightFieldFromGradientreconstruct_height_field_from_gradient
Reconstruct a surface from surface gradients.
reconstruct_points_stereoReconstructPointsStereoreconstruct_points_stereoReconstructPointsStereoreconstruct_points_stereo
Reconstruct 3D points from calibrated multi-view stereo images.
reconstruct_surface_stereoReconstructSurfaceStereoreconstruct_surface_stereoReconstructSurfaceStereoreconstruct_surface_stereo
Reconstruct surface from calibrated multi-view stereo images.
rectangle1_domainRectangle1Domainrectangle1_domainRectangle1Domainrectangle1_domain
Reduce the domain of an image to a rectangle.
rectangularityRectangularityrectangularityRectangularityrectangularity
Shape factor for the rectangularity of a region.
rectangularity_xldRectangularityXldrectangularity_xldRectangularityXldrectangularity_xld
Shape factor for the rectangularity of contours or polygons.
reduce_class_svmReduceClassSvmreduce_class_svmReduceClassSvmreduce_class_svm
Approximate a trained support vector machine by a reduced support vector machine for faster classification.
reduce_domainReduceDomainreduce_domainReduceDomainreduce_domain
Reduce the domain of an image.
reduce_object_model_3d_by_viewReduceObjectModel3dByViewreduce_object_model_3d_by_viewReduceObjectModel3dByViewreduce_object_model_3d_by_view
Remove points from a 3D object model by projecting it to a virtual view and removing all points outside of a given region.
reduce_ocr_class_svmReduceOcrClassSvmreduce_ocr_class_svmReduceOcrClassSvmreduce_ocr_class_svm
Approximate a trained SVM-based OCR classifier by a reduced SVM.
refine_deformable_surface_modelRefineDeformableSurfaceModelrefine_deformable_surface_modelRefineDeformableSurfaceModelrefine_deformable_surface_model
Refine the position and deformation of a deformable surface model in a 3D scene.
refine_surface_model_poseRefineSurfaceModelPoserefine_surface_model_poseRefineSurfaceModelPoserefine_surface_model_pose
Refine the pose of a surface model in a 3D scene.
refine_surface_model_pose_imageRefineSurfaceModelPoseImagerefine_surface_model_pose_imageRefineSurfaceModelPoseImagerefine_surface_model_pose_image
Refine the pose of a surface model in a 3D scene and in images.
region_featuresRegionFeaturesregion_featuresRegionFeaturesregion_features
Calculate shape features of regions.
region_to_binRegionToBinregion_to_binRegionToBinregion_to_bin
Convert a region into a binary byte-image.
region_to_labelRegionToLabelregion_to_labelRegionToLabelregion_to_label
Convert regions to a label image.
region_to_meanRegionToMeanregion_to_meanRegionToMeanregion_to_mean
Paint regions with their average gray value.
regiongrowingRegiongrowingregiongrowingRegiongrowingregiongrowing
Segment an image using regiongrowing.
regiongrowing_meanRegiongrowingMeanregiongrowing_meanRegiongrowingMeanregiongrowing_mean
Perform a regiongrowing using mean gray values.
regiongrowing_nRegiongrowingNregiongrowing_nRegiongrowingNregiongrowing_n
Segment an image using regiongrowing for multi-channel images.
register_object_model_3d_globalRegisterObjectModel3dGlobalregister_object_model_3d_globalRegisterObjectModel3dGlobalregister_object_model_3d_global
Improve the relative transformations between 3D object models based on their overlaps.
register_object_model_3d_pairRegisterObjectModel3dPairregister_object_model_3d_pairRegisterObjectModel3dPairregister_object_model_3d_pair
Search for a transformation between two 3D object models.
regress_contours_xldRegressContoursXldregress_contours_xldRegressContoursXldregress_contours_xld
Calculate the parameters of a regression line to an XLD contour.
rel_pose_to_fundamental_matrixRelPoseToFundamentalMatrixrel_pose_to_fundamental_matrixRelPoseToFundamentalMatrixrel_pose_to_fundamental_matrix
Compute the fundamental matrix from the relative orientation of two cameras.
release_all_compute_devicesReleaseAllComputeDevicesrelease_all_compute_devicesReleaseAllComputeDevicesrelease_all_compute_devices
Close all compute devices.
release_compute_deviceReleaseComputeDevicerelease_compute_deviceReleaseComputeDevicerelease_compute_device
Close a compute_device.
remove_calib_dataRemoveCalibDataremove_calib_dataRemoveCalibDataremove_calib_data
Remove a data set from a calibration data model.
remove_calib_data_observRemoveCalibDataObservremove_calib_data_observRemoveCalibDataObservremove_calib_data_observ
Remove observation data from a calibration data model.
remove_dict_keyRemoveDictKeyremove_dict_keyRemoveDictKeyremove_dict_key
Remove keys from a dictionary.
remove_dirRemoveDirremove_dirRemoveDirremove_dir
Delete an empty directory.
remove_noise_regionRemoveNoiseRegionremove_noise_regionRemoveNoiseRegionremove_noise_region
Remove noise from a region.
remove_objRemoveObjremove_objRemoveObjremove_obj
Remove objects from an iconic object tuple.
remove_object_model_3d_attribRemoveObjectModel3dAttribremove_object_model_3d_attribRemoveObjectModel3dAttribremove_object_model_3d_attrib
Remove attributes of a 3D object model.
remove_object_model_3d_attrib_modRemoveObjectModel3dAttribModremove_object_model_3d_attrib_modRemoveObjectModel3dAttribModremove_object_model_3d_attrib_mod
Remove attributes of a 3D object model.
remove_sample_identifier_preparation_dataRemoveSampleIdentifierPreparationDataremove_sample_identifier_preparation_dataRemoveSampleIdentifierPreparationDataremove_sample_identifier_preparation_data
Remove preparation data from a sample identifier.
remove_sample_identifier_training_dataRemoveSampleIdentifierTrainingDataremove_sample_identifier_training_dataRemoveSampleIdentifierTrainingDataremove_sample_identifier_training_data
Remove training data from a sample identifier.
remove_scene_3d_cameraRemoveScene3dCameraremove_scene_3d_cameraRemoveScene3dCameraremove_scene_3d_camera
Remove a camera from a 3D scene.
remove_scene_3d_instanceRemoveScene3dInstanceremove_scene_3d_instanceRemoveScene3dInstanceremove_scene_3d_instance
Remove an object instance from a 3D scene.
remove_scene_3d_labelRemoveScene3dLabelremove_scene_3d_labelRemoveScene3dLabelremove_scene_3d_label
Remove a text label from a 3D scene.
remove_scene_3d_lightRemoveScene3dLightremove_scene_3d_lightRemoveScene3dLightremove_scene_3d_light
Remove a light from a 3D scene.
remove_texture_inspection_model_imageRemoveTextureInspectionModelImageremove_texture_inspection_model_imageRemoveTextureInspectionModelImageremove_texture_inspection_model_image
Clear all or a user-defined subset of the images of a texture inspection model.
render_object_model_3dRenderObjectModel3drender_object_model_3dRenderObjectModel3drender_object_model_3d
Render 3D object models to get an image.
render_scene_3dRenderScene3drender_scene_3dRenderScene3drender_scene_3d
Render an image of a 3D scene.
repeat
Start statement of a repeat..until loop.
repeat_matrixRepeatMatrixrepeat_matrixRepeatMatrixrepeat_matrix
Repeat a matrix.
replace_objReplaceObjreplace_objReplaceObjreplace_obj
Replaces one or more elements of an iconic object tuple.
reset_fuzzy_measureResetFuzzyMeasurereset_fuzzy_measureResetFuzzyMeasurereset_fuzzy_measure
Reset a fuzzy function.
reset_metrology_object_fuzzy_paramResetMetrologyObjectFuzzyParamreset_metrology_object_fuzzy_paramResetMetrologyObjectFuzzyParamreset_metrology_object_fuzzy_param
Reset all fuzzy parameters and fuzzy functions of a metrology model.
reset_metrology_object_paramResetMetrologyObjectParamreset_metrology_object_paramResetMetrologyObjectParamreset_metrology_object_param
Reset all parameters of a metrology model.
reset_obj_dbResetObjDbreset_obj_dbResetObjDbreset_obj_db
Reset the HALCON system for iconic objects.
reset_sheet_of_light_modelResetSheetOfLightModelreset_sheet_of_light_modelResetSheetOfLightModelreset_sheet_of_light_model
Reset a sheet-of-light model.
return
Terminate procedure call.
rft_genericRftGenericrft_genericRftGenericrft_generic
Compute the real-valued fast Fourier transform of an image.
rgb1_to_grayRgb1ToGrayrgb1_to_grayRgb1ToGrayrgb1_to_gray
Transform an RGB image into a gray scale image.
rgb3_to_grayRgb3ToGrayrgb3_to_grayRgb3ToGrayrgb3_to_gray
Transform an RGB image to a gray scale image.
rigid_trans_object_model_3dRigidTransObjectModel3drigid_trans_object_model_3dRigidTransObjectModel3drigid_trans_object_model_3d
Apply a rigid 3D transformation to 3D object models.
robertsRobertsrobertsRobertsroberts
Detect edges using the Roberts filter.
robinson_ampRobinsonAmprobinson_ampRobinsonAmprobinson_amp
Detect edges (amplitude) using the Robinson operator.
robinson_dirRobinsonDirrobinson_dirRobinsonDirrobinson_dir
Detect edges (amplitude and direction) using the Robinson operator.
rotate_imageRotateImagerotate_imageRotateImagerotate_image
Rotate an image about its center.
roundnessRoundnessroundnessRoundnessroundness
Shape factors from contour.
run_bg_estiRunBgEstirun_bg_estiRunBgEstirun_bg_esti
Estimate the background and return the foreground region.
runlength_distributionRunlengthDistributionrunlength_distributionRunlengthDistributionrunlength_distribution
Distribution of runs needed for runlength encoding of a region.
runlength_featuresRunlengthFeaturesrunlength_featuresRunlengthFeaturesrunlength_features
Characteristic values for runlength coding of regions.

S

saddle_points_sub_pixSaddlePointsSubPixsaddle_points_sub_pixSaddlePointsSubPixsaddle_points_sub_pix
Subpixel precise detection of saddle points in an image.
sample_funct_1dSampleFunct1dsample_funct_1dSampleFunct1dsample_funct_1d
Sample a function equidistantly in an interval.
sample_object_model_3dSampleObjectModel3dsample_object_model_3dSampleObjectModel3dsample_object_model_3d
Sample a 3D object model.
scale_imageScaleImagescale_imageScaleImagescale_image
Scale the gray values of an image.
scale_image_maxScaleImageMaxscale_image_maxScaleImageMaxscale_image_max
Maximum gray value spreading in the value range 0 to 255.
scale_matrixScaleMatrixscale_matrixScaleMatrixscale_matrix
Scale a matrix.
scale_matrix_modScaleMatrixModscale_matrix_modScaleMatrixModscale_matrix_mod
Scale a matrix.
scale_y_funct_1dScaleYFunct1dscale_y_funct_1dScaleYFunct1dscale_y_funct_1d
Multiplication and addition of the y values.
scene_flow_calibSceneFlowCalibscene_flow_calibSceneFlowCalibscene_flow_calib
Compute the calibrated scene flow between two stereo image pairs.
scene_flow_uncalibSceneFlowUncalibscene_flow_uncalibSceneFlowUncalibscene_flow_uncalib
Compute the uncalibrated scene flow between two stereo image pairs.
screw_to_dual_quatScrewToDualQuatscrew_to_dual_quatScrewToDualQuatscrew_to_dual_quat
Convert a screw into a dual quaternion.
search_operatorSearchOperatorsearch_operatorSearchOperatorsearch_operator
Search names of all operators assigned to one keyword.
segment_charactersSegmentCharacterssegment_charactersSegmentCharacterssegment_characters
Segments characters in a given region of an image.
segment_contour_attrib_xldSegmentContourAttribXldsegment_contour_attrib_xldSegmentContourAttribXldsegment_contour_attrib_xld
Segment XLD contour parts whose local attributes fulfill given conditions.
segment_contours_xldSegmentContoursXldsegment_contours_xldSegmentContoursXldsegment_contours_xld
Segment XLD contours into line segments and circular or elliptic arcs.
segment_image_mserSegmentImageMsersegment_image_mserSegmentImageMsersegment_image_mser
Segment image using Maximally Stable Extremal Regions (MSER).
segment_object_model_3dSegmentObjectModel3dsegment_object_model_3dSegmentObjectModel3dsegment_object_model_3d
Segment a set of 3D points into sub-sets with similar characteristics.
select_charactersSelectCharactersselect_charactersSelectCharactersselect_characters
Selects characters from a given region.
select_contours_xldSelectContoursXldselect_contours_xldSelectContoursXldselect_contours_xld
Select XLD contours according to several features.
select_feature_set_gmmSelectFeatureSetGmmselect_feature_set_gmmSelectFeatureSetGmmselect_feature_set_gmm
Selects an optimal combination from a set of features to classify the provided data.
select_feature_set_knnSelectFeatureSetKnnselect_feature_set_knnSelectFeatureSetKnnselect_feature_set_knn
Selects an optimal subset from a set of features to solve a certain classification problem.
select_feature_set_mlpSelectFeatureSetMlpselect_feature_set_mlpSelectFeatureSetMlpselect_feature_set_mlp
Selects an optimal combination of features to classify the provided data.
select_feature_set_svmSelectFeatureSetSvmselect_feature_set_svmSelectFeatureSetSvmselect_feature_set_svm
Selects an optimal combination of features to classify the provided data.
select_feature_set_trainf_knnSelectFeatureSetTrainfKnnselect_feature_set_trainf_knnSelectFeatureSetTrainfKnnselect_feature_set_trainf_knn
Select an optimal combination of features to classify OCR data.
select_feature_set_trainf_mlpSelectFeatureSetTrainfMlpselect_feature_set_trainf_mlpSelectFeatureSetTrainfMlpselect_feature_set_trainf_mlp
Selects an optimal combination of features to classify OCR data.
select_feature_set_trainf_mlp_protectedSelectFeatureSetTrainfMlpProtectedselect_feature_set_trainf_mlp_protectedSelectFeatureSetTrainfMlpProtectedselect_feature_set_trainf_mlp_protected
Select an optimal combination of features to classify OCR data from a (protected) training file.
select_feature_set_trainf_svmSelectFeatureSetTrainfSvmselect_feature_set_trainf_svmSelectFeatureSetTrainfSvmselect_feature_set_trainf_svm
Selects an optimal combination of features to classify OCR data.
select_feature_set_trainf_svm_protectedSelectFeatureSetTrainfSvmProtectedselect_feature_set_trainf_svm_protectedSelectFeatureSetTrainfSvmProtectedselect_feature_set_trainf_svm_protected
Select an optimal combination of features to classify OCR data from a (protected) training file.
select_graySelectGrayselect_graySelectGrayselect_gray
Select regions based on gray value features.
select_grayvalues_from_channelsSelectGrayvaluesFromChannelsselect_grayvalues_from_channelsSelectGrayvaluesFromChannelsselect_grayvalues_from_channels
Selection of gray values of a multi-channel image using an index image.
select_linesSelectLinesselect_linesSelectLinesselect_lines
Select lines according to various criteria.
select_lines_longestSelectLinesLongestselect_lines_longestSelectLinesLongestselect_lines_longest
Select the longest input lines.
select_matching_linesSelectMatchingLinesselect_matching_linesSelectMatchingLinesselect_matching_lines
Select those lines from a set of lines (in HNF) which fit best into a region.
select_objSelectObjselect_objSelectObjselect_obj
Select objects from an object tuple.
select_object_model_3dSelectObjectModel3dselect_object_model_3dSelectObjectModel3dselect_object_model_3d
Select 3D object models from an array of 3D object models according to global features.
select_points_object_model_3dSelectPointsObjectModel3dselect_points_object_model_3dSelectPointsObjectModel3dselect_points_object_model_3d
Apply a threshold to an attribute of 3D object models.
select_region_pointSelectRegionPointselect_region_pointSelectRegionPointselect_region_point
Choose all regions containing a given pixel.
select_region_spatialSelectRegionSpatialselect_region_spatialSelectRegionSpatialselect_region_spatial
Pose relation of regions.
select_shapeSelectShapeselect_shapeSelectShapeselect_shape
Choose regions with the aid of shape features.
select_shape_protoSelectShapeProtoselect_shape_protoSelectShapeProtoselect_shape_proto
Choose regions having a certain relation to each other.
select_shape_stdSelectShapeStdselect_shape_stdSelectShapeStdselect_shape_std
Select regions of a given shape.
select_shape_xldSelectShapeXldselect_shape_xldSelectShapeXldselect_shape_xld
Select contours or polygons using shape features.
select_sub_feature_class_train_dataSelectSubFeatureClassTrainDataselect_sub_feature_class_train_dataSelectSubFeatureClassTrainDataselect_sub_feature_class_train_data
Select certain features from training data to create training data containing less features.
select_xld_pointSelectXldPointselect_xld_pointSelectXldPointselect_xld_point
Choose all contours or polygons containing a given point.
send_dataSendDatasend_dataSendDatasend_data
Send arbitrary data to external devices or applications using a generic socket communication.
send_imageSendImagesend_imageSendImagesend_image
Send an image over a socket connection.
send_mouse_double_click_eventSendMouseDoubleClickEventsend_mouse_double_click_eventSendMouseDoubleClickEventsend_mouse_double_click_event
Send an event to a buffer window signaling a mouse double click event.
send_mouse_down_eventSendMouseDownEventsend_mouse_down_eventSendMouseDownEventsend_mouse_down_event
Send an event to a window buffer signaling a mouse down event.
send_mouse_drag_eventSendMouseDragEventsend_mouse_drag_eventSendMouseDragEventsend_mouse_drag_event
Send an event to a buffer window signaling a mouse drag event.
send_mouse_up_eventSendMouseUpEventsend_mouse_up_eventSendMouseUpEventsend_mouse_up_event
Send an event to a buffer window signaling a mouse up event.
send_regionSendRegionsend_regionSendRegionsend_region
Send regions over a socket connection.
send_serialized_itemSendSerializedItemsend_serialized_itemSendSerializedItemsend_serialized_item
Send a serialized item over a socket connection.
send_tupleSendTuplesend_tupleSendTuplesend_tuple
Send a tuple over a socket connection.
send_xldSendXldsend_xldSendXldsend_xld
Send an XLD object over a socket connection.
serialize_bar_code_modelSerializeBarCodeModelserialize_bar_code_modelSerializeBarCodeModelserialize_bar_code_model
Serialize a bar code model.
serialize_calib_dataSerializeCalibDataserialize_calib_dataSerializeCalibDataserialize_calib_data
Serialize a calibration data model.
serialize_cam_parSerializeCamParserialize_cam_parSerializeCamParserialize_cam_par
Serialize the internal camera parameters.
serialize_camera_setup_modelSerializeCameraSetupModelserialize_camera_setup_modelSerializeCameraSetupModelserialize_camera_setup_model
Serialize a camera setup model.
serialize_class_boxSerializeClassBoxserialize_class_boxSerializeClassBoxserialize_class_box
Serialize a classifier.
serialize_class_gmmSerializeClassGmmserialize_class_gmmSerializeClassGmmserialize_class_gmm
Serialize a Gaussian Mixture Model (GMM).
serialize_class_knnSerializeClassKnnserialize_class_knnSerializeClassKnnserialize_class_knn
Serialize a k-NN classifier.
serialize_class_mlpSerializeClassMlpserialize_class_mlpSerializeClassMlpserialize_class_mlp
Serialize a multilayer perceptron (MLP).
serialize_class_svmSerializeClassSvmserialize_class_svmSerializeClassSvmserialize_class_svm
Serialize a support vector machine (SVM).
serialize_class_train_dataSerializeClassTrainDataserialize_class_train_dataSerializeClassTrainDataserialize_class_train_data
Serialize training data for classifiers.
serialize_component_modelSerializeComponentModelserialize_component_modelSerializeComponentModelserialize_component_model
Serialize a component model.
serialize_data_code_2d_modelSerializeDataCode2dModelserialize_data_code_2d_modelSerializeDataCode2dModelserialize_data_code_2d_model
Serialize a 2D data code model.
serialize_deformable_modelSerializeDeformableModelserialize_deformable_modelSerializeDeformableModelserialize_deformable_model
Serialize a deformable model.
serialize_deformable_surface_modelSerializeDeformableSurfaceModelserialize_deformable_surface_modelSerializeDeformableSurfaceModelserialize_deformable_surface_model
Serialize a deformable surface_model.
serialize_descriptor_modelSerializeDescriptorModelserialize_descriptor_modelSerializeDescriptorModelserialize_descriptor_model
Serialize a descriptor model.
serialize_distance_transform_xldSerializeDistanceTransformXldserialize_distance_transform_xldSerializeDistanceTransformXldserialize_distance_transform_xld
Serialize an XLD distance transform.
serialize_dl_classifierSerializeDlClassifierserialize_dl_classifierSerializeDlClassifierserialize_dl_classifier
Serialize a deep-learning-based classifier.
serialize_dl_modelSerializeDlModelserialize_dl_modelSerializeDlModelserialize_dl_model
Serialize a deep learning model.
serialize_dual_quatSerializeDualQuatserialize_dual_quatSerializeDualQuatserialize_dual_quat
Serialize a dual quaternion.
serialize_fft_optimization_dataSerializeFftOptimizationDataserialize_fft_optimization_dataSerializeFftOptimizationDataserialize_fft_optimization_data
Serialize FFT speed optimization data.
serialize_handleSerializeHandleserialize_handleSerializeHandleserialize_handle
Serialize the content of a handle.
serialize_hom_mat2dSerializeHomMat2dserialize_hom_mat2dSerializeHomMat2dserialize_hom_mat2d
Serialize a homogeneous 2D transformation matrix.
serialize_hom_mat3dSerializeHomMat3dserialize_hom_mat3dSerializeHomMat3dserialize_hom_mat3d
Serialize a homogeneous 3D transformation matrix.
serialize_imageSerializeImageserialize_imageSerializeImageserialize_image
Serialize an image object.
serialize_matrixSerializeMatrixserialize_matrixSerializeMatrixserialize_matrix
Serialize a matrix.
serialize_measureSerializeMeasureserialize_measureSerializeMeasureserialize_measure
Serialize a measure object.
serialize_metrology_modelSerializeMetrologyModelserialize_metrology_modelSerializeMetrologyModelserialize_metrology_model
Serialize a metrology model.
serialize_ncc_modelSerializeNccModelserialize_ncc_modelSerializeNccModelserialize_ncc_model
Serialize an NCC model.
serialize_objectSerializeObjectserialize_objectSerializeObjectserialize_object
Serialize an iconic object.
serialize_object_model_3dSerializeObjectModel3dserialize_object_model_3dSerializeObjectModel3dserialize_object_model_3d
Serialize a 3D object model.
serialize_ocrSerializeOcrserialize_ocrSerializeOcrserialize_ocr
Serialize an OCR classifier.
serialize_ocr_class_cnnSerializeOcrClassCnnserialize_ocr_class_cnnSerializeOcrClassCnnserialize_ocr_class_cnn
Serialize a CNN-based OCR classifier
serialize_ocr_class_knnSerializeOcrClassKnnserialize_ocr_class_knnSerializeOcrClassKnnserialize_ocr_class_knn
Serialize a k-NN-based OCR classifier.
serialize_ocr_class_mlpSerializeOcrClassMlpserialize_ocr_class_mlpSerializeOcrClassMlpserialize_ocr_class_mlp
Serialize a MLP-based OCR classifier.
serialize_ocr_class_svmSerializeOcrClassSvmserialize_ocr_class_svmSerializeOcrClassSvmserialize_ocr_class_svm
Serialize a SVM-based OCR classifier
serialize_ocvSerializeOcvserialize_ocvSerializeOcvserialize_ocv
Serialize an OCV tool.
serialize_poseSerializePoseserialize_poseSerializePoseserialize_pose
Serialize a pose.
serialize_quatSerializeQuatserialize_quatSerializeQuatserialize_quat
Serialize a quaternion.
serialize_regionSerializeRegionserialize_regionSerializeRegionserialize_region
Serialize a region.
serialize_sample_identifierSerializeSampleIdentifierserialize_sample_identifierSerializeSampleIdentifierserialize_sample_identifier
Serialize a sample identifier.
serialize_shape_modelSerializeShapeModelserialize_shape_modelSerializeShapeModelserialize_shape_model
Serialize a shape model.
serialize_shape_model_3dSerializeShapeModel3dserialize_shape_model_3dSerializeShapeModel3dserialize_shape_model_3d
Serialize a 3D shape model.
serialize_sheet_of_light_modelSerializeSheetOfLightModelserialize_sheet_of_light_modelSerializeSheetOfLightModelserialize_sheet_of_light_model
Serialize a sheet-of-light model.
serialize_structured_light_modelSerializeStructuredLightModelserialize_structured_light_modelSerializeStructuredLightModelserialize_structured_light_model
Serialize a structured light model.
serialize_surface_modelSerializeSurfaceModelserialize_surface_modelSerializeSurfaceModelserialize_surface_model
Serialize a surface_model.
serialize_templateSerializeTemplateserialize_templateSerializeTemplateserialize_template
Serialize a template.
serialize_texture_inspection_modelSerializeTextureInspectionModelserialize_texture_inspection_modelSerializeTextureInspectionModelserialize_texture_inspection_model
Serialize a texture inspection model.
serialize_training_componentsSerializeTrainingComponentsserialize_training_componentsSerializeTrainingComponentsserialize_training_components
Serialize a component training result.
serialize_tupleSerializeTupleserialize_tupleSerializeTupleserialize_tuple
Serialize a tuple.
serialize_variation_modelSerializeVariationModelserialize_variation_modelSerializeVariationModelserialize_variation_model
Serialize a variation model.
serialize_xldSerializeXldserialize_xldSerializeXldserialize_xld
Serialize an XLD object.
set_aop_infoSetAopInfoset_aop_infoSetAopInfoset_aop_info
Set AOP information for operators.
set_bar_code_paramSetBarCodeParamset_bar_code_paramSetBarCodeParamset_bar_code_param
Set selected parameters of the bar code model.
set_bar_code_param_specificSetBarCodeParamSpecificset_bar_code_param_specificSetBarCodeParamSpecificset_bar_code_param_specific
Set selected parameters of the bar code model for selected bar code types
set_bead_inspection_paramSetBeadInspectionParamset_bead_inspection_paramSetBeadInspectionParamset_bead_inspection_param
Set parameters of the bead inspection model.
set_bg_esti_paramsSetBgEstiParamsset_bg_esti_paramsSetBgEstiParamsset_bg_esti_params
Change the parameters of the data set.
set_calib_dataSetCalibDataset_calib_dataSetCalibDataset_calib_data
Set data in a calibration data model.
set_calib_data_calib_objectSetCalibDataCalibObjectset_calib_data_calib_objectSetCalibDataCalibObjectset_calib_data_calib_object
Define a calibration object in a calibration model.
set_calib_data_cam_paramSetCalibDataCamParamset_calib_data_cam_paramSetCalibDataCamParamset_calib_data_cam_param
Set type and initial parameters of a camera in a calibration data model.
set_calib_data_observ_pointsSetCalibDataObservPointsset_calib_data_observ_pointsSetCalibDataObservPointsset_calib_data_observ_points
Set point-based observation data in a calibration data model.
set_calib_data_observ_poseSetCalibDataObservPoseset_calib_data_observ_poseSetCalibDataObservPoseset_calib_data_observ_pose
Set observed calibration object poses in a calibration data model.
set_camera_setup_cam_paramSetCameraSetupCamParamset_camera_setup_cam_paramSetCameraSetupCamParamset_camera_setup_cam_param
Define type, parameters, and relative pose of a camera in a camera setup model.
set_camera_setup_paramSetCameraSetupParamset_camera_setup_paramSetCameraSetupParamset_camera_setup_param
Set generic camera setup model parameters.
set_checkSetCheckset_checkSetCheckset_check
Activating and deactivating of HALCON control modes.
set_class_box_paramSetClassBoxParamset_class_box_paramSetClassBoxParamset_class_box_param
Set system parameters for classification.
set_colorSetColorset_colorSetColorset_color
Set output color.
set_coloredSetColoredset_coloredSetColoredset_colored
Set multiple output colors.
set_compriseSetCompriseset_compriseSetCompriseset_comprise
Define the image matrix output clipping.
set_compute_device_paramSetComputeDeviceParamset_compute_device_paramSetComputeDeviceParamset_compute_device_param
Set parameters of an compute device.
set_content_update_callbackSetContentUpdateCallbackset_content_update_callbackSetContentUpdateCallbackset_content_update_callback
Sets the callback for content updates in buffer window.
set_contour_styleSetContourStyleset_contour_styleSetContourStyleset_contour_style
Define the contour display fill style.
set_current_dirSetCurrentDirset_current_dirSetCurrentDirset_current_dir
Set the current working directory.
set_data_code_2d_paramSetDataCode2dParamset_data_code_2d_paramSetDataCode2dParamset_data_code_2d_param
Set selected parameters of the 2D data code model.
set_deep_ocr_paramSetDeepOcrParamset_deep_ocr_paramSetDeepOcrParamset_deep_ocr_param
Set the parameters of a Deep OCR model.
set_deformable_model_originSetDeformableModelOriginset_deformable_model_originSetDeformableModelOriginset_deformable_model_origin
Set the origin (reference point) of a deformable model.
set_deformable_model_paramSetDeformableModelParamset_deformable_model_paramSetDeformableModelParamset_deformable_model_param
Set selected parameters of the deformable model.
set_descriptor_model_originSetDescriptorModelOriginset_descriptor_model_originSetDescriptorModelOriginset_descriptor_model_origin
Sets the origin of a descriptor model.
set_diagonal_matrixSetDiagonalMatrixset_diagonal_matrixSetDiagonalMatrixset_diagonal_matrix
Set the diagonal elements of a matrix.
set_dict_objectSetDictObjectset_dict_objectSetDictObjectset_dict_object
Add a key/object pair to the dictionary.
set_dict_tupleSetDictTupleset_dict_tupleSetDictTupleset_dict_tuple
Add a key/tuple pair to the dictionary.
set_distance_transform_xld_paramSetDistanceTransformXldParamset_distance_transform_xld_paramSetDistanceTransformXldParamset_distance_transform_xld_param
Set new parameters for an XLD distance transform.
set_dl_classifier_paramSetDlClassifierParamset_dl_classifier_paramSetDlClassifierParamset_dl_classifier_param
Set the parameters of a deep-learning-based classifier.
set_dl_device_paramSetDlDeviceParamset_dl_device_paramSetDlDeviceParamset_dl_device_param
Set the parameters of a deep-learning-capable hardware device.
set_dl_model_paramSetDlModelParamset_dl_model_paramSetDlModelParamset_dl_model_param
Set the parameters of a deep learning model.
set_dl_pruning_paramSetDlPruningParamset_dl_pruning_paramSetDlPruningParamset_dl_pruning_param
Set parameter in a pruning data handle.
set_drawSetDrawset_drawSetDrawset_draw
Define the region fill mode.
set_drawing_object_callbackSetDrawingObjectCallbackset_drawing_object_callbackSetDrawingObjectCallbackset_drawing_object_callback
Add a callback function to a drawing object.
set_drawing_object_paramsSetDrawingObjectParamsset_drawing_object_paramsSetDrawingObjectParamsset_drawing_object_params
Set the parameters of a drawing object.
set_drawing_object_xldSetDrawingObjectXldset_drawing_object_xldSetDrawingObjectXldset_drawing_object_xld
Set the contour of an interactive draw XLD.
set_feature_lengths_class_train_dataSetFeatureLengthsClassTrainDataset_feature_lengths_class_train_dataSetFeatureLengthsClassTrainDataset_feature_lengths_class_train_data
Define subfeatures in training data.
set_fixSetFixset_fixSetFixset_fix
Set fixing of “look-up-table” (lut)
set_fixed_lutSetFixedLutset_fixed_lutSetFixedLutset_fixed_lut
Fix “look-up-table” (lut) for “real color images”.
set_fontSetFontset_fontSetFontset_font
Set the font used for text output.
set_framegrabber_callbackSetFramegrabberCallbackset_framegrabber_callbackSetFramegrabberCallbackset_framegrabber_callback
Register a callback function for an image acquisition device.
set_framegrabber_lutSetFramegrabberLutset_framegrabber_lutSetFramegrabberLutset_framegrabber_lut
Set look-up table of the image acquisition device.
set_framegrabber_paramSetFramegrabberParamset_framegrabber_paramSetFramegrabberParamset_framegrabber_param
Set specific parameters of an image acquisition device.
set_full_matrixSetFullMatrixset_full_matrixSetFullMatrixset_full_matrix
Set all values of a matrix.
set_fuzzy_measureSetFuzzyMeasureset_fuzzy_measureSetFuzzyMeasureset_fuzzy_measure
Specify a fuzzy function.
set_fuzzy_measure_norm_pairSetFuzzyMeasureNormPairset_fuzzy_measure_norm_pairSetFuzzyMeasureNormPairset_fuzzy_measure_norm_pair
Specify a normalized fuzzy function for edge pairs.
set_graySetGrayset_graySetGrayset_gray
Define gray values for region output.
set_grayvalSetGrayvalset_grayvalSetGrayvalset_grayval
Set single gray values in an image.
set_hsiSetHsiset_hsiSetHsiset_hsi
Define output colors (HSI-coded).
set_iconSetIconset_iconSetIconset_icon
Icon definition for region output.
set_insertSetInsertset_insertSetInsertset_insert
Define the pixel output function.
set_io_channel_paramSetIoChannelParamset_io_channel_paramSetIoChannelParamset_io_channel_param
Set specific parameters of I/O channels.
set_io_device_paramSetIoDeviceParamset_io_device_paramSetIoDeviceParamset_io_device_param
Configure a specific I/O device instance.
set_line_approxSetLineApproxset_line_approxSetLineApproxset_line_approx
Define the approximation error for contour display.
set_line_styleSetLineStyleset_line_styleSetLineStyleset_line_style
Define a contour output pattern.
set_line_widthSetLineWidthset_line_widthSetLineWidthset_line_width
Define the line width for region contour output.
set_local_deformable_model_metricSetLocalDeformableModelMetricset_local_deformable_model_metricSetLocalDeformableModelMetricset_local_deformable_model_metric
Set the metric of a local deformable model that was created from XLD contours.
set_lutSetLutset_lutSetLutset_lut
Set “look-up-table” (lut).
set_lut_styleSetLutStyleset_lut_styleSetLutStyleset_lut_style
Changing the look-up-table (lut).
set_message_objSetMessageObjset_message_objSetMessageObjset_message_obj
Add a key/object pair to the message.
set_message_paramSetMessageParamset_message_paramSetMessageParamset_message_param
Set message parameter or invoke commands on the message.
set_message_queue_paramSetMessageQueueParamset_message_queue_paramSetMessageQueueParamset_message_queue_param
Set message queue parameters or invoke commands on the queue.
set_message_tupleSetMessageTupleset_message_tupleSetMessageTupleset_message_tuple
Add a key/tuple pair to the message.
set_metrology_model_image_sizeSetMetrologyModelImageSizeset_metrology_model_image_sizeSetMetrologyModelImageSizeset_metrology_model_image_size
Set the size of the image of metrology objects.
set_metrology_model_paramSetMetrologyModelParamset_metrology_model_paramSetMetrologyModelParamset_metrology_model_param
Set parameters that are valid for the entire metrology model.
set_metrology_object_fuzzy_paramSetMetrologyObjectFuzzyParamset_metrology_object_fuzzy_paramSetMetrologyObjectFuzzyParamset_metrology_object_fuzzy_param
Set fuzzy parameters or fuzzy functions for a metrology model.
set_metrology_object_paramSetMetrologyObjectParamset_metrology_object_paramSetMetrologyObjectParamset_metrology_object_param
Set parameters for the metrology objects of a metrology model.
set_mshapeSetMshapeset_mshapeSetMshapeset_mshape
Set the current mouse pointer shape.
set_ncc_model_originSetNccModelOriginset_ncc_model_originSetNccModelOriginset_ncc_model_origin
Set the origin (reference point) of an NCC model.
set_ncc_model_paramSetNccModelParamset_ncc_model_paramSetNccModelParamset_ncc_model_param
Set selected parameters of the NCC model.
set_object_model_3d_attribSetObjectModel3dAttribset_object_model_3d_attribSetObjectModel3dAttribset_object_model_3d_attrib
Set attributes of a 3D object model.
set_object_model_3d_attrib_modSetObjectModel3dAttribModset_object_model_3d_attrib_modSetObjectModel3dAttribModset_object_model_3d_attrib_mod
Set attributes of a 3D object model.
set_offset_templateSetOffsetTemplateset_offset_templateSetOffsetTemplateset_offset_template
Gray value offset for template.
set_operator_timeoutSetOperatorTimeoutset_operator_timeoutSetOperatorTimeoutset_operator_timeout
Set a timeout for an operator.
set_origin_poseSetOriginPoseset_origin_poseSetOriginPoseset_origin_pose
Translate the origin of a 3D pose.
set_paintSetPaintset_paintSetPaintset_paint
Define the gray value output mode.
set_params_class_knnSetParamsClassKnnset_params_class_knnSetParamsClassKnnset_params_class_knn
Set parameters for k-NN classification.
set_partSetPartset_partSetPartset_part
Modify the displayed image part.
set_part_styleSetPartStyleset_part_styleSetPartStyleset_part_style
Define an interpolation method for gray value output.
set_pixelSetPixelset_pixelSetPixelset_pixel
Define a color lookup table index.
set_planar_calib_deformable_model_metricSetPlanarCalibDeformableModelMetricset_planar_calib_deformable_model_metricSetPlanarCalibDeformableModelMetricset_planar_calib_deformable_model_metric
Set the metric of a planar calibrated deformable model that was created from XLD contours.
set_planar_uncalib_deformable_model_metricSetPlanarUncalibDeformableModelMetricset_planar_uncalib_deformable_model_metricSetPlanarUncalibDeformableModelMetricset_planar_uncalib_deformable_model_metric
Set the metric of a planar uncalibrated deformable model that was created from XLD contours.
set_profile_sheet_of_lightSetProfileSheetOfLightset_profile_sheet_of_lightSetProfileSheetOfLightset_profile_sheet_of_light
Set sheet of light profiles by measured disparities.
set_reference_templateSetReferenceTemplateset_reference_templateSetReferenceTemplateset_reference_template
Define reference position for a matching template.
set_regularization_params_class_mlpSetRegularizationParamsClassMlpset_regularization_params_class_mlpSetRegularizationParamsClassMlpset_regularization_params_class_mlp
Set the regularization parameters of a multilayer perceptron.
set_regularization_params_ocr_class_mlpSetRegularizationParamsOcrClassMlpset_regularization_params_ocr_class_mlpSetRegularizationParamsOcrClassMlpset_regularization_params_ocr_class_mlp
Set the regularization parameters of an OCR classifier.
set_rejection_params_class_mlpSetRejectionParamsClassMlpset_rejection_params_class_mlpSetRejectionParamsClassMlpset_rejection_params_class_mlp
Set the parameters of a rejection class.
set_rejection_params_ocr_class_mlpSetRejectionParamsOcrClassMlpset_rejection_params_ocr_class_mlpSetRejectionParamsOcrClassMlpset_rejection_params_ocr_class_mlp
Set the rejection class parameters of an OCR classifier.
set_rgbSetRgbset_rgbSetRgbset_rgb
Set the color definition via RGB values.
set_rgbaSetRgbaset_rgbaSetRgbaset_rgba
Set the color definition via RGBA values.
set_sample_identifier_object_infoSetSampleIdentifierObjectInfoset_sample_identifier_object_infoSetSampleIdentifierObjectInfoset_sample_identifier_object_info
Define a name or a description for an object of a sample identifier.
set_sample_identifier_paramSetSampleIdentifierParamset_sample_identifier_paramSetSampleIdentifierParamset_sample_identifier_param
Set selected parameters of a sample identifier.
set_scene_3d_camera_poseSetScene3dCameraPoseset_scene_3d_camera_poseSetScene3dCameraPoseset_scene_3d_camera_pose
Set the pose of a camera in a 3D scene.
set_scene_3d_instance_paramSetScene3dInstanceParamset_scene_3d_instance_paramSetScene3dInstanceParamset_scene_3d_instance_param
Set parameters of an instance in a 3D scene.
set_scene_3d_instance_poseSetScene3dInstancePoseset_scene_3d_instance_poseSetScene3dInstancePoseset_scene_3d_instance_pose
Set the pose of an instance in a 3D scene.
set_scene_3d_label_paramSetScene3dLabelParamset_scene_3d_label_paramSetScene3dLabelParamset_scene_3d_label_param
Set parameters of a text label in a 3D scene.
set_scene_3d_light_paramSetScene3dLightParamset_scene_3d_light_paramSetScene3dLightParamset_scene_3d_light_param
Set parameters of a light in a 3D scene.
set_scene_3d_paramSetScene3dParamset_scene_3d_paramSetScene3dParamset_scene_3d_param
Set parameters of a 3D scene.
set_scene_3d_to_world_poseSetScene3dToWorldPoseset_scene_3d_to_world_poseSetScene3dToWorldPoseset_scene_3d_to_world_pose
Set the pose of a 3D scene.
set_serial_paramSetSerialParamset_serial_paramSetSerialParamset_serial_param
Set the parameters of a serial device.
set_shapeSetShapeset_shapeSetShapeset_shape
Define the region output shape.
set_shape_model_clutterSetShapeModelClutterset_shape_model_clutterSetShapeModelClutterset_shape_model_clutter
Set the clutter parameters of a shape model.
set_shape_model_metricSetShapeModelMetricset_shape_model_metricSetShapeModelMetricset_shape_model_metric
Set the metric of a shape model that was created from XLD contours.
set_shape_model_originSetShapeModelOriginset_shape_model_originSetShapeModelOriginset_shape_model_origin
Set the origin (reference point) of a shape model.
set_shape_model_paramSetShapeModelParamset_shape_model_paramSetShapeModelParamset_shape_model_param
Set selected parameters of the shape model.
set_sheet_of_light_paramSetSheetOfLightParamset_sheet_of_light_paramSetSheetOfLightParamset_sheet_of_light_param
Set selected parameters of the sheet-of-light model.
set_socket_paramSetSocketParamset_socket_paramSetSocketParamset_socket_param
Set a socket parameter.
set_spySetSpyset_spySetSpyset_spy
Control of the HALCON Debugging Tools.
set_stereo_model_image_pairsSetStereoModelImagePairsset_stereo_model_image_pairsSetStereoModelImagePairsset_stereo_model_image_pairs
Specify image pairs to be used for surface stereo reconstruction.
set_stereo_model_paramSetStereoModelParamset_stereo_model_paramSetStereoModelParamset_stereo_model_param
Set stereo model parameters.
set_structured_light_model_paramSetStructuredLightModelParamset_structured_light_model_paramSetStructuredLightModelParamset_structured_light_model_param
Set parameters of a structured light model.
set_sub_matrixSetSubMatrixset_sub_matrixSetSubMatrixset_sub_matrix
Set a sub-matrix of a matrix.
set_surface_model_paramSetSurfaceModelParamset_surface_model_paramSetSurfaceModelParamset_surface_model_param
Set parameters and properties of a surface model.
set_systemSetSystemset_systemSetSystemset_system
Set HALCON system parameters.
set_text_model_paramSetTextModelParamset_text_model_paramSetTextModelParamset_text_model_param
Set parameters of a text model.
set_texture_inspection_model_paramSetTextureInspectionModelParamset_texture_inspection_model_paramSetTextureInspectionModelParamset_texture_inspection_model_param
Set parameters of a texture inspection model.
set_tpositionSetTpositionset_tpositionSetTpositionset_tposition
Set the position of the text cursor.
set_tshapeSetTshapeset_tshapeSetTshapeset_tshape
Set the shape of the text cursor.
set_value_matrixSetValueMatrixset_value_matrixSetValueMatrixset_value_matrix
Set one or more elements of a matrix.
set_window_attrSetWindowAttrset_window_attrSetWindowAttrset_window_attr
Set window characteristics.
set_window_dcSetWindowDcset_window_dcSetWindowDcset_window_dc
Set the device context of a virtual graphics window (Windows NT).
set_window_extentsSetWindowExtentsset_window_extentsSetWindowExtentsset_window_extents
Modify position and size of a window.
set_window_paramSetWindowParamset_window_paramSetWindowParamset_window_param
Set window parameters.
set_window_typeSetWindowTypeset_window_typeSetWindowTypeset_window_type
Specify a window type.
sfs_mod_lrSfsModLrsfs_mod_lrSfsModLrsfs_mod_lr
Reconstruct a surface from a gray value image.
sfs_orig_lrSfsOrigLrsfs_orig_lrSfsOrigLrsfs_orig_lr
Reconstruct a surface from a gray value image.
sfs_pentlandSfsPentlandsfs_pentlandSfsPentlandsfs_pentland
Reconstruct a surface from a gray value image.
shade_height_fieldShadeHeightFieldshade_height_fieldShadeHeightFieldshade_height_field
Shade a height field.
shape_histo_allShapeHistoAllshape_histo_allShapeHistoAllshape_histo_all
Determine a histogram of features along all threshold values.
shape_histo_pointShapeHistoPointshape_histo_pointShapeHistoPointshape_histo_point
Determine a histogram of features along all threshold values.
shape_transShapeTransshape_transShapeTransshape_trans
Transform the shape of a region.
shape_trans_xldShapeTransXldshape_trans_xldShapeTransXldshape_trans_xld
Transform the shape of contours or polygons.
shock_filterShockFiltershock_filterShockFiltershock_filter
Apply a shock filter to an image.
sigma_imageSigmaImagesigma_imageSigmaImagesigma_image
Non-linear smoothing with the sigma filter.
signal_conditionSignalConditionsignal_conditionSignalConditionsignal_condition
Signal a condition synchronization object.
signal_eventSignalEventsignal_eventSignalEventsignal_event
Unlock an event synchronization object.
sim_caltabSimCaltabsim_caltabSimCaltabsim_caltab
Simulate an image with calibration plate.
simplify_object_model_3dSimplifyObjectModel3dsimplify_object_model_3dSimplifyObjectModel3dsimplify_object_model_3d
Simplify a triangulated 3D object model.
simulate_defocusSimulateDefocussimulate_defocusSimulateDefocussimulate_defocus
Simulate an uniform out-of-focus blurring of an image.
simulate_motionSimulateMotionsimulate_motionSimulateMotionsimulate_motion
Simulation of (linearly) motion blur.
sin_imageSinImagesin_imageSinImagesin_image
Calculate the sine of an image.
skeletonSkeletonskeletonSkeletonskeleton
Compute the skeleton of a region.
slide_imageSlideImageslide_imageSlideImageslide_image
Interactive output from two window buffers.
smallest_bounding_box_object_model_3dSmallestBoundingBoxObjectModel3dsmallest_bounding_box_object_model_3dSmallestBoundingBoxObjectModel3dsmallest_bounding_box_object_model_3d
Calculate the smallest bounding box around the points of a 3D object model.
smallest_circleSmallestCirclesmallest_circleSmallestCirclesmallest_circle
Smallest surrounding circle of a region.
smallest_circle_xldSmallestCircleXldsmallest_circle_xldSmallestCircleXldsmallest_circle_xld
Smallest enclosing circle of contours or polygons.
smallest_rectangle1SmallestRectangle1smallest_rectangle1SmallestRectangle1smallest_rectangle1
Surrounding rectangle parallel to the coordinate axes.
smallest_rectangle1_xldSmallestRectangle1Xldsmallest_rectangle1_xldSmallestRectangle1Xldsmallest_rectangle1_xld
Enclosing rectangle parallel to the coordinate axes of contours or polygons.
smallest_rectangle2SmallestRectangle2smallest_rectangle2SmallestRectangle2smallest_rectangle2
Smallest surrounding rectangle with any orientation.
smallest_rectangle2_xldSmallestRectangle2Xldsmallest_rectangle2_xldSmallestRectangle2Xldsmallest_rectangle2_xld
Smallest enclosing rectangle with arbitrary orientation of contours or polygons.
smallest_sphere_object_model_3dSmallestSphereObjectModel3dsmallest_sphere_object_model_3dSmallestSphereObjectModel3dsmallest_sphere_object_model_3d
Calculate the smallest sphere around the points of a 3D object model.
smooth_contours_xldSmoothContoursXldsmooth_contours_xldSmoothContoursXldsmooth_contours_xld
Smooth an XLD contour.
smooth_funct_1d_gaussSmoothFunct1dGausssmooth_funct_1d_gaussSmoothFunct1dGausssmooth_funct_1d_gauss
Smooth an equidistant 1D function with a Gaussian function.
smooth_funct_1d_meanSmoothFunct1dMeansmooth_funct_1d_meanSmoothFunct1dMeansmooth_funct_1d_mean
Smooth an equidistant 1D function by averaging its values.
smooth_imageSmoothImagesmooth_imageSmoothImagesmooth_image
Smooth an image using various filters.
smooth_object_model_3dSmoothObjectModel3dsmooth_object_model_3dSmoothObjectModel3dsmooth_object_model_3d
Smooth the 3D points of a 3D object model.
sobel_ampSobelAmpsobel_ampSobelAmpsobel_amp
Detect edges (amplitude) using the Sobel operator.
sobel_dirSobelDirsobel_dirSobelDirsobel_dir
Detect edges (amplitude and direction) using the Sobel operator.
socket_accept_connectSocketAcceptConnectsocket_accept_connectSocketAcceptConnectsocket_accept_connect
Accept a connection request on a listening socket of the protocol type 'HALCON'"HALCON""HALCON""HALCON""HALCON""HALCON" or 'TCP'"TCP""TCP""TCP""TCP""TCP"/'TCP4'"TCP4""TCP4""TCP4""TCP4""TCP4"/'TCP6'"TCP6""TCP6""TCP6""TCP6""TCP6".
solve_matrixSolveMatrixsolve_matrixSolveMatrixsolve_matrix
Compute the solution of a system of equations.
sort_contours_xldSortContoursXldsort_contours_xldSortContoursXldsort_contours_xld
Sort contours with respect to their relative position.
sort_regionSortRegionsort_regionSortRegionsort_region
Sorting of regions with respect to their relative position.
sp_distributionSpDistributionsp_distributionSpDistributionsp_distribution
Generate a salt-and-pepper noise distribution.
spatial_relationSpatialRelationspatial_relationSpatialRelationspatial_relation
Pose relation of regions with regard to the coordinate axes.
split_contours_xldSplitContoursXldsplit_contours_xldSplitContoursXldsplit_contours_xld
Split XLD contours at dominant points.
split_skeleton_linesSplitSkeletonLinessplit_skeleton_linesSplitSkeletonLinessplit_skeleton_lines
Split lines represented by one pixel wide, non-branching lines.
split_skeleton_regionSplitSkeletonRegionsplit_skeleton_regionSplitSkeletonRegionsplit_skeleton_region
Split lines represented by one pixel wide, non-branching regions.
sqrt_imageSqrtImagesqrt_imageSqrtImagesqrt_image
Calculate the square root of an image.
sqrt_matrixSqrtMatrixsqrt_matrixSqrtMatrixsqrt_matrix
Compute the square root values of the elements of a matrix.
sqrt_matrix_modSqrtMatrixModsqrt_matrix_modSqrtMatrixModsqrt_matrix_mod
Compute the square root values of the elements of a matrix.
stationary_camera_self_calibrationStationaryCameraSelfCalibrationstationary_camera_self_calibrationStationaryCameraSelfCalibrationstationary_camera_self_calibration
Perform a self-calibration of a stationary projective camera.
stop
Stop program execution.
sub_imageSubImagesub_imageSubImagesub_image
Subtract two images.
sub_matrixSubMatrixsub_matrixSubMatrixsub_matrix
Subtract two matrices.
sub_matrix_modSubMatrixModsub_matrix_modSubMatrixModsub_matrix_mod
Subtract two matrices.
suggest_lexiconSuggestLexiconsuggest_lexiconSuggestLexiconsuggest_lexicon
Find a similar word in a lexicon.
sum_matrixSumMatrixsum_matrixSumMatrixsum_matrix
Returns the elementwise sum of a matrix.
surface_normals_object_model_3dSurfaceNormalsObjectModel3dsurface_normals_object_model_3dSurfaceNormalsObjectModel3dsurface_normals_object_model_3d
Calculate the 3D surface normals of a 3D object model.
svd_matrixSvdMatrixsvd_matrixSvdMatrixsvd_matrix
Compute the singular value decomposition of a matrix.
switch
Starts a multiway branch block.
symm_differenceSymmDifferencesymm_differenceSymmDifferencesymm_difference
Calculate the symmetric difference of two regions.
symm_difference_closed_contours_xldSymmDifferenceClosedContoursXldsymm_difference_closed_contours_xldSymmDifferenceClosedContoursXldsymm_difference_closed_contours_xld
Compute the symmetric difference of closed contours.
symm_difference_closed_polygons_xldSymmDifferenceClosedPolygonsXldsymm_difference_closed_polygons_xldSymmDifferenceClosedPolygonsXldsymm_difference_closed_polygons_xld
Compute the symmetric difference of closed polygons.
symmetrySymmetrysymmetrySymmetrysymmetry
Symmetry of gray values along a row.
system_callSystemCallsystem_callSystemCallsystem_call
Execute a system command.

T

tan_imageTanImagetan_imageTanImagetan_image
Calculate the tangent of an image.
test_closed_xldTestClosedXldtest_closed_xldTestClosedXldtest_closed_xld
Test whether contours or polygons are closed.
test_equal_objTestEqualObjtest_equal_objTestEqualObjtest_equal_obj
Compare image objects regarding equality.
test_equal_regionTestEqualRegiontest_equal_regionTestEqualRegiontest_equal_region
Test whether the regions of two objects are identical.
test_region_pointTestRegionPointtest_region_pointTestRegionPointtest_region_point
Test if the region contains a given point.
test_sampset_boxTestSampsetBoxtest_sampset_boxTestSampsetBoxtest_sampset_box
Classify a set of arrays.
test_self_intersection_xldTestSelfIntersectionXldtest_self_intersection_xldTestSelfIntersectionXldtest_self_intersection_xld
Test XLD contours or polygons for self intersection.
test_subset_regionTestSubsetRegiontest_subset_regionTestSubsetRegiontest_subset_region
Test whether a region is contained in another region.
test_xld_pointTestXldPointtest_xld_pointTestXldPointtest_xld_point
Test whether one or more contours or polygons enclose the given point(s).
testd_ocr_class_boxTestdOcrClassBoxtestd_ocr_class_boxTestdOcrClassBoxtestd_ocr_class_box
Test an OCR classifier.
text_line_orientationTextLineOrientationtext_line_orientationTextLineOrientationtext_line_orientation
Determines the orientation of a text line or paragraph.
text_line_slantTextLineSlanttext_line_slantTextLineSlanttext_line_slant
Determines the slant of characters of a text line or paragraph.
texture_lawsTextureLawstexture_lawsTextureLawstexture_laws
Filter an image using a Laws texture filter.
thickeningThickeningthickeningThickeningthickening
Add the result of a hit-or-miss operation to a region.
thickening_golayThickeningGolaythickening_golayThickeningGolaythickening_golay
Add the result of a hit-or-miss operation to a region (using a Golay structuring element).
thickening_seqThickeningSeqthickening_seqThickeningSeqthickening_seq
Add the result of a hit-or-miss operation to a region (sequential).
thinningThinningthinningThinningthinning
Remove the result of a hit-or-miss operation from a region.
thinning_golayThinningGolaythinning_golayThinningGolaythinning_golay
Remove the result of a hit-or-miss operation from a region (using a Golay structuring element).
thinning_seqThinningSeqthinning_seqThinningSeqthinning_seq
Remove the result of a hit-or-miss operation from a region (sequential).
thresholdThresholdthresholdThresholdthreshold
Segment an image using global threshold.
threshold_sub_pixThresholdSubPixthreshold_sub_pixThresholdSubPixthreshold_sub_pix
Extract level crossings from an image with subpixel accuracy.
throw
Throws a user-defined exception or rethrows a caught exception.
tile_channelsTileChannelstile_channelsTileChannelstile_channels
Tile multiple images into a large image.
tile_imagesTileImagestile_imagesTileImagestile_images
Tile multiple image objects into a large image.
tile_images_offsetTileImagesOffsettile_images_offsetTileImagesOffsettile_images_offset
Tile multiple image objects into a large image with explicit positioning information.
timed_wait_conditionTimedWaitConditiontimed_wait_conditionTimedWaitConditiontimed_wait_condition
Bounded wait on the signal of a condition synchronization object.
top_hatTopHattop_hatTopHattop_hat
Compute the top hat of regions.
topographic_sketchTopographicSketchtopographic_sketchTopographicSketchtopographic_sketch
Compute the topographic primal sketch of an image.
train_class_gmmTrainClassGmmtrain_class_gmmTrainClassGmmtrain_class_gmm
Train a Gaussian Mixture Model.
train_class_knnTrainClassKnntrain_class_knnTrainClassKnntrain_class_knn
Creates the search trees for a k-NN classifier.
train_class_mlpTrainClassMlptrain_class_mlpTrainClassMlptrain_class_mlp
Train a multilayer perceptron.
train_class_svmTrainClassSvmtrain_class_svmTrainClassSvmtrain_class_svm
Train a support vector machine.
train_dl_classifier_batchTrainDlClassifierBatchtrain_dl_classifier_batchTrainDlClassifierBatchtrain_dl_classifier_batch
Perform a training step of a deep-learning-based classifier on a batch of images.
train_dl_model_anomaly_datasetTrainDlModelAnomalyDatasettrain_dl_model_anomaly_datasetTrainDlModelAnomalyDatasettrain_dl_model_anomaly_dataset
Train a deep learning model for anomaly detection.
train_dl_model_batchTrainDlModelBatchtrain_dl_model_batchTrainDlModelBatchtrain_dl_model_batch
Train a deep learning model.
train_model_componentsTrainModelComponentstrain_model_componentsTrainModelComponentstrain_model_components
Train components and relations for the component-based matching.
train_sample_identifierTrainSampleIdentifiertrain_sample_identifierTrainSampleIdentifiertrain_sample_identifier
Train a sample identifier.
train_texture_inspection_modelTrainTextureInspectionModeltrain_texture_inspection_modelTrainTextureInspectionModeltrain_texture_inspection_model
Train a texture inspection model.
train_variation_modelTrainVariationModeltrain_variation_modelTrainVariationModeltrain_variation_model
Train a variation model.
traind_ocr_class_boxTraindOcrClassBoxtraind_ocr_class_boxTraindOcrClassBoxtraind_ocr_class_box
Train an OCR classifier by the input of regions.
traind_ocv_projTraindOcvProjtraind_ocv_projTraindOcvProjtraind_ocv_proj
Training of an OCV tool.
trainf_ocr_class_boxTrainfOcrClassBoxtrainf_ocr_class_boxTrainfOcrClassBoxtrainf_ocr_class_box
Train an OCR classifier with the help of a training file.
trainf_ocr_class_knnTrainfOcrClassKnntrainf_ocr_class_knnTrainfOcrClassKnntrainf_ocr_class_knn
Trains an k-NN classifier for an OCR task.
trainf_ocr_class_mlpTrainfOcrClassMlptrainf_ocr_class_mlpTrainfOcrClassMlptrainf_ocr_class_mlp
Train an OCR classifier.
trainf_ocr_class_mlp_protectedTrainfOcrClassMlpProtectedtrainf_ocr_class_mlp_protectedTrainfOcrClassMlpProtectedtrainf_ocr_class_mlp_protected
Train an OCR classifier with data from a (protected) training file.
trainf_ocr_class_svmTrainfOcrClassSvmtrainf_ocr_class_svmTrainfOcrClassSvmtrainf_ocr_class_svm
Train an OCR classifier.
trainf_ocr_class_svm_protectedTrainfOcrClassSvmProtectedtrainf_ocr_class_svm_protectedTrainfOcrClassSvmProtectedtrainf_ocr_class_svm_protected
Train an OCR classifier with data from a (protected) training file.
trans_from_rgbTransFromRgbtrans_from_rgbTransFromRgbtrans_from_rgb
Transform an image from the RGB color space to an arbitrary color space.
trans_pose_shape_model_3dTransPoseShapeModel3dtrans_pose_shape_model_3dTransPoseShapeModel3dtrans_pose_shape_model_3d
Transform a pose that refers to the coordinate system of a 3D object model to a pose that refers to the reference coordinate system of a 3D shape model and vice versa.
trans_to_rgbTransToRgbtrans_to_rgbTransToRgbtrans_to_rgb
Transform an image from an arbitrary color space to the RGB color space.
transform_funct_1dTransformFunct1dtransform_funct_1dTransformFunct1dtransform_funct_1d
Transform a function using given transformation parameters.
transform_metrology_objectTransformMetrologyObjecttransform_metrology_objectTransformMetrologyObjecttransform_metrology_object
Transform metrology objects of a metrology model, e.g., for alignment.
translate_measureTranslateMeasuretranslate_measureTranslateMeasuretranslate_measure
Translate a measure object.
transpose_matrixTransposeMatrixtranspose_matrixTransposeMatrixtranspose_matrix
Transpose a matrix.
transpose_matrix_modTransposeMatrixModtranspose_matrix_modTransposeMatrixModtranspose_matrix_mod
Transpose a matrix.
transpose_regionTransposeRegiontranspose_regionTransposeRegiontranspose_region
Reflect a region about a point.
triangulate_object_model_3dTriangulateObjectModel3dtriangulate_object_model_3dTriangulateObjectModel3dtriangulate_object_model_3d
Create a surface triangulation for a 3D object model.
trimmed_meanTrimmedMeantrimmed_meanTrimmedMeantrimmed_mean
Smooth an image with an arbitrary rank mask.
try
Starts a program block where exceptions are detected and caught.
try_lock_mutexTryLockMutextry_lock_mutexTryLockMutextry_lock_mutex
Lock a mutex synchronization object.
try_wait_eventTryWaitEventtry_wait_eventTryWaitEventtry_wait_event
Lock an event synchronization object only if it is unlocked.
tuple_absTupleAbstuple_absTupleAbstuple_abs
Compute the absolute value of a tuple.
tuple_acosTupleAcostuple_acosTupleAcostuple_acos
Compute the arccosine of a tuple.
tuple_acoshTupleAcoshtuple_acoshTupleAcoshtuple_acosh
Compute the inverse hyperbolic cosine of a tuple.
tuple_addTupleAddtuple_addTupleAddtuple_add
Add two tuples.
tuple_andTupleAndtuple_andTupleAndtuple_and
Compute the logical and of two tuples.
tuple_asinTupleAsintuple_asinTupleAsintuple_asin
Compute the arcsine of a tuple.
tuple_asinhTupleAsinhtuple_asinhTupleAsinhtuple_asinh
Compute the inverse hyperbolic sine of a tuple.
tuple_atanTupleAtantuple_atanTupleAtantuple_atan
Compute the arctangent of a tuple.
tuple_atan2TupleAtan2tuple_atan2TupleAtan2tuple_atan2
Compute the arctangent of a tuple for all four quadrants.
tuple_atanhTupleAtanhtuple_atanhTupleAtanhtuple_atanh
Compute the inverse hyperbolic tangent of a tuple.
tuple_bandTupleBandtuple_bandTupleBandtuple_band
Compute the bitwise and of two tuples.
tuple_bnotTupleBnottuple_bnotTupleBnottuple_bnot
Compute the bitwise not of a tuple.
tuple_borTupleBortuple_borTupleBortuple_bor
Compute the bitwise or of two tuples.
tuple_bxorTupleBxortuple_bxorTupleBxortuple_bxor
Compute the bitwise exclusive or of two tuples.
tuple_cbrtTupleCbrttuple_cbrtTupleCbrttuple_cbrt
Compute the cube root of a tuple.
tuple_ceilTupleCeiltuple_ceilTupleCeiltuple_ceil
Compute the ceiling function of a tuple.
tuple_chrTupleChrtuple_chrTupleChrtuple_chr
Convert a tuple of integer numbers into strings.
tuple_chrtTupleChrttuple_chrtTupleChrttuple_chrt
Convert a tuple of integer numbers into strings.
tuple_concatTupleConcattuple_concatTupleConcattuple_concat
Concatenate two tuples to a new one.
tuple_cosTupleCostuple_cosTupleCostuple_cos
Compute the cosine of a tuple.
tuple_coshTupleCoshtuple_coshTupleCoshtuple_cosh
Compute the hyperbolic cosine of a tuple.
tuple_cumulTupleCumultuple_cumulTupleCumultuple_cumul
Calculate the cumulative sums of a tuple.
tuple_degTupleDegtuple_degTupleDegtuple_deg
Convert a tuple from radians to degrees.
tuple_deviationTupleDeviationtuple_deviationTupleDeviationtuple_deviation
Return the standard deviation of the elements of a tuple.
tuple_differenceTupleDifferencetuple_differenceTupleDifferencetuple_difference
Compute the difference set of two input tuples.
tuple_divTupleDivtuple_divTupleDivtuple_div
Divide two tuples.
tuple_environmentTupleEnvironmenttuple_environmentTupleEnvironmenttuple_environment
Read one or more environment variables.
tuple_equalTupleEqualtuple_equalTupleEqualtuple_equal
Test whether two tuples are equal.
tuple_equal_elemTupleEqualElemtuple_equal_elemTupleEqualElemtuple_equal_elem
Test, whether two tuples are elementwise equal.
tuple_erfTupleErftuple_erfTupleErftuple_erf
Compute the error function of a tuple.
tuple_erfcTupleErfctuple_erfcTupleErfctuple_erfc
Compute the complementary error function of a tuple.
tuple_expTupleExptuple_expTupleExptuple_exp
Compute the exponential of a tuple.
tuple_exp10TupleExp10tuple_exp10TupleExp10tuple_exp10
Compute the base 10 exponential of a tuple.
tuple_exp2TupleExp2tuple_exp2TupleExp2tuple_exp2
Compute the base 2 exponential of a tuple.
tuple_fabsTupleFabstuple_fabsTupleFabstuple_fabs
Compute the absolute value of a tuple (as floating point numbers).
tuple_findTupleFindtuple_findTupleFindtuple_find
Return the indices of all occurrences of a tuple within another tuple.
tuple_find_firstTupleFindFirsttuple_find_firstTupleFindFirsttuple_find_first
Return the index of the first occurrence of a tuple within another tuple.
tuple_find_lastTupleFindLasttuple_find_lastTupleFindLasttuple_find_last
Return the index of the last occurrence of a tuple within another tuple.
tuple_first_nTupleFirstNtuple_first_nTupleFirstNtuple_first_n
Select the first elements of a tuple up to the index “n”.
tuple_floorTupleFloortuple_floorTupleFloortuple_floor
Compute the floor function of a tuple.
tuple_fmodTupleFmodtuple_fmodTupleFmodtuple_fmod
Calculate the remainder of the floating point division of two tuples.
tuple_gen_constTupleGenConsttuple_gen_constTupleGenConsttuple_gen_const
Generate a tuple of a specific length and initialize its elements.
tuple_gen_sequenceTupleGenSequencetuple_gen_sequenceTupleGenSequencetuple_gen_sequence
Generate a tuple with a sequence of equidistant values.
tuple_greaterTupleGreatertuple_greaterTupleGreatertuple_greater
Test whether a tuple is greater than another tuple.
tuple_greater_elemTupleGreaterElemtuple_greater_elemTupleGreaterElemtuple_greater_elem
Test, whether a tuple is elementwise greater than another tuple.
tuple_greater_equalTupleGreaterEqualtuple_greater_equalTupleGreaterEqualtuple_greater_equal
Test whether a tuple is greater or equal to another tuple.
tuple_greater_equal_elemTupleGreaterEqualElemtuple_greater_equal_elemTupleGreaterEqualElemtuple_greater_equal_elem
Test, whether a tuple is elementwise greater or equal to another tuple.
tuple_histo_rangeTupleHistoRangetuple_histo_rangeTupleHistoRangetuple_histo_range
Calculate the value distribution of a tuple within a certain value range.
tuple_hypotTupleHypottuple_hypotTupleHypottuple_hypot
Calculate the hypotenuse of two tuples.
tuple_insertTupleInserttuple_insertTupleInserttuple_insert
Inserts one or more elements into a tuple at index.
tuple_intTupleInttuple_intTupleInttuple_int
Convert a tuple into a tuple of integer numbers.
tuple_intersectionTupleIntersectiontuple_intersectionTupleIntersectiontuple_intersection
Compute the intersection set of two input tuples.
tuple_inverseTupleInversetuple_inverseTupleInversetuple_inverse
Invert a tuple.
tuple_is_handleTupleIsHandletuple_is_handleTupleIsHandletuple_is_handle
Test if the internal representation of a tuple is of type handle.
tuple_is_handle_elemTupleIsHandleElemtuple_is_handle_elemTupleIsHandleElemtuple_is_handle_elem
Test whether the elements of a tuple are of type handle.
tuple_is_intTupleIsInttuple_is_intTupleIsInttuple_is_int
Test if the internal representation of a tuple is of type integer.
tuple_is_int_elemTupleIsIntElemtuple_is_int_elemTupleIsIntElemtuple_is_int_elem
Test whether the types of the elements of a tuple are of type integer.
tuple_is_mixedTupleIsMixedtuple_is_mixedTupleIsMixedtuple_is_mixed
Test whether a tuple is of type mixed.
tuple_is_numberTupleIsNumbertuple_is_numberTupleIsNumbertuple_is_number
Check a tuple (of strings) whether it represents numbers.
tuple_is_realTupleIsRealtuple_is_realTupleIsRealtuple_is_real
Test if the internal representation of a tuple is of type real.
tuple_is_real_elemTupleIsRealElemtuple_is_real_elemTupleIsRealElemtuple_is_real_elem
Test whether the types of the elements of a tuple are of type real.
tuple_is_serializableTupleIsSerializabletuple_is_serializableTupleIsSerializabletuple_is_serializable
Test if a tuple is serializable.
tuple_is_serializable_elemTupleIsSerializableElemtuple_is_serializable_elemTupleIsSerializableElemtuple_is_serializable_elem
Test if the elements of a tuple are serializable.
tuple_is_stringTupleIsStringtuple_is_stringTupleIsStringtuple_is_string
Test if the internal representation of a tuple is of type string.
tuple_is_string_elemTupleIsStringElemtuple_is_string_elemTupleIsStringElemtuple_is_string_elem
Test whether the types of the elements of a tuple are of type string.
tuple_is_valid_handleTupleIsValidHandletuple_is_valid_handleTupleIsValidHandletuple_is_valid_handle
Check if a handle is valid.
tuple_last_nTupleLastNtuple_last_nTupleLastNtuple_last_n
Select all elements from index “n” to the end of a tuple.
tuple_ldexpTupleLdexptuple_ldexpTupleLdexptuple_ldexp
Calculate the ldexp function of two tuples.
tuple_lengthTupleLengthtuple_lengthTupleLengthtuple_length
Return the number of elements of a tuple.
tuple_lessTupleLesstuple_lessTupleLesstuple_less
Test whether a tuple is less than another tuple.
tuple_less_elemTupleLessElemtuple_less_elemTupleLessElemtuple_less_elem
Test, whether a tuple is elementwise less than another tuple.
tuple_less_equalTupleLessEqualtuple_less_equalTupleLessEqualtuple_less_equal
Test whether a tuple is less or equal to another tuple.
tuple_less_equal_elemTupleLessEqualElemtuple_less_equal_elemTupleLessEqualElemtuple_less_equal_elem
Test, whether a tuple is elementwise less or equal to another tuple.
tuple_lgammaTupleLgammatuple_lgammaTupleLgammatuple_lgamma
Compute the logarithm of the absolute value of the gamma function of a tuple.
tuple_logTupleLogtuple_logTupleLogtuple_log
Compute the natural logarithm of a tuple.
tuple_log10TupleLog10tuple_log10TupleLog10tuple_log10
Compute the base 10 logarithm of a tuple.
tuple_log2TupleLog2tuple_log2TupleLog2tuple_log2
Compute the base 2 logarithm of a tuple.
tuple_lshTupleLshtuple_lshTupleLshtuple_lsh
Shift a tuple bitwise to the left.
tuple_maxTupleMaxtuple_maxTupleMaxtuple_max
Return the maximal element of a tuple.
tuple_max2TupleMax2tuple_max2TupleMax2tuple_max2
Calculate the elementwise maximum of two tuples.
tuple_meanTupleMeantuple_meanTupleMeantuple_mean
Return the mean value of a tuple of numbers.
tuple_medianTupleMediantuple_medianTupleMediantuple_median
Return the median of the elements of a tuple.
tuple_minTupleMintuple_minTupleMintuple_min
Return the minimal element of a tuple.
tuple_min2TupleMin2tuple_min2TupleMin2tuple_min2
Calculate the elementwise minimum of two tuples.
tuple_modTupleModtuple_modTupleModtuple_mod
Calculate the remainder of the integer division of two tuples.
tuple_multTupleMulttuple_multTupleMulttuple_mult
Multiply two tuples.
tuple_negTupleNegtuple_negTupleNegtuple_neg
Negate a tuple.
tuple_notTupleNottuple_notTupleNottuple_not
Compute the logical not of a tuple.
tuple_not_equalTupleNotEqualtuple_not_equalTupleNotEqualtuple_not_equal
Test whether two tuples are not equal.
tuple_not_equal_elemTupleNotEqualElemtuple_not_equal_elemTupleNotEqualElemtuple_not_equal_elem
Test, whether two tuples are elementwise not equal.
tuple_numberTupleNumbertuple_numberTupleNumbertuple_number
Convert a tuple (of strings) into a tuple of numbers.
tuple_orTupleOrtuple_orTupleOrtuple_or
Compute the logical or of two tuples.
tuple_ordTupleOrdtuple_ordTupleOrdtuple_ord
Convert a tuple of strings of length 1 into a tuple of integer numbers.
tuple_ordsTupleOrdstuple_ordsTupleOrdstuple_ords
Convert a tuple of strings into a tuple of integer numbers.
tuple_powTuplePowtuple_powTuplePowtuple_pow
Calculate the power function of two tuples.
tuple_radTupleRadtuple_radTupleRadtuple_rad
Convert a tuple from degrees to radians.
tuple_randTupleRandtuple_randTupleRandtuple_rand
Return a tuple of random numbers between 0 and 1.
tuple_realTupleRealtuple_realTupleRealtuple_real
Convert a tuple into a tuple of floating point numbers.
tuple_regexp_matchTupleRegexpMatchtuple_regexp_matchTupleRegexpMatchtuple_regexp_match
Extract substrings using regular expressions.
tuple_regexp_replaceTupleRegexpReplacetuple_regexp_replaceTupleRegexpReplacetuple_regexp_replace
Replace a substring using regular expressions.
tuple_regexp_selectTupleRegexpSelecttuple_regexp_selectTupleRegexpSelecttuple_regexp_select
Select tuple elements matching a regular expression.
tuple_regexp_testTupleRegexpTesttuple_regexp_testTupleRegexpTesttuple_regexp_test
Test if a string matches a regular expression.
tuple_removeTupleRemovetuple_removeTupleRemovetuple_remove
Remove elements from a tuple.
tuple_replaceTupleReplacetuple_replaceTupleReplacetuple_replace
Replaces one or more elements of a tuple.
tuple_roundTupleRoundtuple_roundTupleRoundtuple_round
Convert a tuple into a tuple of integer numbers.
tuple_rshTupleRshtuple_rshTupleRshtuple_rsh
Shift a tuple bitwise to the right.
tuple_selectTupleSelecttuple_selectTupleSelecttuple_select
Select single elements of a tuple.
tuple_select_maskTupleSelectMasktuple_select_maskTupleSelectMasktuple_select_mask
Select in mask specified elements of a tuple.
tuple_select_rangeTupleSelectRangetuple_select_rangeTupleSelectRangetuple_select_range
Select several elements of a tuple.
tuple_select_rankTupleSelectRanktuple_select_rankTupleSelectRanktuple_select_rank
Select the element of rank n of a tuple.
tuple_sem_typeTupleSemTypetuple_sem_typeTupleSemTypetuple_sem_type
Return the semantic type of a tuple.
tuple_sem_type_elemTupleSemTypeElemtuple_sem_type_elemTupleSemTypeElemtuple_sem_type_elem
Return the semantic type of the elements of a tuple.
tuple_sgnTupleSgntuple_sgnTupleSgntuple_sgn
Calculate the sign of a tuple.
tuple_sinTupleSintuple_sinTupleSintuple_sin
Compute the sine of a tuple.
tuple_sinhTupleSinhtuple_sinhTupleSinhtuple_sinh
Compute the hyperbolic sine of a tuple.
tuple_sortTupleSorttuple_sortTupleSorttuple_sort
Sort the elements of a tuple in ascending order.
tuple_sort_indexTupleSortIndextuple_sort_indexTupleSortIndextuple_sort_index
Sort the elements of a tuple and return the indices of the sorted tuple.
tuple_splitTupleSplittuple_splitTupleSplittuple_split
Split strings into substrings using predefined separator symbol(s).
tuple_sqrtTupleSqrttuple_sqrtTupleSqrttuple_sqrt
Compute the square root of a tuple.
tuple_str_bit_selectTupleStrBitSelecttuple_str_bit_selectTupleStrBitSelecttuple_str_bit_select
Select single character or bit from a tuple.
tuple_str_first_nTupleStrFirstNtuple_str_first_nTupleStrFirstNtuple_str_first_n
Cut the first characters up to position “n” out of a string tuple.
tuple_str_last_nTupleStrLastNtuple_str_last_nTupleStrLastNtuple_str_last_n
Cut all characters starting at position “n” out of a string tuple.
tuple_strchrTupleStrchrtuple_strchrTupleStrchrtuple_strchr
Forward search for characters within a string tuple.
tuple_stringTupleStringtuple_stringTupleStringtuple_string
Convert a tuple into a tuple of strings.
tuple_strlenTupleStrlentuple_strlenTupleStrlentuple_strlen
Determine the length of every string within a tuple of strings.
tuple_strrchrTupleStrrchrtuple_strrchrTupleStrrchrtuple_strrchr
Backward search for characters within a string tuple.
tuple_strrstrTupleStrrstrtuple_strrstrTupleStrrstrtuple_strrstr
Backward search for strings within a string tuple.
tuple_strstrTupleStrstrtuple_strstrTupleStrstrtuple_strstr
Forward search for strings within a string tuple.
tuple_subTupleSubtuple_subTupleSubtuple_sub
Subtract two tuples.
tuple_substrTupleSubstrtuple_substrTupleSubstrtuple_substr
Cut characters from position “n1” through “n2” out of a string tuple.
tuple_sumTupleSumtuple_sumTupleSumtuple_sum
Return the sum of all elements of a tuple.
tuple_symmdiffTupleSymmdifftuple_symmdiffTupleSymmdifftuple_symmdiff
Compute the symmetric difference set of two input tuples.
tuple_tanTupleTantuple_tanTupleTantuple_tan
Compute the tangent of a tuple.
tuple_tanhTupleTanhtuple_tanhTupleTanhtuple_tanh
Compute the hyperbolic tangent of a tuple.
tuple_tgammaTupleTgammatuple_tgammaTupleTgammatuple_tgamma
Compute the gamma function of a tuple.
tuple_typeTupleTypetuple_typeTupleTypetuple_type
Return the type of a tuple.
tuple_type_elemTupleTypeElemtuple_type_elemTupleTypeElemtuple_type_elem
Return the types of the elements of a tuple.
tuple_unionTupleUniontuple_unionTupleUniontuple_union
Compute the union set of two input tuples.
tuple_uniqTupleUniqtuple_uniqTupleUniqtuple_uniq
Discard all but one of successive identical elements of a tuple.
tuple_xorTupleXortuple_xorTupleXortuple_xor
Compute the logical exclusive or of two tuples.

U

uncalibrated_photometric_stereoUncalibratedPhotometricStereouncalibrated_photometric_stereoUncalibratedPhotometricStereouncalibrated_photometric_stereo
Reconstruct a surface from several, differently illuminated images.
union1Union1union1Union1union1
Return the union of all input regions.
union2Union2union2Union2union2
Return the union of two regions.
union2_closed_contours_xldUnion2ClosedContoursXldunion2_closed_contours_xldUnion2ClosedContoursXldunion2_closed_contours_xld
Compute the union of closed contours.
union2_closed_polygons_xldUnion2ClosedPolygonsXldunion2_closed_polygons_xldUnion2ClosedPolygonsXldunion2_closed_polygons_xld
Compute the union of closed polygons.
union_adjacent_contours_xldUnionAdjacentContoursXldunion_adjacent_contours_xldUnionAdjacentContoursXldunion_adjacent_contours_xld
Compute the union of contours whose end points are close together.
union_cocircular_contours_xldUnionCocircularContoursXldunion_cocircular_contours_xldUnionCocircularContoursXldunion_cocircular_contours_xld
Compute the union of contours that belong to the same circle.
union_collinear_contours_ext_xldUnionCollinearContoursExtXldunion_collinear_contours_ext_xldUnionCollinearContoursExtXldunion_collinear_contours_ext_xld
Compute the union of collinear contours (operator with extended functionality).
union_collinear_contours_xldUnionCollinearContoursXldunion_collinear_contours_xldUnionCollinearContoursXldunion_collinear_contours_xld
Unite approximately collinear contours.
union_cotangential_contours_xldUnionCotangentialContoursXldunion_cotangential_contours_xldUnionCotangentialContoursXldunion_cotangential_contours_xld
Compute the union of cotangential contours.
union_object_model_3dUnionObjectModel3dunion_object_model_3dUnionObjectModel3dunion_object_model_3d
Combine several 3D object models to a new 3D object model.
union_straight_contours_histo_xldUnionStraightContoursHistoXldunion_straight_contours_histo_xldUnionStraightContoursHistoXldunion_straight_contours_histo_xld
Compute the union of neighboring straight contours that have a similar distance from a given line.
union_straight_contours_xldUnionStraightContoursXldunion_straight_contours_xldUnionStraightContoursXldunion_straight_contours_xld
Compute the union of neighboring straight contours that have a similar direction.
unlock_mutexUnlockMutexunlock_mutexUnlockMutexunlock_mutex
Unlock a mutex synchronization object.
unproject_coordinatesUnprojectCoordinatesunproject_coordinatesUnprojectCoordinatesunproject_coordinates
Calculates image coordinates for a point in a 3D plot window.
until
Continue to execute the body as long as the condition is not true.
unwarp_image_vector_fieldUnwarpImageVectorFieldunwarp_image_vector_fieldUnwarpImageVectorFieldunwarp_image_vector_field
Unwarp an image using a vector field.
update_bg_estiUpdateBgEstiupdate_bg_estiUpdateBgEstiupdate_bg_esti
Change the estimated background image.
update_kalmanUpdateKalmanupdate_kalmanUpdateKalmanupdate_kalman
Read an update file of a Kalman filter.
update_window_poseUpdateWindowPoseupdate_window_poseUpdateWindowPoseupdate_window_pose
Modify the pose of a 3D plot.

V

var_thresholdVarThresholdvar_thresholdVarThresholdvar_threshold
Threshold an image by local mean and standard deviation analysis.
vector_angle_to_rigidVectorAngleToRigidvector_angle_to_rigidVectorAngleToRigidvector_angle_to_rigid
Compute a rigid affine transformation from points and angles.
vector_field_lengthVectorFieldLengthvector_field_lengthVectorFieldLengthvector_field_length
Compute the length of the vectors of a vector field.
vector_field_to_hom_mat2dVectorFieldToHomMat2dvector_field_to_hom_mat2dVectorFieldToHomMat2dvector_field_to_hom_mat2d
Approximate an affine map from a displacement vector field.
vector_field_to_realVectorFieldToRealvector_field_to_realVectorFieldToRealvector_field_to_real
Convert a vector field image into two real-valued images.
vector_to_anisoVectorToAnisovector_to_anisoVectorToAnisovector_to_aniso
Approximate an anisotropic similarity transformation from point correspondences.
vector_to_essential_matrixVectorToEssentialMatrixvector_to_essential_matrixVectorToEssentialMatrixvector_to_essential_matrix
Compute the essential matrix given image point correspondences and known camera matrices and reconstruct 3D points.
vector_to_fundamental_matrixVectorToFundamentalMatrixvector_to_fundamental_matrixVectorToFundamentalMatrixvector_to_fundamental_matrix
Compute the fundamental matrix given a set of image point correspondences and reconstruct 3D points.
vector_to_fundamental_matrix_distortionVectorToFundamentalMatrixDistortionvector_to_fundamental_matrix_distortionVectorToFundamentalMatrixDistortionvector_to_fundamental_matrix_distortion
Compute the fundamental matrix and the radial distortion coefficient given a set of image point correspondences and reconstruct 3D points.
vector_to_hom_mat2dVectorToHomMat2dvector_to_hom_mat2dVectorToHomMat2dvector_to_hom_mat2d
Approximate an affine transformation from point correspondences.
vector_to_hom_mat3dVectorToHomMat3dvector_to_hom_mat3dVectorToHomMat3dvector_to_hom_mat3d
Approximate a 3D transformation from point correspondences.
vector_to_poseVectorToPosevector_to_poseVectorToPosevector_to_pose
Compute an absolute pose out of point correspondences between world and image coordinates.
vector_to_proj_hom_mat2dVectorToProjHomMat2dvector_to_proj_hom_mat2dVectorToProjHomMat2dvector_to_proj_hom_mat2d
Compute a projective transformation matrix using given point correspondences.
vector_to_proj_hom_mat2d_distortionVectorToProjHomMat2dDistortionvector_to_proj_hom_mat2d_distortionVectorToProjHomMat2dDistortionvector_to_proj_hom_mat2d_distortion
Compute a projective transformation matrix and the radial distortion coefficient using given image point correspondences.
vector_to_rel_poseVectorToRelPosevector_to_rel_poseVectorToRelPosevector_to_rel_pose
Compute the relative orientation between two cameras given image point correspondences and known camera parameters and reconstruct 3D space points.
vector_to_rigidVectorToRigidvector_to_rigidVectorToRigidvector_to_rigid
Approximate a rigid affine transformation from point correspondences.
vector_to_similarityVectorToSimilarityvector_to_similarityVectorToSimilarityvector_to_similarity
Approximate an similarity transformation from point correspondences.
volume_object_model_3d_relative_to_planeVolumeObjectModel3dRelativeToPlanevolume_object_model_3d_relative_to_planeVolumeObjectModel3dRelativeToPlanevolume_object_model_3d_relative_to_plane
Calculate the volume of a 3D object model.

W

wait_barrierWaitBarrierwait_barrierWaitBarrierwait_barrier
Wait on the release of a barrier synchronization object.
wait_conditionWaitConditionwait_conditionWaitConditionwait_condition
wait on the signal of a condition synchronization object.
wait_eventWaitEventwait_eventWaitEventwait_event
Lock an event synchronization object.
wait_secondsWaitSecondswait_secondsWaitSecondswait_seconds
Delaying the execution of the program.
watershedsWatershedswatershedsWatershedswatersheds
Extract watersheds and basins from an image.
watersheds_markerWatershedsMarkerwatersheds_markerWatershedsMarkerwatersheds_marker
Extract watersheds and combine basins based on markers.
watersheds_thresholdWatershedsThresholdwatersheds_thresholdWatershedsThresholdwatersheds_threshold
Extract watershed basins from an image using a threshold.
while
Starts a loop block that is executed as long as the condition is true.
wiener_filterWienerFilterwiener_filterWienerFilterwiener_filter
Image restoration by Wiener filtering.
wiener_filter_niWienerFilterNiwiener_filter_niWienerFilterNiwiener_filter_ni
Image restoration by Wiener filtering.
write_aop_knowledgeWriteAopKnowledgewrite_aop_knowledgeWriteAopKnowledgewrite_aop_knowledge
Write knowledge about hardware dependent behavior of automatic operator parallelization to file.
write_bar_code_modelWriteBarCodeModelwrite_bar_code_modelWriteBarCodeModelwrite_bar_code_model
Write a bar code model to a file.
write_calib_dataWriteCalibDatawrite_calib_dataWriteCalibDatawrite_calib_data
Store a calibration data model into a file.
write_cam_parWriteCamParwrite_cam_parWriteCamParwrite_cam_par
Write internal camera parameters into a file.
write_camera_setup_modelWriteCameraSetupModelwrite_camera_setup_modelWriteCameraSetupModelwrite_camera_setup_model
Store a camera setup model into a file.
write_class_boxWriteClassBoxwrite_class_boxWriteClassBoxwrite_class_box
Save a classifier in a file.
write_class_gmmWriteClassGmmwrite_class_gmmWriteClassGmmwrite_class_gmm
Write a Gaussian Mixture Model to a file.
write_class_knnWriteClassKnnwrite_class_knnWriteClassKnnwrite_class_knn
Save the k-NN classifier in a file.
write_class_mlpWriteClassMlpwrite_class_mlpWriteClassMlpwrite_class_mlp
Write a multilayer perceptron to a file.
write_class_svmWriteClassSvmwrite_class_svmWriteClassSvmwrite_class_svm
Write a support vector machine to a file.
write_class_train_dataWriteClassTrainDatawrite_class_train_dataWriteClassTrainDatawrite_class_train_data
Save the training data for classifiers in a file.
write_component_modelWriteComponentModelwrite_component_modelWriteComponentModelwrite_component_model
Write a component model to a file.
write_contour_xld_arc_infoWriteContourXldArcInfowrite_contour_xld_arc_infoWriteContourXldArcInfowrite_contour_xld_arc_info
Write XLD contours to a file in ARC/INFO generate format.
write_contour_xld_dxfWriteContourXldDxfwrite_contour_xld_dxfWriteContourXldDxfwrite_contour_xld_dxf
Write XLD contours to a file in DXF format.
write_data_code_2d_modelWriteDataCode2dModelwrite_data_code_2d_modelWriteDataCode2dModelwrite_data_code_2d_model
Writes a 2D data code model into a file.
write_deep_ocrWriteDeepOcrwrite_deep_ocrWriteDeepOcrwrite_deep_ocr
Write a Deep OCR model in a file.
write_deformable_modelWriteDeformableModelwrite_deformable_modelWriteDeformableModelwrite_deformable_model
Write a deformable model to a file.
write_deformable_surface_modelWriteDeformableSurfaceModelwrite_deformable_surface_modelWriteDeformableSurfaceModelwrite_deformable_surface_model
Write a deformable surface model to a file.
write_descriptor_modelWriteDescriptorModelwrite_descriptor_modelWriteDescriptorModelwrite_descriptor_model
Write a descriptor model to a file.
write_dictWriteDictwrite_dictWriteDictwrite_dict
Write a dictionary to a file.
write_distance_transform_xldWriteDistanceTransformXldwrite_distance_transform_xldWriteDistanceTransformXldwrite_distance_transform_xld
Write an XLD distance transform into a file.
write_dl_classifierWriteDlClassifierwrite_dl_classifierWriteDlClassifierwrite_dl_classifier
Write a deep-learning-based classifier in a file.
write_dl_modelWriteDlModelwrite_dl_modelWriteDlModelwrite_dl_model
Write a deep learning model in a file.
write_fft_optimization_dataWriteFftOptimizationDatawrite_fft_optimization_dataWriteFftOptimizationDatawrite_fft_optimization_data
Store FFT speed optimization data in a file.
write_funct_1dWriteFunct1dwrite_funct_1dWriteFunct1dwrite_funct_1d
Write a function to a file.
write_imageWriteImagewrite_imageWriteImagewrite_image
Write images in graphic formats.
write_image_metadataWriteImageMetadatawrite_image_metadataWriteImageMetadatawrite_image_metadata
Write metadata of image files.
write_io_channelWriteIoChannelwrite_io_channelWriteIoChannelwrite_io_channel
Write a value to the specified I/O channels.
write_lutWriteLutwrite_lutWriteLutwrite_lut
Write look-up-table (lut) as file.
write_matrixWriteMatrixwrite_matrixWriteMatrixwrite_matrix
Write a matrix to a file.
write_measureWriteMeasurewrite_measureWriteMeasurewrite_measure
Write a measure object to a file.
write_messageWriteMessagewrite_messageWriteMessagewrite_message
Write a message to a file.
write_metrology_modelWriteMetrologyModelwrite_metrology_modelWriteMetrologyModelwrite_metrology_model
Write a metrology model to a file.
write_ncc_modelWriteNccModelwrite_ncc_modelWriteNccModelwrite_ncc_model
Write an NCC model to a file.
write_objectWriteObjectwrite_objectWriteObjectwrite_object
Write an iconic object.
write_object_model_3dWriteObjectModel3dwrite_object_model_3dWriteObjectModel3dwrite_object_model_3d
Writes a 3D object model to a file.
write_ocrWriteOcrwrite_ocrWriteOcrwrite_ocr
Writing an OCR classifier into a file.
write_ocr_class_knnWriteOcrClassKnnwrite_ocr_class_knnWriteOcrClassKnnwrite_ocr_class_knn
Write a k-NN classifier for an OCR task to a file.
write_ocr_class_mlpWriteOcrClassMlpwrite_ocr_class_mlpWriteOcrClassMlpwrite_ocr_class_mlp
Write an OCR classifier to a file.
write_ocr_class_svmWriteOcrClassSvmwrite_ocr_class_svmWriteOcrClassSvmwrite_ocr_class_svm
Write an OCR classifier to a file.
write_ocr_trainfWriteOcrTrainfwrite_ocr_trainfWriteOcrTrainfwrite_ocr_trainf
Storing of training characters into a file.
write_ocr_trainf_imageWriteOcrTrainfImagewrite_ocr_trainf_imageWriteOcrTrainfImagewrite_ocr_trainf_image
Write characters into a training file.
write_ocvWriteOcvwrite_ocvWriteOcvwrite_ocv
Saving an OCV tool to file.
write_polygon_xld_arc_infoWritePolygonXldArcInfowrite_polygon_xld_arc_infoWritePolygonXldArcInfowrite_polygon_xld_arc_info
Write XLD polygons to a file in ARC/INFO generate format.
write_polygon_xld_dxfWritePolygonXldDxfwrite_polygon_xld_dxfWritePolygonXldDxfwrite_polygon_xld_dxf
Write XLD polygons to a file in DXF format.
write_poseWritePosewrite_poseWritePosewrite_pose
Write a 3D pose to a text file.
write_regionWriteRegionwrite_regionWriteRegionwrite_region
Write regions to a file.
write_sample_identifierWriteSampleIdentifierwrite_sample_identifierWriteSampleIdentifierwrite_sample_identifier
Write a sample identifier to a file.
write_samples_class_gmmWriteSamplesClassGmmwrite_samples_class_gmmWriteSamplesClassGmmwrite_samples_class_gmm
Write the training data of a Gaussian Mixture Model to a file.
write_samples_class_mlpWriteSamplesClassMlpwrite_samples_class_mlpWriteSamplesClassMlpwrite_samples_class_mlp
Write the training data of a multilayer perceptron to a file.
write_samples_class_svmWriteSamplesClassSvmwrite_samples_class_svmWriteSamplesClassSvmwrite_samples_class_svm
Write the training data of a support vector machine to a file.
write_serialWriteSerialwrite_serialWriteSerialwrite_serial
Write to a serial connection.
write_shape_modelWriteShapeModelwrite_shape_modelWriteShapeModelwrite_shape_model
Write a shape model to a file.
write_shape_model_3dWriteShapeModel3dwrite_shape_model_3dWriteShapeModel3dwrite_shape_model_3d
Write a 3D shape model to a file.
write_sheet_of_light_modelWriteSheetOfLightModelwrite_sheet_of_light_modelWriteSheetOfLightModelwrite_sheet_of_light_model
Write a sheet-of-light model to a file.
write_stringWriteStringwrite_stringWriteStringwrite_string
Print text in a window.
write_structured_light_modelWriteStructuredLightModelwrite_structured_light_modelWriteStructuredLightModelwrite_structured_light_model
Write a structured light model to a file.
write_surface_modelWriteSurfaceModelwrite_surface_modelWriteSurfaceModelwrite_surface_model
Write a surface model to a file.
write_templateWriteTemplatewrite_templateWriteTemplatewrite_template
Writing a template to file.
write_texture_inspection_modelWriteTextureInspectionModelwrite_texture_inspection_modelWriteTextureInspectionModelwrite_texture_inspection_model
Write a texture inspection model to a file.
write_training_componentsWriteTrainingComponentswrite_training_componentsWriteTrainingComponentswrite_training_components
Write a component training result to a file.
write_tupleWriteTuplewrite_tupleWriteTuplewrite_tuple
Write a tuple to a file.
write_variation_modelWriteVariationModelwrite_variation_modelWriteVariationModelwrite_variation_model
Write a variation model to a file.

X

x_range_funct_1dXRangeFunct1dx_range_funct_1dXRangeFunct1dx_range_funct_1d
Smallest and largest x value of the function.
xyz_to_object_model_3dXyzToObjectModel3dxyz_to_object_model_3dXyzToObjectModel3dxyz_to_object_model_3d
Transform 3D points from images to a 3D object model.

Y

y_range_funct_1dYRangeFunct1dy_range_funct_1dYRangeFunct1dy_range_funct_1d
Smallest and largest y value of the function.

Z

zero_crossingZeroCrossingzero_crossingZeroCrossingzero_crossing
Extract zero crossings from an image.
zero_crossing_sub_pixZeroCrossingSubPixzero_crossing_sub_pixZeroCrossingSubPixzero_crossing_sub_pix
Extract zero crossings from an image with subpixel accuracy.
zero_crossings_funct_1dZeroCrossingsFunct1dzero_crossings_funct_1dZeroCrossingsFunct1dzero_crossings_funct_1d
Calculate the zero crossings of a function.
zoom_image_factorZoomImageFactorzoom_image_factorZoomImageFactorzoom_image_factor
Zoom an image by a given factor.
zoom_image_sizeZoomImageSizezoom_image_sizeZoomImageSizezoom_image_size
Zoom an image to a given size.
zoom_regionZoomRegionzoom_regionZoomRegionzoom_region
Zoom a region.