// array2axis.h
// 2021/01/05 by marsee
//
#ifndef __ARRAY2AXIS_H__
#define __ARRAY2AXIS_H__
#define PICT_WIDTH 128
#define PICT_HEIGHT 128
#define PICT_LIMIT (PICT_WIDTH * PICT_HEIGHT)
#define PICT_MAT_LIMIT (((float)PICT_LIMIT*3.0)/4.0)
#define CONFIG_8UC3
//#define CONFIG_8UC4
#endif
// array2axis.cpp
// 2021/01/05 by marsee
//
#include <ap_int.h>
#include <hls_stream.h>
#include <ap_axi_sdata.h>
#include "array2axis.h"
ap_uint<32> cutout_bit8(ap_uint<32> data, ap_uint<32> bottom_bit){
return((data>>bottom_bit) & 0xff);
}
int array2axis(ap_uint<32> *array_in, hls::stream<ap_axiu<32,1,1,1> >& axis_out){
#pragma HLS INTERFACE s_axilite port=return
#pragma HLS INTERFACE axis port=axis_out register_mode=both register
#pragma HLS INTERFACE s_axilite port=array_in
#pragma HLS INTERFACE m_axi port=array_in offset=slave depth=480000
ap_uint<32> mat_array[3];
ap_axiu<32,1,1,1> mat_pix;
int pict_mat_8UC3 = (int)(PICT_MAT_LIMIT+(float)0.7); // Round up
#ifdef CONFIG_8UC4
LOOP_XY: for(int xy=0; xy<PICT_LIMIT; xy++){
#else
LOOP_XY: for(int xy=0; xy<pict_mat_8UC3; xy++){
#endif
unsigned int temp = array_in[xy];
printf("xy = %d , array_in[xy] = %x\n", xy, temp);
mat_pix.data = (ap_uint<32>)temp;
if(xy == 0)
mat_pix.user = 1;
else
mat_pix.user = 0;
mat_pix.last = 0;
axis_out.write(mat_pix);
}
return(0);
}
// array2axis_tb.cpp
// 2021/01/06 by marsee
//
// Refers to "Vitis_Libraries/vision/L1/examples/medianblur/xf_median_blur_tb.cpp"
// https://github.com/Xilinx/Vitis_Libraries/blob/master/vision/L1/examples/medianblur/xf_median_blur_tb.cpp
//
#include <opencv2/opencv.hpp>
#include <stdint.h>
#include <ap_int.h>
#include <hls_stream.h>
#include <ap_axi_sdata.h>
#include "array2axis.h"
int array2axis(ap_uint<32> *array_in, hls::stream<ap_axiu<32,1,1,1> >& axis_out);
int main(int argc, char** argv) {
hls::stream<ap_axiu<32,1,1,1> > outs;
hls::stream<ap_axiu<32,1,1,1> > outs_soft;
ap_axiu<32,1,1,1> vals;
ap_axiu<32,1,1,1> vals_soft;
cv::Mat cnv_img;
if (argc != 2) {
fprintf(stderr, "Usage: Please input image files name");
return(1);
}
cv::Mat in_img = cv::imread(argv[1], 1); // reading in the color image
#ifdef CONFIG_8UC4
cnv_img.create(in_img.rows, in_img.cols, CV_8UC4);
cv::cvtColor(in_img, cnv_img, cv::COLOR_BGR2BGRA);
array2axis((ap_uint<32>*)cnv_img.data, outs);
#else
array2axis((ap_uint<32>*)in_img.data, outs);
#endif
return(0);
}
を指定した。-L/usr/local/lib -lopencv_core -lopencv_imgcodecs -lopencv_imgproc
を指定した。128x128_blue123.png
xy = 0 , array_in[xy] = 6010203
xy = 1 , array_in[xy] = 8090405
xy = 2 , array_in[xy] = a0b0c07
xy = 3 , array_in[xy] = 120d0e0f
xy = 4 , array_in[xy] = 14151011
xy = 5 , array_in[xy] = 16171813
xy = 6 , array_in[xy] = 1e191a1b
xy = 7 , array_in[xy] = 20211c1d
xy = 8 , array_in[xy] = 2223241f
xy = 9 , array_in[xy] = 2a252627
xy = 10 , array_in[xy] = ff2829
xy = 0 , array_in[xy] = ff010203
xy = 1 , array_in[xy] = ff040506
xy = 2 , array_in[xy] = ff070809
xy = 3 , array_in[xy] = ff0a0b0c
xy = 4 , array_in[xy] = ff0d0e0f
xy = 5 , array_in[xy] = ff101112
xy = 6 , array_in[xy] = ff131415
xy = 7 , array_in[xy] = ff161718
xy = 8 , array_in[xy] = ff191a1b
xy = 9 , array_in[xy] = ff1c1d1e
xy = 10 , array_in[xy] = ff1f2021
xy = 11 , array_in[xy] = ff222324
xy = 12 , array_in[xy] = ff252627
xy = 13 , array_in[xy] = ff28292a
masaaki@masaaki-H110M4-M01:/media/masaaki/Ubuntu_Disk/OpenCV/src/opencv/build$ sudo make install
[ 0%] Built target gen-pkgconfig
[ 1%] Built target libjasper
[ 5%] Built target IlmImf
[ 7%] Built target ippiw
[ 10%] Built target libprotobuf
[ 11%] Built target quirc
[ 11%] Built target ittnotify
[ 16%] Built target opencv_core
[ 19%] Built target opencv_imgproc
[ 20%] Built target opencv_imgcodecs
[ 20%] Built target opencv_videoio
[ 20%] Built target opencv_highgui
[ 20%] Built target opencv_ts
[ 21%] Built target opencv_test_core
[ 22%] Built target opencv_perf_core
[ 23%] Built target opencv_flann
[ 24%] Built target opencv_test_flann
[ 24%] Built target opencv_hdf
[ 24%] Built target example_hdf_create_groups
[ 24%] Built target opencv_test_hdf
[ 24%] Built target example_hdf_create_read_write_datasets
[ 24%] Built target example_hdf_read_write_attributes
[ 26%] Built target opencv_perf_imgproc
[ 28%] Built target opencv_test_imgproc
[ 29%] Built target opencv_ml
[ 30%] Built target opencv_test_ml
[ 30%] Built target opencv_phase_unwrapping
[ 30%] Built target opencv_test_phase_unwrapping
[ 30%] Built target example_phase_unwrapping_unwrap
[ 31%] Built target opencv_photo
[ 32%] Built target opencv_test_photo
[ 33%] Built target opencv_perf_photo
[ 33%] Built target opencv_plot
[ 33%] Built target example_plot_plot_demo
[ 34%] Built target opencv_reg
[ 34%] Built target opencv_test_reg
[ 34%] Built target opencv_perf_reg
[ 34%] Built target example_reg_map_test
[ 35%] Built target opencv_surface_matching
[ 35%] Built target example_surface_matching_ppf_load_match
[ 35%] Built target example_surface_matching_ppf_normal_computation
[ 36%] Built target opencv_video
[ 37%] Built target opencv_perf_video
[ 37%] Built target opencv_test_video
[ 37%] Built target opencv_xphoto
[ 37%] Built target example_xphoto_color_balance
[ 37%] Built target example_xphoto_bm3d_image_denoising
[ 37%] Built target opencv_perf_xphoto
[ 37%] Built target opencv_test_xphoto
[ 37%] Built target example_xphoto_dct_image_denoising
[ 37%] Built target example_xphoto_inpainting
[ 40%] Built target opencv_dnn
[ 41%] Built target opencv_perf_dnn
[ 42%] Built target opencv_test_dnn
[ 43%] Built target opencv_features2d
[ 43%] Built target opencv_perf_features2d
[ 43%] Built target opencv_test_features2d
[ 43%] Built target opencv_freetype
[ 43%] Built target opencv_fuzzy
[ 43%] Built target opencv_test_fuzzy
[ 43%] Built target example_fuzzy_fuzzy_filtering
[ 43%] Built target example_fuzzy_fuzzy_inpainting
[ 43%] Built target opencv_hfs
[ 43%] Built target example_hfs_example
[ 44%] Built target opencv_img_hash
[ 44%] Built target opencv_test_img_hash
[ 44%] Built target example_img_hash_hash_samples
[ 44%] Built target opencv_perf_imgcodecs
[ 45%] Built target opencv_test_imgcodecs
[ 45%] Built target opencv_line_descriptor
[ 46%] Built target example_line_descriptor_compute_descriptors
[ 46%] Built target example_line_descriptor_radius_matching
[ 46%] Built target opencv_perf_line_descriptor
[ 46%] Built target opencv_test_line_descriptor
[ 46%] Built target example_line_descriptor_lines_extraction
[ 46%] Built target example_line_descriptor_lsd_lines_extraction
[ 46%] Built target example_line_descriptor_matching
[ 46%] Built target example_line_descriptor_knn_matching
[ 47%] Built target opencv_saliency
[ 47%] Built target example_saliency_computeSaliency
[ 47%] Built target opencv_shape
[ 47%] Built target opencv_test_shape
[ 48%] Built target opencv_text
[ 48%] Built target example_text_cropped_word_recognition
[ 48%] Built target example_text_textdetection
[ 48%] Built target example_text_character_recognition
[ 48%] Built target example_text_end_to_end_recognition
[ 48%] Built target example_text_text_recognition_cnn
[ 48%] Built target opencv_test_text
[ 48%] Built target example_text_textbox_demo
[ 48%] Built target example_text_segmented_word_recognition
[ 48%] Built target example_text_webcam_demo
[ 48%] Built target example_text_dictnet_demo
[ 48%] Built target opencv_test_videoio
[ 48%] Built target opencv_perf_videoio
[ 49%] Built target opencv_calib3d
[ 49%] Built target opencv_perf_calib3d
[ 51%] Built target opencv_test_calib3d
[ 52%] Built target opencv_datasets
[ 52%] Built target example_datasets_is_weizmann
[ 52%] Built target example_datasets_is_bsds
[ 52%] Built target example_datasets_gr_skig
[ 52%] Built target example_datasets_ir_robot
[ 52%] Built target example_datasets_msm_middlebury
[ 52%] Built target example_datasets_fr_lfw_benchmark
[ 52%] Built target example_datasets_fr_adience
[ 52%] Built target example_datasets_ar_sports
[ 52%] Built target example_datasets_hpe_parse
[ 52%] Built target example_datasets_slam_kitti
[ 52%] Built target example_datasets_track_vot
[ 52%] Built target example_datasets_pd_inria
[ 52%] Built target example_datasets_ar_hmdb_benchmark
[ 52%] Built target example_datasets_msm_epfl
[ 52%] Built target example_datasets_or_imagenet
[ 53%] Built target example_datasets_gr_chalearn
[ 54%] Built target example_datasets_or_mnist
[ 54%] Built target example_datasets_or_pascal
[ 54%] Built target example_datasets_ir_affine
[ 54%] Built target example_datasets_tr_icdar
[ 54%] Built target example_datasets_or_sun
[ 54%] Built target example_datasets_tr_chars
[ 54%] Built target example_datasets_ar_hmdb
[ 54%] Built target example_datasets_tr_chars_benchmark
[ 54%] Built target example_datasets_pd_caltech
[ 54%] Built target example_datasets_tr_svt
[ 54%] Built target example_datasets_hpe_humaneva
[ 54%] Built target example_datasets_slam_tumindoor
[ 55%] Built target example_datasets_tr_svt_benchmark
[ 55%] Built target example_datasets_fr_lfw
[ 55%] Built target example_datasets_tr_icdar_benchmark
[ 55%] Built target opencv_test_highgui
[ 55%] Built target opencv_objdetect
[ 55%] Built target opencv_test_objdetect
[ 55%] Built target opencv_perf_objdetect
[ 55%] Built target opencv_rgbd
[ 55%] Built target opencv_test_rgbd
[ 55%] Built target example_rgbd_linemod
[ 55%] Built target example_rgbd_odometry_evaluation
[ 55%] Built target opencv_stereo
[ 56%] Built target opencv_test_stereo
[ 56%] Built target opencv_perf_stereo
[ 56%] Built target example_stereo_sample
[ 56%] Built target opencv_structured_light
[ 56%] Built target opencv_test_structured_light
[ 56%] Built target example_structured_light_cap_pattern
[ 57%] Built target example_structured_light_projectorcalibration
[ 57%] Built target example_structured_light_capsinpattern
[ 57%] Built target example_structured_light_pointcloud
[ 57%] Built target opencv_superres
[ 57%] Built target opencv_test_superres
[ 57%] Built target opencv_perf_superres
[ 58%] Built target opencv_tracking
[ 58%] Built target opencv_perf_tracking
[ 58%] Built target example_tracking_benchmark
[ 58%] Built target example_tracking_csrt
[ 58%] Built target example_tracking_kcf
[ 59%] Built target opencv_test_tracking
[ 60%] Built target example_tracking_goturnTracker
[ 60%] Built target example_tracking_multiTracker_dataset
[ 60%] Built target example_tracking_multitracker
[ 60%] Built target example_tracking_tracker
[ 60%] Built target example_tracking_tracker_dataset
[ 60%] Built target example_tracking_tutorial_introduction_to_tracker
[ 60%] Built target example_tracking_tutorial_customizing_cn_tracker
[ 60%] Built target example_tracking_tutorial_multitracker
[ 61%] Built target opencv_videostab
[ 62%] Built target opencv_test_videostab
[ 63%] Built target opencv_xfeatures2d
[ 63%] Built target example_xfeatures2d_shape_transformation
[ 63%] Built target example_xfeatures2d_gms_matcher
[ 63%] Built target example_xfeatures2d_video_homography
[ 64%] Built target opencv_perf_xfeatures2d
[ 64%] Built target opencv_test_xfeatures2d
[ 64%] Built target example_xfeatures2d_surf_matcher
[ 64%] Built target example_xfeatures2d_pct_signatures
[ 64%] Built target example_xfeatures2d_bagofwords_classification
[ 64%] Built target example_xfeatures2d_pct_webcam
[ 66%] Built target opencv_ximgproc
[ 66%] Built target example_ximgproc_structured_edge_detection
[ 66%] Built target example_ximgproc_selectivesearchsegmentation_demo
[ 67%] Built target example_ximgproc_seeds
[ 67%] Built target example_ximgproc_peilin
[ 67%] Built target example_ximgproc_colorize
[ 67%] Built target example_ximgproc_paillou_demo
[ 67%] Built target example_ximgproc_edgeboxes_demo
[ 67%] Built target example_ximgproc_thinning
[ 67%] Built target opencv_perf_ximgproc
[ 67%] Built target example_ximgproc_slic
[ 67%] Built target example_ximgproc_deriche_demo
[ 67%] Built target example_ximgproc_niblack_thresholding
[ 68%] Built target example_ximgproc_disparity_filtering
[ 68%] Built target example_ximgproc_fast_hough_transform
[ 68%] Built target example_ximgproc_fld_lines
[ 69%] Built target opencv_test_ximgproc
[ 69%] Built target example_ximgproc_filterdemo
[ 69%] Built target example_ximgproc_fourier_descriptors_demo
[ 69%] Built target example_ximgproc_graphsegmentation_demo
[ 69%] Built target example_ximgproc_brightedgesexample
[ 69%] Built target example_ximgproc_live_demo
[ 69%] Built target opencv_xobjdetect
[ 69%] Built target opencv_waldboost_detector
[ 69%] Built target opencv_aruco
[ 70%] Built target example_aruco_create_board
[ 70%] Built target example_aruco_detect_board_charuco
[ 70%] Built target example_aruco_detect_diamonds
[ 70%] Built target example_aruco_calibrate_camera_charuco
[ 70%] Built target example_aruco_calibrate_camera
[ 70%] Built target opencv_test_aruco
[ 70%] Built target example_aruco_create_board_charuco
[ 70%] Built target example_aruco_create_diamond
[ 70%] Built target example_aruco_create_marker
[ 70%] Built target example_aruco_detect_board
[ 70%] Built target example_aruco_detect_markers
[ 70%] Built target opencv_bgsegm
[ 70%] Built target example_bgsegm_bgfg
[ 70%] Built target opencv_test_bgsegm
[ 71%] Built target opencv_bioinspired
[ 71%] Built target opencv_test_bioinspired
[ 71%] Built target opencv_perf_bioinspired
[ 71%] Built target example_bioinspired_OpenEXRimages_HDR_Retina_toneMapping
[ 71%] Built target example_bioinspired_retinaDemo
[ 71%] Built target opencv_ccalib
[ 71%] Built target example_ccalib_random_pattern_generator
[ 72%] Built target example_ccalib_omni_calibration
[ 72%] Built target example_ccalib_omni_stereo_calibration
[ 72%] Built target example_ccalib_multi_cameras_calibration
[ 72%] Built target example_ccalib_random_pattern_calibration
[ 72%] Built target opencv_dnn_objdetect
[ 72%] Built target example_dnn_objdetect_image_classification
[ 72%] Built target example_dnn_objdetect_obj_detect
[ 73%] Built target opencv_dpm
[ 73%] Built target example_dpm_cascade_detect_camera
[ 73%] Built target example_dpm_cascade_detect_sequence
[ 73%] Built target opencv_face
[ 73%] Built target example_face_samplewriteconfigfile
[ 73%] Built target example_face_sample_train_landmark_detector
[ 73%] Built target example_face_facerec_fisherfaces
[ 73%] Built target example_face_facemark_lbf_fitting
[ 73%] Built target example_face_facerec_save_load
[ 73%] Built target example_face_facemark_demo_lbf
[ 73%] Built target example_face_facerec_eigenfaces
[ 74%] Built target example_face_facemark_demo_aam
[ 74%] Built target example_face_sample_train_landmark_detector2
[ 75%] Built target opencv_test_face
[ 75%] Built target example_face_facerec_demo
[ 75%] Built target example_face_sampleDetectLandmarks
[ 75%] Built target example_face_facerec_video
[ 75%] Built target example_face_sampleDetectLandmarksvideo
[ 76%] Built target example_face_sample_face_swapping
[ 76%] Built target example_face_facerec_lbph
[ 76%] Built target example_face_mace_webcam
[ 77%] Built target opencv_optflow
[ 77%] Built target example_optflow_gpc_evaluate
[ 77%] Built target example_optflow_motempl
[ 77%] Built target example_optflow_dis_opticalflow
[ 77%] Built target opencv_test_optflow
[ 77%] Built target opencv_perf_optflow
[ 77%] Built target example_optflow_gpc_train
[ 77%] Built target example_optflow_optical_flow_evaluation
[ 78%] Built target example_optflow_pcaflow_demo
[ 78%] Built target example_optflow_simpleflow_demo
[ 79%] Built target opencv_stitching
[ 79%] Built target opencv_test_stitching
[ 79%] Built target opencv_perf_stitching
[ 79%] Built target gen_opencv_python_source
[ 79%] Built target opencv_python3
[ 80%] Built target opencv_traincascade
[ 80%] Built target opencv_createsamples
[ 81%] Built target opencv_annotation
[ 81%] Built target opencv_visualisation
[ 82%] Built target opencv_interactive-calibration
[ 82%] Built target opencv_version
[ 82%] Built target example_tutorial_pnp_registration
[ 82%] Built target example_cpp_videocapture_starter
[ 82%] Built target example_cpp_videocapture_intelperc
[ 82%] Built target example_cpp_videocapture_gstreamer_pipeline
[ 82%] Built target example_cpp_videocapture_gphoto2_autofocus
[ 82%] Built target example_cpp_videocapture_basic
[ 82%] Built target example_cpp_tvl1_optical_flow
[ 82%] Built target example_tutorial_LATCH_match
[ 83%] Built target example_tutorial_video-input-psnr-ssim
[ 83%] Built target example_tutorial_meanshift
[ 83%] Built target example_tutorial_BasicLinearTransformsTrackbar
[ 83%] Built target example_cpp_train_svmsgd
[ 84%] Built target example_cpp_stitching_detailed
[ 84%] Built target example_cpp_squares
[ 84%] Built target example_cpp_pca
[ 84%] Built target example_cpp_smiledetect
[ 84%] Built target example_tutorial_Remap_Demo
[ 84%] Built target example_tutorial_introduction_to_pca
[ 84%] Built target example_cpp_watershed
[ 84%] Built target example_tutorial_calcBackProject_Demo1
[ 84%] Built target example_cpp_delaunay2
[ 84%] Built target example_cpp_stereo_match
[ 84%] Built target example_tutorial_non_linear_svms
[ 84%] Built target example_cpp_segment_objects
[ 84%] Built target example_cpp_matchmethod_orb_akaze_brisk
[ 84%] Built target example_cpp_distrans
[ 84%] Built target example_tutorial_Threshold
[ 85%] Built target example_cpp_polar_transforms
[ 85%] Built target example_tutorial_EqualizeHist_Demo
[ 85%] Built target example_cpp_points_classifier
[ 86%] Built target example_tutorial_Sobel_Demo
[ 86%] Built target example_cpp_phase_corr
[ 86%] Built target example_tutorial_calcBackProject_Demo2
[ 86%] Built target example_cpp_peopledetect
[ 86%] Built target example_tutorial_interoperability_with_OpenCV_1
[ 86%] Built target example_cpp_opencv_version
[ 86%] Built target example_cpp_npr_demo
[ 86%] Built target example_cpp_create_mask
[ 86%] Built target example_cpp_minarea
[ 86%] Built target example_cpp_lkdemo
[ 87%] Built target example_tutorial_Laplace_Demo
[ 87%] Built target example_cpp_laplace
[ 87%] Built target example_cpp_kalman
[ 88%] Built target example_tutorial_decolor
[ 88%] Built target example_cpp_intersectExample
[ 88%] Built target example_tutorial_mat_the_basic_image_container
[ 88%] Built target example_tutorial_video-write
[ 88%] Built target example_cpp_inpaint
[ 88%] Built target example_cpp_shape_example
[ 88%] Built target example_cpp_stitching
[ 88%] Built target example_cpp_imagelist_reader
[ 88%] Built target example_cpp_fback
[ 88%] Built target example_cpp_select3dobj
[ 88%] Built target example_cpp_cout_mat
[ 88%] Built target example_cpp_neural_network
[ 88%] Built target example_cpp_example
[ 88%] Built target example_cpp_imagelist_creator
[ 88%] Built target example_cpp_convexhull
[ 88%] Built target example_tutorial_core_mat_checkVector
[ 88%] Built target example_cpp_train_HOG
[ 88%] Built target example_cpp_detect_blob
[ 88%] Built target example_cpp_mask_tmpl
[ 89%] Built target example_cpp_logistic_regression
[ 90%] Built target example_cpp_contours2
[ 90%] Built target example_tutorial_pose_from_homography
[ 90%] Built target example_tutorial_core_reduce
[ 90%] Built target example_cpp_connected_components
[ 90%] Built target example_tutorial_documentation
[ 90%] Built target example_cpp_simd_basic
[ 90%] Built target example_tutorial_cornerSubPix_Demo
[ 91%] Built target example_cpp_grabcut
[ 91%] Built target example_cpp_morphology2
[ 91%] Built target example_tutorial_optical_flow_dense
[ 91%] Built target example_cpp_ffilldemo
[ 92%] Built target example_tutorial_motion_deblur_filter
[ 92%] Built target example_tutorial_periodic_noise_removing_filter
[ 92%] Built target example_cpp_kmeans
[ 92%] Built target example_tutorial_SURF_FLANN_matching_homography_Demo
[ 92%] Built target example_cpp_demhist
[ 92%] Built target example_cpp_bgfg_segm
[ 92%] Built target example_cpp_application_trace
[ 93%] Built target example_cpp_drawing
[ 93%] Built target example_tutorial_AddingImagesTrackbar
[ 93%] Built target example_cpp_stereo_calib
[ 93%] Built target example_tutorial_imgproc_HoughLinesPointSet
[ 93%] Built target example_cpp_edge
[ 94%] Built target example_cpp_videocapture_openni
[ 94%] Built target example_cpp_dft
[ 94%] Built target example_cpp_falsecolor
[ 94%] Built target example_cpp_image
[ 94%] Built target example_cpp_digits
[ 94%] Built target example_tutorial_imgproc_calcHist
[ 94%] Built target example_tutorial_MatchTemplate_Demo
[ 94%] Built target example_cpp_detect_mser
[ 94%] Built target example_tutorial_Geometric_Transforms_Demo
[ 94%] Built target example_tutorial_AddingImages
[ 94%] Built target example_cpp_videowriter_basic
[ 95%] Built target example_tutorial_imgproc_applyColorMap
[ 95%] Built target example_cpp_image_alignment
[ 95%] Built target example_tutorial_camshift
[ 95%] Built target example_cpp_camshiftdemo
[ 95%] Built target example_tutorial_mat_operations
[ 95%] Built target example_cpp_em
[ 95%] Built target example_tutorial_optical_flow
[ 95%] Built target example_cpp_filestorage
[ 95%] Built target example_tutorial_Morphology_1
[ 95%] Built target example_cpp_facedetect
[ 95%] Built target example_cpp_calibration
[ 95%] Built target example_tutorial_calcHist_Demo
[ 95%] Built target example_tutorial_compareHist_Demo
[ 95%] Built target example_tutorial_HitMiss
[ 95%] Built target example_tutorial_Morphology_2
[ 95%] Built target example_tutorial_Pyramids
[ 95%] Built target example_tutorial_Smoothing
[ 95%] Built target example_tutorial_anisotropic_image_segmentation
[ 95%] Built target example_tutorial_Drawing_1
[ 95%] Built target example_tutorial_changing_contrast_brightness_image
[ 95%] Built target example_tutorial_filter2D_demo
[ 95%] Built target example_cpp_warpPerspective_demo
[ 95%] Built target example_tutorial_planar_tracking
[ 95%] Built target example_tutorial_Morphology_3
[ 96%] Built target example_tutorial_pnp_detection
[ 96%] Built target example_tutorial_mat_mask_operations
[ 96%] Built target example_cpp_videocapture_camera
[ 96%] Built target example_tutorial_copyMakeBorder_demo
[ 96%] Built target example_tutorial_out_of_focus_deblur_filter
[ 96%] Built target example_tutorial_moments_demo
[ 96%] Built target example_cpp_facial_features
[ 96%] Built target example_tutorial_CannyDetector_Demo
[ 96%] Built target example_tutorial_cornerDetector_Demo
[ 96%] Built target example_cpp_3calibration
[ 96%] Built target example_tutorial_HoughCircle_Demo
[ 96%] Built target example_cpp_fitellipse
[ 96%] Built target example_tutorial_houghcircles
[ 96%] Built target example_cpp_letter_recog
[ 96%] Built target example_tutorial_houghlines
[ 96%] Built target example_tutorial_imageSegmentation
[ 96%] Built target example_tutorial_findContours_demo
[ 96%] Built target example_tutorial_generalContours_demo1
[ 96%] Built target example_tutorial_perspective_correction
[ 96%] Built target example_tutorial_generalContours_demo2
[ 96%] Built target example_cpp_tree_engine
[ 96%] Built target example_tutorial_hull_demo
[ 96%] Built target example_tutorial_cornerHarris_Demo
[ 96%] Built target example_tutorial_camera_calibration
[ 96%] Built target example_cpp_cloning_demo
[ 96%] Built target example_tutorial_cloning_demo
[ 96%] Built target example_tutorial_pointPolygonTest_demo
[ 96%] Built target example_tutorial_discrete_fourier_transform
[ 96%] Built target example_tutorial_how_to_scan_images
[ 96%] Built target example_tutorial_how_to_use_OpenCV_parallel_for_
[ 97%] Built target example_tutorial_BasicLinearTransforms
[ 97%] Built target example_tutorial_AKAZE_match
[ 97%] Built target example_tutorial_decompose_homography
[ 97%] Built target example_cpp_videocapture_image_sequence
[ 97%] Built target example_cpp_qrcode
[ 97%] Built target example_tutorial_homography_from_camera_displacement
[ 97%] Built target example_tutorial_Drawing_2
[ 97%] Built target example_tutorial_file_input_output
[ 97%] Built target example_tutorial_panorama_stitching_rotating_camera
[ 97%] Built target example_tutorial_core_merge
[ 97%] Built target example_cpp_videostab
[ 97%] Built target example_tutorial_SURF_detection_Demo
[ 97%] Built target example_tutorial_SURF_FLANN_matching_Demo
[ 97%] Built target example_cpp_cloning_gui
[ 97%] Built target example_tutorial_SURF_matching_Demo
[ 97%] Built target example_tutorial_gdal-image
[ 97%] Built target example_cpp_dbt_face_detection
[ 97%] Built target example_tutorial_core_split
[ 97%] Built target example_tutorial_imgproc_HoughLinesP
[ 97%] Built target example_cpp_travelsalesman
[ 98%] Built target example_tutorial_hdr_imaging
[ 98%] Built target example_tutorial_display_image
[ 98%] Built target example_tutorial_introduction_windows_vs
[ 98%] Built target example_tutorial_introduction_to_svm
[ 98%] Built target example_tutorial_Threshold_inRange
[ 98%] Built target example_tutorial_objectDetection
[ 98%] Built target example_tutorial_HoughLines_Demo
[ 98%] Built target example_tutorial_npr_demo
[ 99%] Built target example_tutorial_cloning_gui
[ 99%] Built target example_tutorial_core_various
[ 99%] Built target example_tutorial_goodFeaturesToTrack_Demo
[ 99%] Built target example_tutorial_imgcodecs_imwrite
[ 99%] Built target example_tutorial_imgproc_HoughLinesCircles
[ 99%] Built target example_tutorial_imgproc_drawContours
[ 99%] Built target example_tutorial_bg_sub
[ 99%] Built target example_dnn_text_detection
[ 99%] Built target example_dnn_classification
[ 99%] Built target example_dnn_colorization
[ 99%] Built target example_dnn_object_detection
[ 99%] Built target example_dnn_openpose
[ 99%] Built target example_dnn_segmentation
[ 99%] Built target example_tapi_clahe
[ 99%] Built target example_tapi_hog
[ 99%] Built target example_tapi_opencl_custom_kernel
[ 99%] Built target example_tapi_camshift
[ 99%] Built target example_tapi_bgfg_segm
[ 99%] Built target example_tapi_dense_optical_flow
[ 99%] Built target example_tapi_pyrlk_optical_flow
[ 99%] Built target example_tapi_squares
[100%] Built target example_tapi_ufacedetect
[100%] Built target example_opencl_opencl-opencv-interop
Install the project...
-- Install configuration: "RELEASE"
-- Installing: /usr/local/share/licenses/opencv3/ippicv-readme.htm
-- Installing: /usr/local/share/licenses/opencv3/ippicv-EULA.txt
-- Installing: /usr/local/share/licenses/opencv3/ippiw-support.txt
-- Installing: /usr/local/share/licenses/opencv3/ippiw-third-party-programs.txt
-- Installing: /usr/local/share/licenses/opencv3/ippiw-EULA.txt
-- Installing: /usr/local/share/licenses/opencv3/opencl-headers-LICENSE.txt
-- Installing: /usr/local/include/opencv2/cvconfig.h
-- Installing: /usr/local/include/opencv2/opencv_modules.hpp
-- Installing: /usr/local/lib/pkgconfig/opencv.pc
-- Old export file "/usr/local/share/OpenCV/OpenCVModules.cmake" will be replaced. Removing files [/usr/local/share/OpenCV/OpenCVModules-release.cmake].
-- Installing: /usr/local/share/OpenCV/OpenCVModules.cmake
-- Installing: /usr/local/share/OpenCV/OpenCVModules-release.cmake
-- Installing: /usr/local/share/OpenCV/OpenCVConfig-version.cmake
-- Installing: /usr/local/share/OpenCV/OpenCVConfig.cmake
-- Installing: /usr/local/bin/setup_vars_opencv3.sh
-- Installing: /usr/local/share/OpenCV/valgrind.supp
-- Installing: /usr/local/share/OpenCV/valgrind_3rdparty.supp
-- Installing: /usr/local/share/licenses/opencv3/jasper-LICENSE
-- Installing: /usr/local/share/licenses/opencv3/jasper-README
-- Installing: /usr/local/share/licenses/opencv3/jasper-copyright
-- Installing: /usr/local/share/licenses/opencv3/openexr-LICENSE
-- Installing: /usr/local/share/licenses/opencv3/openexr-AUTHORS.ilmbase
-- Installing: /usr/local/share/licenses/opencv3/openexr-AUTHORS.openexr
-- Installing: /usr/local/share/licenses/opencv3/protobuf-LICENSE
-- Installing: /usr/local/share/licenses/opencv3/protobuf-README.md
-- Installing: /usr/local/share/licenses/opencv3/quirc-LICENSE
-- Installing: /usr/local/share/licenses/opencv3/ittnotify-LICENSE.BSD
-- Installing: /usr/local/share/licenses/opencv3/ittnotify-LICENSE.GPL
-- Installing: /usr/local/include/opencv/cv.h
-- Installing: /usr/local/include/opencv/cv.hpp
-- Installing: /usr/local/include/opencv/cvaux.h
-- Installing: /usr/local/include/opencv/cvaux.hpp
-- Installing: /usr/local/include/opencv/cvwimage.h
-- Installing: /usr/local/include/opencv/cxcore.h
-- Installing: /usr/local/include/opencv/cxcore.hpp
-- Installing: /usr/local/include/opencv/cxeigen.hpp
-- Installing: /usr/local/include/opencv/cxmisc.h
-- Installing: /usr/local/include/opencv/highgui.h
-- Installing: /usr/local/include/opencv/ml.h
-- Installing: /usr/local/include/opencv2/opencv.hpp
-- Installing: /usr/local/lib/libopencv_core.so.3.4.9
-- Installing: /usr/local/lib/libopencv_core.so.3.4
-- Set runtime path of "/usr/local/lib/libopencv_core.so.3.4.9" to "/usr/local/lib"
-- Installing: /usr/local/lib/libopencv_core.so
-- Installing: /usr/local/include/opencv2/core/opencl/ocl_defs.hpp
-- Installing: /usr/local/include/opencv2/core/opencl/opencl_info.hpp
-- Installing: /usr/local/include/opencv2/core/opencl/opencl_svm.hpp
-- Installing: /usr/local/include/opencv2/core/opencl/runtime/autogenerated/opencl_clamdblas.hpp
-- Installing: /usr/local/include/opencv2/core/opencl/runtime/autogenerated/opencl_clamdfft.hpp
-- Installing: /usr/local/include/opencv2/core/opencl/runtime/autogenerated/opencl_core.hpp
-- Installing: /usr/local/include/opencv2/core/opencl/runtime/autogenerated/opencl_core_wrappers.hpp
-- Installing: /usr/local/include/opencv2/core/opencl/runtime/autogenerated/opencl_gl.hpp
-- Installing: /usr/local/include/opencv2/core/opencl/runtime/autogenerated/opencl_gl_wrappers.hpp
-- Installing: /usr/local/include/opencv2/core/opencl/runtime/opencl_clamdblas.hpp
-- Installing: /usr/local/include/opencv2/core/opencl/runtime/opencl_clamdfft.hpp
-- Installing: /usr/local/include/opencv2/core/opencl/runtime/opencl_core.hpp
-- Installing: /usr/local/include/opencv2/core/opencl/runtime/opencl_core_wrappers.hpp
-- Installing: /usr/local/include/opencv2/core/opencl/runtime/opencl_gl.hpp
-- Installing: /usr/local/include/opencv2/core/opencl/runtime/opencl_gl_wrappers.hpp
-- Installing: /usr/local/include/opencv2/core/opencl/runtime/opencl_svm_20.hpp
-- Installing: /usr/local/include/opencv2/core/opencl/runtime/opencl_svm_definitions.hpp
-- Installing: /usr/local/include/opencv2/core/opencl/runtime/opencl_svm_hsa_extension.hpp
-- Installing: /usr/local/include/opencv2/core/cuda/block.hpp
-- Installing: /usr/local/include/opencv2/core/cuda/border_interpolate.hpp
-- Installing: /usr/local/include/opencv2/core/cuda/color.hpp
-- Installing: /usr/local/include/opencv2/core/cuda/common.hpp
-- Installing: /usr/local/include/opencv2/core/cuda/datamov_utils.hpp
-- Installing: /usr/local/include/opencv2/core/cuda/dynamic_smem.hpp
-- Installing: /usr/local/include/opencv2/core/cuda/emulation.hpp
-- Installing: /usr/local/include/opencv2/core/cuda/filters.hpp
-- Installing: /usr/local/include/opencv2/core/cuda/funcattrib.hpp
-- Installing: /usr/local/include/opencv2/core/cuda/functional.hpp
-- Installing: /usr/local/include/opencv2/core/cuda/limits.hpp
-- Installing: /usr/local/include/opencv2/core/cuda/reduce.hpp
-- Installing: /usr/local/include/opencv2/core/cuda/saturate_cast.hpp
-- Installing: /usr/local/include/opencv2/core/cuda/scan.hpp
-- Installing: /usr/local/include/opencv2/core/cuda/simd_functions.hpp
-- Installing: /usr/local/include/opencv2/core/cuda/transform.hpp
-- Installing: /usr/local/include/opencv2/core/cuda/type_traits.hpp
-- Installing: /usr/local/include/opencv2/core/cuda/utility.hpp
-- Installing: /usr/local/include/opencv2/core/cuda/vec_distance.hpp
-- Installing: /usr/local/include/opencv2/core/cuda/vec_math.hpp
-- Installing: /usr/local/include/opencv2/core/cuda/vec_traits.hpp
-- Installing: /usr/local/include/opencv2/core/cuda/warp.hpp
-- Installing: /usr/local/include/opencv2/core/cuda/warp_reduce.hpp
-- Installing: /usr/local/include/opencv2/core/cuda/warp_shuffle.hpp
-- Installing: /usr/local/include/opencv2/core/cuda/detail/color_detail.hpp
-- Installing: /usr/local/include/opencv2/core/cuda/detail/reduce.hpp
-- Installing: /usr/local/include/opencv2/core/cuda/detail/reduce_key_val.hpp
-- Installing: /usr/local/include/opencv2/core/cuda/detail/transform_detail.hpp
-- Installing: /usr/local/include/opencv2/core/cuda/detail/type_traits_detail.hpp
-- Installing: /usr/local/include/opencv2/core/cuda/detail/vec_distance_detail.hpp
-- Installing: /usr/local/include/opencv2/core.hpp
-- Installing: /usr/local/include/opencv2/core/affine.hpp
-- Installing: /usr/local/include/opencv2/core/async.hpp
-- Installing: /usr/local/include/opencv2/core/base.hpp
-- Installing: /usr/local/include/opencv2/core/bindings_utils.hpp
-- Installing: /usr/local/include/opencv2/core/bufferpool.hpp
-- Installing: /usr/local/include/opencv2/core/check.hpp
-- Installing: /usr/local/include/opencv2/core/core.hpp
-- Installing: /usr/local/include/opencv2/core/cuda.hpp
-- Installing: /usr/local/include/opencv2/core/cuda.inl.hpp
-- Installing: /usr/local/include/opencv2/core/cuda_stream_accessor.hpp
-- Installing: /usr/local/include/opencv2/core/cuda_types.hpp
-- Installing: /usr/local/include/opencv2/core/cvstd.hpp
-- Installing: /usr/local/include/opencv2/core/cvstd.inl.hpp
-- Installing: /usr/local/include/opencv2/core/directx.hpp
-- Installing: /usr/local/include/opencv2/core/eigen.hpp
-- Installing: /usr/local/include/opencv2/core/fast_math.hpp
-- Installing: /usr/local/include/opencv2/core/ippasync.hpp
-- Installing: /usr/local/include/opencv2/core/mat.hpp
-- Installing: /usr/local/include/opencv2/core/mat.inl.hpp
-- Installing: /usr/local/include/opencv2/core/matx.hpp
-- Installing: /usr/local/include/opencv2/core/neon_utils.hpp
-- Installing: /usr/local/include/opencv2/core/ocl.hpp
-- Installing: /usr/local/include/opencv2/core/ocl_genbase.hpp
-- Installing: /usr/local/include/opencv2/core/opengl.hpp
-- Installing: /usr/local/include/opencv2/core/operations.hpp
-- Installing: /usr/local/include/opencv2/core/optim.hpp
-- Installing: /usr/local/include/opencv2/core/ovx.hpp
-- Installing: /usr/local/include/opencv2/core/persistence.hpp
-- Installing: /usr/local/include/opencv2/core/ptr.inl.hpp
-- Installing: /usr/local/include/opencv2/core/saturate.hpp
-- Installing: /usr/local/include/opencv2/core/simd_intrinsics.hpp
-- Installing: /usr/local/include/opencv2/core/softfloat.hpp
-- Installing: /usr/local/include/opencv2/core/sse_utils.hpp
-- Installing: /usr/local/include/opencv2/core/traits.hpp
-- Installing: /usr/local/include/opencv2/core/types.hpp
-- Installing: /usr/local/include/opencv2/core/utility.hpp
-- Installing: /usr/local/include/opencv2/core/va_intel.hpp
-- Installing: /usr/local/include/opencv2/core/version.hpp
-- Installing: /usr/local/include/opencv2/core/vsx_utils.hpp
-- Installing: /usr/local/include/opencv2/core/wimage.hpp
-- Installing: /usr/local/include/opencv2/core/core_c.h
-- Installing: /usr/local/include/opencv2/core/cv_cpu_dispatch.h
-- Installing: /usr/local/include/opencv2/core/cv_cpu_helper.h
-- Installing: /usr/local/include/opencv2/core/cvdef.h
-- Installing: /usr/local/include/opencv2/core/types_c.h
-- Installing: /usr/local/include/opencv2/core/hal/hal.hpp
-- Installing: /usr/local/include/opencv2/core/hal/intrin.hpp
-- Installing: /usr/local/include/opencv2/core/hal/intrin_avx.hpp
-- Installing: /usr/local/include/opencv2/core/hal/intrin_avx512.hpp
-- Installing: /usr/local/include/opencv2/core/hal/intrin_cpp.hpp
-- Installing: /usr/local/include/opencv2/core/hal/intrin_forward.hpp
-- Installing: /usr/local/include/opencv2/core/hal/intrin_msa.hpp
-- Installing: /usr/local/include/opencv2/core/hal/intrin_neon.hpp
-- Installing: /usr/local/include/opencv2/core/hal/intrin_sse.hpp
-- Installing: /usr/local/include/opencv2/core/hal/intrin_sse_em.hpp
-- Installing: /usr/local/include/opencv2/core/hal/intrin_vsx.hpp
-- Installing: /usr/local/include/opencv2/core/hal/intrin_wasm.hpp
-- Installing: /usr/local/include/opencv2/core/hal/simd_utils.impl.hpp
-- Installing: /usr/local/include/opencv2/core/hal/interface.h
-- Installing: /usr/local/include/opencv2/core/hal/msa_macros.h
-- Installing: /usr/local/include/opencv2/core/utils/allocator_stats.hpp
-- Installing: /usr/local/include/opencv2/core/utils/allocator_stats.impl.hpp
-- Installing: /usr/local/include/opencv2/core/utils/filesystem.hpp
-- Installing: /usr/local/include/opencv2/core/utils/instrumentation.hpp
-- Installing: /usr/local/include/opencv2/core/utils/logger.defines.hpp
-- Installing: /usr/local/include/opencv2/core/utils/logger.hpp
-- Installing: /usr/local/include/opencv2/core/utils/tls.hpp
-- Installing: /usr/local/include/opencv2/core/utils/trace.hpp
-- Installing: /usr/local/include/opencv2/core/detail/async_promise.hpp
-- Installing: /usr/local/include/opencv2/core/detail/exception_ptr.hpp
-- Installing: /usr/local/share/licenses/opencv3/SoftFloat-COPYING.txt
-- Installing: /usr/local/lib/libopencv_flann.so.3.4.9
-- Installing: /usr/local/lib/libopencv_flann.so.3.4
-- Set runtime path of "/usr/local/lib/libopencv_flann.so.3.4.9" to "/usr/local/lib"
-- Installing: /usr/local/lib/libopencv_flann.so
-- Installing: /usr/local/include/opencv2/flann.hpp
-- Installing: /usr/local/include/opencv2/flann/flann.hpp
-- Installing: /usr/local/include/opencv2/flann/flann_base.hpp
-- Installing: /usr/local/include/opencv2/flann/miniflann.hpp
-- Installing: /usr/local/include/opencv2/flann/all_indices.h
-- Installing: /usr/local/include/opencv2/flann/allocator.h
-- Installing: /usr/local/include/opencv2/flann/any.h
-- Installing: /usr/local/include/opencv2/flann/autotuned_index.h
-- Installing: /usr/local/include/opencv2/flann/composite_index.h
-- Installing: /usr/local/include/opencv2/flann/config.h
-- Installing: /usr/local/include/opencv2/flann/defines.h
-- Installing: /usr/local/include/opencv2/flann/dist.h
-- Installing: /usr/local/include/opencv2/flann/dummy.h
-- Installing: /usr/local/include/opencv2/flann/dynamic_bitset.h
-- Installing: /usr/local/include/opencv2/flann/general.h
-- Installing: /usr/local/include/opencv2/flann/ground_truth.h
-- Installing: /usr/local/include/opencv2/flann/hdf5.h
-- Installing: /usr/local/include/opencv2/flann/heap.h
-- Installing: /usr/local/include/opencv2/flann/hierarchical_clustering_index.h
-- Installing: /usr/local/include/opencv2/flann/index_testing.h
-- Installing: /usr/local/include/opencv2/flann/kdtree_index.h
-- Installing: /usr/local/include/opencv2/flann/kdtree_single_index.h
-- Installing: /usr/local/include/opencv2/flann/kmeans_index.h
-- Installing: /usr/local/include/opencv2/flann/linear_index.h
-- Installing: /usr/local/include/opencv2/flann/logger.h
-- Installing: /usr/local/include/opencv2/flann/lsh_index.h
-- Installing: /usr/local/include/opencv2/flann/lsh_table.h
-- Installing: /usr/local/include/opencv2/flann/matrix.h
-- Installing: /usr/local/include/opencv2/flann/nn_index.h
-- Installing: /usr/local/include/opencv2/flann/object_factory.h
-- Installing: /usr/local/include/opencv2/flann/params.h
-- Installing: /usr/local/include/opencv2/flann/random.h
-- Installing: /usr/local/include/opencv2/flann/result_set.h
-- Installing: /usr/local/include/opencv2/flann/sampling.h
-- Installing: /usr/local/include/opencv2/flann/saving.h
-- Installing: /usr/local/include/opencv2/flann/simplex_downhill.h
-- Installing: /usr/local/include/opencv2/flann/timer.h
-- Installing: /usr/local/lib/libopencv_hdf.so.3.4.9
-- Installing: /usr/local/lib/libopencv_hdf.so.3.4
-- Set runtime path of "/usr/local/lib/libopencv_hdf.so.3.4.9" to "/usr/local/lib:/home/masaaki/anaconda3/lib"
-- Installing: /usr/local/lib/libopencv_hdf.so
-- Installing: /usr/local/include/opencv2/hdf.hpp
-- Installing: /usr/local/include/opencv2/hdf/hdf5.hpp
-- Installing: /usr/local/share/OpenCV/samples/hdf/create_groups.cpp
-- Installing: /usr/local/share/OpenCV/samples/hdf/create_read_write_datasets.cpp
-- Installing: /usr/local/share/OpenCV/samples/hdf/read_write_attributes.cpp
-- Up-to-date: /usr/local/share/OpenCV/samples/hdf
-- Installing: /usr/local/lib/libopencv_imgproc.so.3.4.9
-- Installing: /usr/local/lib/libopencv_imgproc.so.3.4
-- Set runtime path of "/usr/local/lib/libopencv_imgproc.so.3.4.9" to "/usr/local/lib"
-- Installing: /usr/local/lib/libopencv_imgproc.so
-- Installing: /usr/local/include/opencv2/imgproc.hpp
-- Installing: /usr/local/include/opencv2/imgproc/imgproc.hpp
-- Installing: /usr/local/include/opencv2/imgproc/imgproc_c.h
-- Installing: /usr/local/include/opencv2/imgproc/types_c.h
-- Installing: /usr/local/include/opencv2/imgproc/hal/hal.hpp
-- Installing: /usr/local/include/opencv2/imgproc/hal/interface.h
-- Installing: /usr/local/include/opencv2/imgproc/detail/distortion_model.hpp
-- Installing: /usr/local/lib/libopencv_ml.so.3.4.9
-- Installing: /usr/local/lib/libopencv_ml.so.3.4
-- Set runtime path of "/usr/local/lib/libopencv_ml.so.3.4.9" to "/usr/local/lib"
-- Installing: /usr/local/lib/libopencv_ml.so
-- Installing: /usr/local/include/opencv2/ml.hpp
-- Installing: /usr/local/include/opencv2/ml/ml.hpp
-- Installing: /usr/local/include/opencv2/ml/ml.inl.hpp
-- Installing: /usr/local/lib/libopencv_phase_unwrapping.so.3.4.9
-- Installing: /usr/local/lib/libopencv_phase_unwrapping.so.3.4
-- Set runtime path of "/usr/local/lib/libopencv_phase_unwrapping.so.3.4.9" to "/usr/local/lib"
-- Installing: /usr/local/lib/libopencv_phase_unwrapping.so
-- Installing: /usr/local/include/opencv2/phase_unwrapping.hpp
-- Installing: /usr/local/include/opencv2/phase_unwrapping/histogramphaseunwrapping.hpp
-- Installing: /usr/local/include/opencv2/phase_unwrapping/phase_unwrapping.hpp
-- Installing: /usr/local/share/OpenCV/samples/phase_unwrapping/unwrap.cpp
-- Up-to-date: /usr/local/share/OpenCV/samples/phase_unwrapping
-- Installing: /usr/local/lib/libopencv_photo.so.3.4.9
-- Installing: /usr/local/lib/libopencv_photo.so.3.4
-- Set runtime path of "/usr/local/lib/libopencv_photo.so.3.4.9" to "/usr/local/lib"
-- Installing: /usr/local/lib/libopencv_photo.so
-- Installing: /usr/local/include/opencv2/photo.hpp
-- Installing: /usr/local/include/opencv2/photo/cuda.hpp
-- Installing: /usr/local/include/opencv2/photo/photo.hpp
-- Installing: /usr/local/include/opencv2/photo/photo_c.h
-- Installing: /usr/local/lib/libopencv_plot.so.3.4.9
-- Installing: /usr/local/lib/libopencv_plot.so.3.4
-- Set runtime path of "/usr/local/lib/libopencv_plot.so.3.4.9" to "/usr/local/lib"
-- Installing: /usr/local/lib/libopencv_plot.so
-- Installing: /usr/local/include/opencv2/plot.hpp
-- Installing: /usr/local/share/OpenCV/samples/plot/plot_demo.cpp
-- Up-to-date: /usr/local/share/OpenCV/samples/plot
-- Installing: /usr/local/lib/libopencv_reg.so.3.4.9
-- Installing: /usr/local/lib/libopencv_reg.so.3.4
-- Set runtime path of "/usr/local/lib/libopencv_reg.so.3.4.9" to "/usr/local/lib"
-- Installing: /usr/local/lib/libopencv_reg.so
-- Installing: /usr/local/include/opencv2/reg/map.hpp
-- Installing: /usr/local/include/opencv2/reg/mapaffine.hpp
-- Installing: /usr/local/include/opencv2/reg/mapper.hpp
-- Installing: /usr/local/include/opencv2/reg/mappergradaffine.hpp
-- Installing: /usr/local/include/opencv2/reg/mappergradeuclid.hpp
-- Installing: /usr/local/include/opencv2/reg/mappergradproj.hpp
-- Installing: /usr/local/include/opencv2/reg/mappergradshift.hpp
-- Installing: /usr/local/include/opencv2/reg/mappergradsimilar.hpp
-- Installing: /usr/local/include/opencv2/reg/mapperpyramid.hpp
-- Installing: /usr/local/include/opencv2/reg/mapprojec.hpp
-- Installing: /usr/local/include/opencv2/reg/mapshift.hpp
-- Installing: /usr/local/share/OpenCV/samples/reg/CMakeLists.txt
-- Installing: /usr/local/share/OpenCV/samples/reg/LR_05.png
-- Installing: /usr/local/share/OpenCV/samples/reg/LR_06.png
-- Installing: /usr/local/share/OpenCV/samples/reg/home.png
-- Installing: /usr/local/share/OpenCV/samples/reg/map_test.cpp
-- Installing: /usr/local/share/OpenCV/samples/reg/reg_shift.py
-- Up-to-date: /usr/local/share/OpenCV/samples/reg
-- Installing: /usr/local/lib/libopencv_surface_matching.so.3.4.9
-- Installing: /usr/local/lib/libopencv_surface_matching.so.3.4
-- Set runtime path of "/usr/local/lib/libopencv_surface_matching.so.3.4.9" to "/usr/local/lib"
-- Installing: /usr/local/lib/libopencv_surface_matching.so
-- Installing: /usr/local/include/opencv2/surface_matching.hpp
-- Installing: /usr/local/include/opencv2/surface_matching/icp.hpp
-- Installing: /usr/local/include/opencv2/surface_matching/pose_3d.hpp
-- Installing: /usr/local/include/opencv2/surface_matching/ppf_helpers.hpp
-- Installing: /usr/local/include/opencv2/surface_matching/ppf_match_3d.hpp
-- Installing: /usr/local/include/opencv2/surface_matching/t_hash_int.hpp
-- Installing: /usr/local/share/OpenCV/samples/surface_matching/ppf_icp.py
-- Installing: /usr/local/share/OpenCV/samples/surface_matching/ppf_load_match.cpp
-- Installing: /usr/local/share/OpenCV/samples/surface_matching/ppf_normal_computation.cpp
-- Installing: /usr/local/share/OpenCV/samples/surface_matching/data
-- Installing: /usr/local/share/OpenCV/samples/surface_matching/data/parasaurolophus_6700.ply
-- Installing: /usr/local/share/OpenCV/samples/surface_matching/data/parasaurolophus_low_normals2.ply
-- Installing: /usr/local/share/OpenCV/samples/surface_matching/data/rs22_proc2.ply
-- Installing: /usr/local/share/OpenCV/samples/surface_matching/data/rs1_normals.ply
-- Installing: /usr/local/lib/libopencv_video.so.3.4.9
-- Installing: /usr/local/lib/libopencv_video.so.3.4
-- Set runtime path of "/usr/local/lib/libopencv_video.so.3.4.9" to "/usr/local/lib"
-- Installing: /usr/local/lib/libopencv_video.so
-- Installing: /usr/local/include/opencv2/video.hpp
-- Installing: /usr/local/include/opencv2/video/background_segm.hpp
-- Installing: /usr/local/include/opencv2/video/tracking.hpp
-- Installing: /usr/local/include/opencv2/video/video.hpp
-- Installing: /usr/local/include/opencv2/video/tracking_c.h
-- Installing: /usr/local/lib/libopencv_xphoto.so.3.4.9
-- Installing: /usr/local/lib/libopencv_xphoto.so.3.4
-- Set runtime path of "/usr/local/lib/libopencv_xphoto.so.3.4.9" to "/usr/local/lib"
-- Installing: /usr/local/lib/libopencv_xphoto.so
-- Installing: /usr/local/include/opencv2/xphoto.hpp
-- Installing: /usr/local/include/opencv2/xphoto/bm3d_image_denoising.hpp
-- Installing: /usr/local/include/opencv2/xphoto/dct_image_denoising.hpp
-- Installing: /usr/local/include/opencv2/xphoto/inpainting.hpp
-- Installing: /usr/local/include/opencv2/xphoto/tonemap.hpp
-- Installing: /usr/local/include/opencv2/xphoto/white_balance.hpp
-- Installing: /usr/local/share/OpenCV/samples/xphoto/bm3d_image_denoising.cpp
-- Installing: /usr/local/share/OpenCV/samples/xphoto/color_balance.cpp
-- Installing: /usr/local/share/OpenCV/samples/xphoto/color_balance_benchmark.py
-- Installing: /usr/local/share/OpenCV/samples/xphoto/dct_image_denoising.cpp
-- Installing: /usr/local/share/OpenCV/samples/xphoto/inpainting.cpp
-- Installing: /usr/local/share/OpenCV/samples/xphoto/learn_color_balance.py
-- Up-to-date: /usr/local/share/OpenCV/samples/xphoto
-- Installing: /usr/local/lib/libopencv_dnn.so.3.4.9
-- Installing: /usr/local/lib/libopencv_dnn.so.3.4
-- Set runtime path of "/usr/local/lib/libopencv_dnn.so.3.4.9" to "/usr/local/lib"
-- Installing: /usr/local/lib/libopencv_dnn.so
-- Installing: /usr/local/include/opencv2/dnn.hpp
-- Installing: /usr/local/include/opencv2/dnn/all_layers.hpp
-- Installing: /usr/local/include/opencv2/dnn/dict.hpp
-- Installing: /usr/local/include/opencv2/dnn/dnn.hpp
-- Installing: /usr/local/include/opencv2/dnn/dnn.inl.hpp
-- Installing: /usr/local/include/opencv2/dnn/layer.details.hpp
-- Installing: /usr/local/include/opencv2/dnn/layer.hpp
-- Installing: /usr/local/include/opencv2/dnn/shape_utils.hpp
-- Installing: /usr/local/include/opencv2/dnn/utils/inference_engine.hpp
-- Installing: /usr/local/lib/libopencv_features2d.so.3.4.9
-- Installing: /usr/local/lib/libopencv_features2d.so.3.4
-- Set runtime path of "/usr/local/lib/libopencv_features2d.so.3.4.9" to "/usr/local/lib"
-- Installing: /usr/local/lib/libopencv_features2d.so
-- Installing: /usr/local/include/opencv2/features2d.hpp
-- Installing: /usr/local/include/opencv2/features2d/features2d.hpp
-- Installing: /usr/local/include/opencv2/features2d/hal/interface.h
-- Installing: /usr/local/lib/libopencv_freetype.so.3.4.9
-- Installing: /usr/local/lib/libopencv_freetype.so.3.4
-- Set runtime path of "/usr/local/lib/libopencv_freetype.so.3.4.9" to "/usr/local/lib"
-- Installing: /usr/local/lib/libopencv_freetype.so
-- Installing: /usr/local/include/opencv2/freetype.hpp
-- Installing: /usr/local/lib/libopencv_fuzzy.so.3.4.9
-- Installing: /usr/local/lib/libopencv_fuzzy.so.3.4
-- Set runtime path of "/usr/local/lib/libopencv_fuzzy.so.3.4.9" to "/usr/local/lib"
-- Installing: /usr/local/lib/libopencv_fuzzy.so
-- Installing: /usr/local/include/opencv2/fuzzy.hpp
-- Installing: /usr/local/include/opencv2/fuzzy/fuzzy_F0_math.hpp
-- Installing: /usr/local/include/opencv2/fuzzy/fuzzy_F1_math.hpp
-- Installing: /usr/local/include/opencv2/fuzzy/fuzzy_image.hpp
-- Installing: /usr/local/include/opencv2/fuzzy/types.hpp
-- Installing: /usr/local/share/OpenCV/samples/fuzzy/fuzzy_filtering.cpp
-- Installing: /usr/local/share/OpenCV/samples/fuzzy/fuzzy_inpainting.cpp
-- Installing: /usr/local/share/OpenCV/samples/fuzzy/input.png
-- Installing: /usr/local/share/OpenCV/samples/fuzzy/mask1.png
-- Installing: /usr/local/share/OpenCV/samples/fuzzy/mask2.png
-- Installing: /usr/local/share/OpenCV/samples/fuzzy/mask3.png
-- Up-to-date: /usr/local/share/OpenCV/samples/fuzzy
-- Installing: /usr/local/lib/libopencv_hfs.so.3.4.9
-- Installing: /usr/local/lib/libopencv_hfs.so.3.4
-- Set runtime path of "/usr/local/lib/libopencv_hfs.so.3.4.9" to "/usr/local/lib"
-- Installing: /usr/local/lib/libopencv_hfs.so
-- Installing: /usr/local/include/opencv2/hfs.hpp
-- Installing: /usr/local/share/OpenCV/samples/hfs/CMakeLists.txt
-- Installing: /usr/local/share/OpenCV/samples/hfs/example.cpp
-- Installing: /usr/local/share/OpenCV/samples/hfs/data
-- Installing: /usr/local/share/OpenCV/samples/hfs/data/001.jpg
-- Installing: /usr/local/share/OpenCV/samples/hfs/data/000.jpg
-- Installing: /usr/local/share/OpenCV/samples/hfs/data/002.jpg
-- Installing: /usr/local/lib/libopencv_img_hash.so.3.4.9
-- Installing: /usr/local/lib/libopencv_img_hash.so.3.4
-- Set runtime path of "/usr/local/lib/libopencv_img_hash.so.3.4.9" to "/usr/local/lib"
-- Installing: /usr/local/lib/libopencv_img_hash.so
-- Installing: /usr/local/include/opencv2/img_hash.hpp
-- Installing: /usr/local/include/opencv2/img_hash/average_hash.hpp
-- Installing: /usr/local/include/opencv2/img_hash/block_mean_hash.hpp
-- Installing: /usr/local/include/opencv2/img_hash/color_moment_hash.hpp
-- Installing: /usr/local/include/opencv2/img_hash/img_hash_base.hpp
-- Installing: /usr/local/include/opencv2/img_hash/marr_hildreth_hash.hpp
-- Installing: /usr/local/include/opencv2/img_hash/phash.hpp
-- Installing: /usr/local/include/opencv2/img_hash/radial_variance_hash.hpp
-- Installing: /usr/local/share/OpenCV/samples/img_hash/hash_samples.cpp
-- Up-to-date: /usr/local/share/OpenCV/samples/img_hash
-- Installing: /usr/local/lib/libopencv_imgcodecs.so.3.4.9
-- Installing: /usr/local/lib/libopencv_imgcodecs.so.3.4
-- Set runtime path of "/usr/local/lib/libopencv_imgcodecs.so.3.4.9" to "/usr/local/lib"
-- Installing: /usr/local/lib/libopencv_imgcodecs.so
-- Installing: /usr/local/include/opencv2/imgcodecs.hpp
-- Installing: /usr/local/include/opencv2/imgcodecs/imgcodecs.hpp
-- Installing: /usr/local/include/opencv2/imgcodecs/imgcodecs_c.h
-- Installing: /usr/local/include/opencv2/imgcodecs/ios.h
-- Installing: /usr/local/lib/libopencv_line_descriptor.so.3.4.9
-- Installing: /usr/local/lib/libopencv_line_descriptor.so.3.4
-- Set runtime path of "/usr/local/lib/libopencv_line_descriptor.so.3.4.9" to "/usr/local/lib"
-- Installing: /usr/local/lib/libopencv_line_descriptor.so
-- Installing: /usr/local/include/opencv2/line_descriptor.hpp
-- Installing: /usr/local/include/opencv2/line_descriptor/descriptor.hpp
-- Installing: /usr/local/share/OpenCV/samples/line_descriptor/compute_descriptors.cpp
-- Installing: /usr/local/share/OpenCV/samples/line_descriptor/knn_matching.cpp
-- Installing: /usr/local/share/OpenCV/samples/line_descriptor/lines_extraction.cpp
-- Installing: /usr/local/share/OpenCV/samples/line_descriptor/lsd_lines_extraction.cpp
-- Installing: /usr/local/share/OpenCV/samples/line_descriptor/matching.cpp
-- Installing: /usr/local/share/OpenCV/samples/line_descriptor/radius_matching.cpp
-- Up-to-date: /usr/local/share/OpenCV/samples/line_descriptor
-- Installing: /usr/local/lib/libopencv_saliency.so.3.4.9
-- Installing: /usr/local/lib/libopencv_saliency.so.3.4
-- Set runtime path of "/usr/local/lib/libopencv_saliency.so.3.4.9" to "/usr/local/lib"
-- Installing: /usr/local/lib/libopencv_saliency.so
-- Installing: /usr/local/include/opencv2/saliency.hpp
-- Installing: /usr/local/include/opencv2/saliency/saliencyBaseClasses.hpp
-- Installing: /usr/local/include/opencv2/saliency/saliencySpecializedClasses.hpp
-- Installing: /usr/local/share/OpenCV/samples/saliency/computeSaliency.cpp
-- Installing: /usr/local/share/OpenCV/samples/saliency/ObjectnessTrainedModel
-- Installing: /usr/local/share/OpenCV/samples/saliency/ObjectnessTrainedModel/ObjNessB2W8MAXBGR.wS1.yml.gz
-- Installing: /usr/local/share/OpenCV/samples/saliency/ObjectnessTrainedModel/ObjNessB2W8MAXBGR.idx.yml.gz
-- Installing: /usr/local/share/OpenCV/samples/saliency/ObjectnessTrainedModel/ObjNessB2W8I.wS1.yml.gz
-- Installing: /usr/local/share/OpenCV/samples/saliency/ObjectnessTrainedModel/ObjNessB2W8MAXBGR.wS2.yml.gz
-- Installing: /usr/local/share/OpenCV/samples/saliency/ObjectnessTrainedModel/ObjNessB2W8I.wS2.yml.gz
-- Installing: /usr/local/share/OpenCV/samples/saliency/ObjectnessTrainedModel/ObjNessB2W8HSV.idx.yml.gz
-- Installing: /usr/local/share/OpenCV/samples/saliency/ObjectnessTrainedModel/ObjNessB2W8HSV.wS1.yml.gz
-- Installing: /usr/local/share/OpenCV/samples/saliency/ObjectnessTrainedModel/ObjNessB2W8I.idx.yml.gz
-- Installing: /usr/local/share/OpenCV/samples/saliency/ObjectnessTrainedModel/ObjNessB2W8HSV.wS2.yml.gz
-- Installing: /usr/local/lib/libopencv_shape.so.3.4.9
-- Installing: /usr/local/lib/libopencv_shape.so.3.4
-- Set runtime path of "/usr/local/lib/libopencv_shape.so.3.4.9" to "/usr/local/lib"
-- Installing: /usr/local/lib/libopencv_shape.so
-- Installing: /usr/local/include/opencv2/shape.hpp
-- Installing: /usr/local/include/opencv2/shape/emdL1.hpp
-- Installing: /usr/local/include/opencv2/shape/hist_cost.hpp
-- Installing: /usr/local/include/opencv2/shape/shape.hpp
-- Installing: /usr/local/include/opencv2/shape/shape_distance.hpp
-- Installing: /usr/local/include/opencv2/shape/shape_transformer.hpp
-- Installing: /usr/local/lib/libopencv_text.so.3.4.9
-- Installing: /usr/local/lib/libopencv_text.so.3.4
-- Set runtime path of "/usr/local/lib/libopencv_text.so.3.4.9" to "/usr/local/lib"
-- Installing: /usr/local/lib/libopencv_text.so
-- Installing: /usr/local/include/opencv2/text.hpp
-- Installing: /usr/local/include/opencv2/text/erfilter.hpp
-- Installing: /usr/local/include/opencv2/text/ocr.hpp
-- Installing: /usr/local/include/opencv2/text/textDetector.hpp
-- Installing: /usr/local/share/OpenCV/samples/text/OCRBeamSearch_CNN_model_data.xml.gz
-- Installing: /usr/local/share/OpenCV/samples/text/OCRHMM_knn_model_data.xml.gz
-- Installing: /usr/local/share/OpenCV/samples/text/OCRHMM_transitions_table.xml
-- Installing: /usr/local/share/OpenCV/samples/text/character_recognition.cpp
-- Installing: /usr/local/share/OpenCV/samples/text/cropped_word_recognition.cpp
-- Installing: /usr/local/share/OpenCV/samples/text/deeptextdetection.py
-- Installing: /usr/local/share/OpenCV/samples/text/detect_er_chars.py
-- Installing: /usr/local/share/OpenCV/samples/text/dictnet_demo.cpp
-- Installing: /usr/local/share/OpenCV/samples/text/end_to_end_recognition.cpp
-- Installing: /usr/local/share/OpenCV/samples/text/scenetext01.jpg
-- Installing: /usr/local/share/OpenCV/samples/text/scenetext02.jpg
-- Installing: /usr/local/share/OpenCV/samples/text/scenetext03.jpg
-- Installing: /usr/local/share/OpenCV/samples/text/scenetext04.jpg
-- Installing: /usr/local/share/OpenCV/samples/text/scenetext05.jpg
-- Installing: /usr/local/share/OpenCV/samples/text/scenetext06.jpg
-- Installing: /usr/local/share/OpenCV/samples/text/scenetext_char01.jpg
-- Installing: /usr/local/share/OpenCV/samples/text/scenetext_char02.jpg
-- Installing: /usr/local/share/OpenCV/samples/text/scenetext_char03.jpg
-- Installing: /usr/local/share/OpenCV/samples/text/scenetext_segmented_word01.jpg
-- Installing: /usr/local/share/OpenCV/samples/text/scenetext_segmented_word01_mask.png
-- Installing: /usr/local/share/OpenCV/samples/text/scenetext_segmented_word02.jpg
-- Installing: /usr/local/share/OpenCV/samples/text/scenetext_segmented_word02_mask.png
-- Installing: /usr/local/share/OpenCV/samples/text/scenetext_segmented_word03.jpg
-- Installing: /usr/local/share/OpenCV/samples/text/scenetext_segmented_word03_mask.png
-- Installing: /usr/local/share/OpenCV/samples/text/scenetext_segmented_word04.jpg
-- Installing: /usr/local/share/OpenCV/samples/text/scenetext_segmented_word04_mask.png
-- Installing: /usr/local/share/OpenCV/samples/text/scenetext_segmented_word05.jpg
-- Installing: /usr/local/share/OpenCV/samples/text/scenetext_segmented_word05_mask.png
-- Installing: /usr/local/share/OpenCV/samples/text/scenetext_word01.jpg
-- Installing: /usr/local/share/OpenCV/samples/text/scenetext_word02.jpg
-- Installing: /usr/local/share/OpenCV/samples/text/scenetext_word03.jpg
-- Installing: /usr/local/share/OpenCV/samples/text/scenetext_word04.jpg
-- Installing: /usr/local/share/OpenCV/samples/text/segmented_word_recognition.cpp
-- Installing: /usr/local/share/OpenCV/samples/text/text_recognition_cnn.cpp
-- Installing: /usr/local/share/OpenCV/samples/text/textbox.prototxt
-- Installing: /usr/local/share/OpenCV/samples/text/textbox_demo.cpp
-- Installing: /usr/local/share/OpenCV/samples/text/textdetection.cpp
-- Installing: /usr/local/share/OpenCV/samples/text/textdetection.py
-- Installing: /usr/local/share/OpenCV/samples/text/trained_classifierNM1.xml
-- Installing: /usr/local/share/OpenCV/samples/text/trained_classifierNM2.xml
-- Installing: /usr/local/share/OpenCV/samples/text/trained_classifier_erGrouping.xml
-- Installing: /usr/local/share/OpenCV/samples/text/webcam_demo.cpp
-- Up-to-date: /usr/local/share/OpenCV/samples/text
-- Installing: /usr/local/lib/libopencv_videoio.so.3.4.9
-- Installing: /usr/local/lib/libopencv_videoio.so.3.4
-- Set runtime path of "/usr/local/lib/libopencv_videoio.so.3.4.9" to "/usr/local/lib"
-- Installing: /usr/local/lib/libopencv_videoio.so
-- Installing: /usr/local/include/opencv2/videoio.hpp
-- Installing: /usr/local/include/opencv2/videoio/registry.hpp
-- Installing: /usr/local/include/opencv2/videoio/videoio.hpp
-- Installing: /usr/local/include/opencv2/videoio/cap_ios.h
-- Installing: /usr/local/include/opencv2/videoio/videoio_c.h
-- Installing: /usr/local/lib/libopencv_calib3d.so.3.4.9
-- Installing: /usr/local/lib/libopencv_calib3d.so.3.4
-- Set runtime path of "/usr/local/lib/libopencv_calib3d.so.3.4.9" to "/usr/local/lib"
-- Installing: /usr/local/lib/libopencv_calib3d.so
-- Installing: /usr/local/include/opencv2/calib3d.hpp
-- Installing: /usr/local/include/opencv2/calib3d/calib3d.hpp
-- Installing: /usr/local/include/opencv2/calib3d/calib3d_c.h
-- Installing: /usr/local/lib/libopencv_datasets.so.3.4.9
-- Installing: /usr/local/lib/libopencv_datasets.so.3.4
-- Set runtime path of "/usr/local/lib/libopencv_datasets.so.3.4.9" to "/usr/local/lib"
-- Installing: /usr/local/lib/libopencv_datasets.so
-- Installing: /usr/local/include/opencv2/datasets/ar_hmdb.hpp
-- Installing: /usr/local/include/opencv2/datasets/ar_sports.hpp
-- Installing: /usr/local/include/opencv2/datasets/dataset.hpp
-- Installing: /usr/local/include/opencv2/datasets/fr_adience.hpp
-- Installing: /usr/local/include/opencv2/datasets/fr_lfw.hpp
-- Installing: /usr/local/include/opencv2/datasets/gr_chalearn.hpp
-- Installing: /usr/local/include/opencv2/datasets/gr_skig.hpp
-- Installing: /usr/local/include/opencv2/datasets/hpe_humaneva.hpp
-- Installing: /usr/local/include/opencv2/datasets/hpe_parse.hpp
-- Installing: /usr/local/include/opencv2/datasets/ir_affine.hpp
-- Installing: /usr/local/include/opencv2/datasets/ir_robot.hpp
-- Installing: /usr/local/include/opencv2/datasets/is_bsds.hpp
-- Installing: /usr/local/include/opencv2/datasets/is_weizmann.hpp
-- Installing: /usr/local/include/opencv2/datasets/msm_epfl.hpp
-- Installing: /usr/local/include/opencv2/datasets/msm_middlebury.hpp
-- Installing: /usr/local/include/opencv2/datasets/or_imagenet.hpp
-- Installing: /usr/local/include/opencv2/datasets/or_mnist.hpp
-- Installing: /usr/local/include/opencv2/datasets/or_pascal.hpp
-- Installing: /usr/local/include/opencv2/datasets/or_sun.hpp
-- Installing: /usr/local/include/opencv2/datasets/pd_caltech.hpp
-- Installing: /usr/local/include/opencv2/datasets/pd_inria.hpp
-- Installing: /usr/local/include/opencv2/datasets/slam_kitti.hpp
-- Installing: /usr/local/include/opencv2/datasets/slam_tumindoor.hpp
-- Installing: /usr/local/include/opencv2/datasets/tr_chars.hpp
-- Installing: /usr/local/include/opencv2/datasets/tr_icdar.hpp
-- Installing: /usr/local/include/opencv2/datasets/tr_svt.hpp
-- Installing: /usr/local/include/opencv2/datasets/track_alov.hpp
-- Installing: /usr/local/include/opencv2/datasets/track_vot.hpp
-- Installing: /usr/local/include/opencv2/datasets/util.hpp
-- Installing: /usr/local/share/OpenCV/samples/datasets/ar_hmdb.cpp
-- Installing: /usr/local/share/OpenCV/samples/datasets/ar_hmdb_benchmark.cpp
-- Installing: /usr/local/share/OpenCV/samples/datasets/ar_sports.cpp
-- Installing: /usr/local/share/OpenCV/samples/datasets/fr_adience.cpp
-- Installing: /usr/local/share/OpenCV/samples/datasets/fr_lfw.cpp
-- Installing: /usr/local/share/OpenCV/samples/datasets/fr_lfw_benchmark.cpp
-- Installing: /usr/local/share/OpenCV/samples/datasets/gr_chalearn.cpp
-- Installing: /usr/local/share/OpenCV/samples/datasets/gr_skig.cpp
-- Installing: /usr/local/share/OpenCV/samples/datasets/hpe_humaneva.cpp
-- Installing: /usr/local/share/OpenCV/samples/datasets/hpe_parse.cpp
-- Installing: /usr/local/share/OpenCV/samples/datasets/ir_affine.cpp
-- Installing: /usr/local/share/OpenCV/samples/datasets/ir_robot.cpp
-- Installing: /usr/local/share/OpenCV/samples/datasets/is_bsds.cpp
-- Installing: /usr/local/share/OpenCV/samples/datasets/is_weizmann.cpp
-- Installing: /usr/local/share/OpenCV/samples/datasets/msm_epfl.cpp
-- Installing: /usr/local/share/OpenCV/samples/datasets/msm_middlebury.cpp
-- Installing: /usr/local/share/OpenCV/samples/datasets/or_imagenet.cpp
-- Installing: /usr/local/share/OpenCV/samples/datasets/or_mnist.cpp
-- Installing: /usr/local/share/OpenCV/samples/datasets/or_pascal.cpp
-- Installing: /usr/local/share/OpenCV/samples/datasets/or_sun.cpp
-- Installing: /usr/local/share/OpenCV/samples/datasets/pd_caltech.cpp
-- Installing: /usr/local/share/OpenCV/samples/datasets/pd_inria.cpp
-- Installing: /usr/local/share/OpenCV/samples/datasets/slam_kitti.cpp
-- Installing: /usr/local/share/OpenCV/samples/datasets/slam_tumindoor.cpp
-- Installing: /usr/local/share/OpenCV/samples/datasets/tr_chars.cpp
-- Installing: /usr/local/share/OpenCV/samples/datasets/tr_chars_benchmark.cpp
-- Installing: /usr/local/share/OpenCV/samples/datasets/tr_icdar.cpp
-- Installing: /usr/local/share/OpenCV/samples/datasets/tr_icdar_benchmark.cpp
-- Installing: /usr/local/share/OpenCV/samples/datasets/tr_svt.cpp
-- Installing: /usr/local/share/OpenCV/samples/datasets/tr_svt_benchmark.cpp
-- Installing: /usr/local/share/OpenCV/samples/datasets/track_vot.cpp
-- Up-to-date: /usr/local/share/OpenCV/samples/datasets
-- Installing: /usr/local/lib/libopencv_highgui.so.3.4.9
-- Installing: /usr/local/lib/libopencv_highgui.so.3.4
-- Set runtime path of "/usr/local/lib/libopencv_highgui.so.3.4.9" to "/usr/local/lib"
-- Installing: /usr/local/lib/libopencv_highgui.so
-- Installing: /usr/local/include/opencv2/highgui.hpp
-- Installing: /usr/local/include/opencv2/highgui/highgui.hpp
-- Installing: /usr/local/include/opencv2/highgui/highgui_c.h
-- Installing: /usr/local/lib/libopencv_objdetect.so.3.4.9
-- Installing: /usr/local/lib/libopencv_objdetect.so.3.4
-- Set runtime path of "/usr/local/lib/libopencv_objdetect.so.3.4.9" to "/usr/local/lib"
-- Installing: /usr/local/lib/libopencv_objdetect.so
-- Installing: /usr/local/include/opencv2/objdetect.hpp
-- Installing: /usr/local/include/opencv2/objdetect/detection_based_tracker.hpp
-- Installing: /usr/local/include/opencv2/objdetect/objdetect.hpp
-- Installing: /usr/local/include/opencv2/objdetect/objdetect_c.h
-- Installing: /usr/local/lib/libopencv_rgbd.so.3.4.9
-- Installing: /usr/local/lib/libopencv_rgbd.so.3.4
-- Set runtime path of "/usr/local/lib/libopencv_rgbd.so.3.4.9" to "/usr/local/lib"
-- Installing: /usr/local/lib/libopencv_rgbd.so
-- Installing: /usr/local/include/opencv2/rgbd.hpp
-- Installing: /usr/local/include/opencv2/rgbd/linemod.hpp
-- Installing: /usr/local/share/OpenCV/samples/rgbd/CMakeLists.txt
-- Installing: /usr/local/share/OpenCV/samples/rgbd/linemod.cpp
-- Installing: /usr/local/share/OpenCV/samples/rgbd/odometry_evaluation.cpp
-- Up-to-date: /usr/local/share/OpenCV/samples/rgbd
-- Installing: /usr/local/lib/libopencv_stereo.so.3.4.9
-- Installing: /usr/local/lib/libopencv_stereo.so.3.4
-- Set runtime path of "/usr/local/lib/libopencv_stereo.so.3.4.9" to "/usr/local/lib"
-- Installing: /usr/local/lib/libopencv_stereo.so
-- Installing: /usr/local/include/opencv2/stereo.hpp
-- Installing: /usr/local/include/opencv2/stereo/descriptor.hpp
-- Installing: /usr/local/include/opencv2/stereo/matching.hpp
-- Installing: /usr/local/include/opencv2/stereo/stereo.hpp
-- Installing: /usr/local/share/OpenCV/samples/stereo/sample.cpp
-- Up-to-date: /usr/local/share/OpenCV/samples/stereo
-- Installing: /usr/local/lib/libopencv_structured_light.so.3.4.9
-- Installing: /usr/local/lib/libopencv_structured_light.so.3.4
-- Set runtime path of "/usr/local/lib/libopencv_structured_light.so.3.4.9" to "/usr/local/lib"
-- Installing: /usr/local/lib/libopencv_structured_light.so
-- Installing: /usr/local/include/opencv2/structured_light.hpp
-- Installing: /usr/local/include/opencv2/structured_light/graycodepattern.hpp
-- Installing: /usr/local/include/opencv2/structured_light/sinusoidalpattern.hpp
-- Installing: /usr/local/include/opencv2/structured_light/structured_light.hpp
-- Installing: /usr/local/share/OpenCV/samples/structured_light/cap_pattern.cpp
-- Installing: /usr/local/share/OpenCV/samples/structured_light/capsinpattern.cpp
-- Installing: /usr/local/share/OpenCV/samples/structured_light/pointcloud.cpp
-- Installing: /usr/local/share/OpenCV/samples/structured_light/projectorcalibration.cpp
-- Up-to-date: /usr/local/share/OpenCV/samples/structured_light
-- Installing: /usr/local/lib/libopencv_superres.so.3.4.9
-- Installing: /usr/local/lib/libopencv_superres.so.3.4
-- Set runtime path of "/usr/local/lib/libopencv_superres.so.3.4.9" to "/usr/local/lib"
-- Installing: /usr/local/lib/libopencv_superres.so
-- Installing: /usr/local/include/opencv2/superres.hpp
-- Installing: /usr/local/include/opencv2/superres/optical_flow.hpp
-- Installing: /usr/local/lib/libopencv_tracking.so.3.4.9
-- Installing: /usr/local/lib/libopencv_tracking.so.3.4
-- Set runtime path of "/usr/local/lib/libopencv_tracking.so.3.4.9" to "/usr/local/lib"
-- Installing: /usr/local/lib/libopencv_tracking.so
-- Installing: /usr/local/include/opencv2/tracking.hpp
-- Installing: /usr/local/include/opencv2/tracking/feature.hpp
-- Installing: /usr/local/include/opencv2/tracking/kalman_filters.hpp
-- Installing: /usr/local/include/opencv2/tracking/onlineBoosting.hpp
-- Installing: /usr/local/include/opencv2/tracking/onlineMIL.hpp
-- Installing: /usr/local/include/opencv2/tracking/tldDataset.hpp
-- Installing: /usr/local/include/opencv2/tracking/tracker.hpp
-- Installing: /usr/local/include/opencv2/tracking/tracking.hpp
-- Installing: /usr/local/share/OpenCV/samples/tracking/benchmark.cpp
-- Installing: /usr/local/share/OpenCV/samples/tracking/csrt.cpp
-- Installing: /usr/local/share/OpenCV/samples/tracking/goturnTracker.cpp
-- Installing: /usr/local/share/OpenCV/samples/tracking/kcf.cpp
-- Installing: /usr/local/share/OpenCV/samples/tracking/multiTracker_dataset.cpp
-- Installing: /usr/local/share/OpenCV/samples/tracking/multitracker.cpp
-- Installing: /usr/local/share/OpenCV/samples/tracking/multitracker.py
-- Installing: /usr/local/share/OpenCV/samples/tracking/samples_utility.hpp
-- Installing: /usr/local/share/OpenCV/samples/tracking/tracker.cpp
-- Installing: /usr/local/share/OpenCV/samples/tracking/tracker.py
-- Installing: /usr/local/share/OpenCV/samples/tracking/tracker_dataset.cpp
-- Installing: /usr/local/share/OpenCV/samples/tracking/tutorial_customizing_cn_tracker.cpp
-- Installing: /usr/local/share/OpenCV/samples/tracking/tutorial_introduction_to_tracker.cpp
-- Installing: /usr/local/share/OpenCV/samples/tracking/tutorial_multitracker.cpp
-- Up-to-date: /usr/local/share/OpenCV/samples/tracking
-- Installing: /usr/local/lib/libopencv_videostab.so.3.4.9
-- Installing: /usr/local/lib/libopencv_videostab.so.3.4
-- Set runtime path of "/usr/local/lib/libopencv_videostab.so.3.4.9" to "/usr/local/lib"
-- Installing: /usr/local/lib/libopencv_videostab.so
-- Installing: /usr/local/include/opencv2/videostab.hpp
-- Installing: /usr/local/include/opencv2/videostab/deblurring.hpp
-- Installing: /usr/local/include/opencv2/videostab/fast_marching.hpp
-- Installing: /usr/local/include/opencv2/videostab/fast_marching_inl.hpp
-- Installing: /usr/local/include/opencv2/videostab/frame_source.hpp
-- Installing: /usr/local/include/opencv2/videostab/global_motion.hpp
-- Installing: /usr/local/include/opencv2/videostab/inpainting.hpp
-- Installing: /usr/local/include/opencv2/videostab/log.hpp
-- Installing: /usr/local/include/opencv2/videostab/motion_core.hpp
-- Installing: /usr/local/include/opencv2/videostab/motion_stabilizing.hpp
-- Installing: /usr/local/include/opencv2/videostab/optical_flow.hpp
-- Installing: /usr/local/include/opencv2/videostab/outlier_rejection.hpp
-- Installing: /usr/local/include/opencv2/videostab/ring_buffer.hpp
-- Installing: /usr/local/include/opencv2/videostab/stabilizer.hpp
-- Installing: /usr/local/include/opencv2/videostab/wobble_suppression.hpp
-- Installing: /usr/local/lib/libopencv_xfeatures2d.so.3.4.9
-- Installing: /usr/local/lib/libopencv_xfeatures2d.so.3.4
-- Set runtime path of "/usr/local/lib/libopencv_xfeatures2d.so.3.4.9" to "/usr/local/lib"
-- Installing: /usr/local/lib/libopencv_xfeatures2d.so
-- Installing: /usr/local/include/opencv2/xfeatures2d.hpp
-- Installing: /usr/local/include/opencv2/xfeatures2d/cuda.hpp
-- Installing: /usr/local/include/opencv2/xfeatures2d/nonfree.hpp
-- Installing: /usr/local/share/OpenCV/samples/xfeatures2d/bagofwords_classification.cpp
-- Installing: /usr/local/share/OpenCV/samples/xfeatures2d/export-boostdesc.py
-- Installing: /usr/local/share/OpenCV/samples/xfeatures2d/gms_matcher.cpp
-- Installing: /usr/local/share/OpenCV/samples/xfeatures2d/pct_signatures.cpp
-- Installing: /usr/local/share/OpenCV/samples/xfeatures2d/pct_webcam.cpp
-- Installing: /usr/local/share/OpenCV/samples/xfeatures2d/shape_transformation.cpp
-- Installing: /usr/local/share/OpenCV/samples/xfeatures2d/surf_matcher.cpp
-- Installing: /usr/local/share/OpenCV/samples/xfeatures2d/video_homography.cpp
-- Up-to-date: /usr/local/share/OpenCV/samples/xfeatures2d
-- Installing: /usr/local/lib/libopencv_ximgproc.so.3.4.9
-- Installing: /usr/local/lib/libopencv_ximgproc.so.3.4
-- Set runtime path of "/usr/local/lib/libopencv_ximgproc.so.3.4.9" to "/usr/local/lib"
-- Installing: /usr/local/lib/libopencv_ximgproc.so
-- Installing: /usr/local/include/opencv2/ximgproc.hpp
-- Installing: /usr/local/include/opencv2/ximgproc/brightedges.hpp
-- Installing: /usr/local/include/opencv2/ximgproc/deriche_filter.hpp
-- Installing: /usr/local/include/opencv2/ximgproc/disparity_filter.hpp
-- Installing: /usr/local/include/opencv2/ximgproc/edge_filter.hpp
-- Installing: /usr/local/include/opencv2/ximgproc/edgeboxes.hpp
-- Installing: /usr/local/include/opencv2/ximgproc/estimated_covariance.hpp
-- Installing: /usr/local/include/opencv2/ximgproc/fast_hough_transform.hpp
-- Installing: /usr/local/include/opencv2/ximgproc/fast_line_detector.hpp
-- Installing: /usr/local/include/opencv2/ximgproc/fourier_descriptors.hpp
-- Installing: /usr/local/include/opencv2/ximgproc/lsc.hpp
-- Installing: /usr/local/include/opencv2/ximgproc/paillou_filter.hpp
-- Installing: /usr/local/include/opencv2/ximgproc/peilin.hpp
-- Installing: /usr/local/include/opencv2/ximgproc/ridgefilter.hpp
-- Installing: /usr/local/include/opencv2/ximgproc/seeds.hpp
-- Installing: /usr/local/include/opencv2/ximgproc/segmentation.hpp
-- Installing: /usr/local/include/opencv2/ximgproc/slic.hpp
-- Installing: /usr/local/include/opencv2/ximgproc/sparse_match_interpolator.hpp
-- Installing: /usr/local/include/opencv2/ximgproc/structured_edge_detection.hpp
-- Installing: /usr/local/include/opencv2/ximgproc/weighted_median_filter.hpp
-- Installing: /usr/local/share/OpenCV/samples/ximgproc/CMakeLists.txt
-- Installing: /usr/local/share/OpenCV/samples/ximgproc/brightedgesexample.cpp
-- Installing: /usr/local/share/OpenCV/samples/ximgproc/colorize.cpp
-- Installing: /usr/local/share/OpenCV/samples/ximgproc/dericheSample.py
-- Installing: /usr/local/share/OpenCV/samples/ximgproc/deriche_demo.cpp
-- Installing: /usr/local/share/OpenCV/samples/ximgproc/disparity_filtering.cpp
-- Installing: /usr/local/share/OpenCV/samples/ximgproc/edgeboxes_demo.cpp
-- Installing: /usr/local/share/OpenCV/samples/ximgproc/edgeboxes_demo.py
-- Installing: /usr/local/share/OpenCV/samples/ximgproc/fast_hough_transform.cpp
-- Installing: /usr/local/share/OpenCV/samples/ximgproc/filterdemo.cpp
-- Installing: /usr/local/share/OpenCV/samples/ximgproc/findredlinedpolygonfromgooglemaps.py
-- Installing: /usr/local/share/OpenCV/samples/ximgproc/fld_lines.cpp
-- Installing: /usr/local/share/OpenCV/samples/ximgproc/fourier_descriptors_demo.cpp
-- Installing: /usr/local/share/OpenCV/samples/ximgproc/graphsegmentation_demo.cpp
-- Installing: /usr/local/share/OpenCV/samples/ximgproc/live_demo.cpp
-- Installing: /usr/local/share/OpenCV/samples/ximgproc/niblack_thresholding.cpp
-- Installing: /usr/local/share/OpenCV/samples/ximgproc/paillou_demo.cpp
-- Installing: /usr/local/share/OpenCV/samples/ximgproc/peilin.cpp
-- Installing: /usr/local/share/OpenCV/samples/ximgproc/peilin_plane.png
-- Installing: /usr/local/share/OpenCV/samples/ximgproc/peilin_shape.png
-- Installing: /usr/local/share/OpenCV/samples/ximgproc/polygonstanfordoutput.png
-- Installing: /usr/local/share/OpenCV/samples/ximgproc/seeds.cpp
-- Installing: /usr/local/share/OpenCV/samples/ximgproc/selectivesearchsegmentation_demo.cpp
-- Installing: /usr/local/share/OpenCV/samples/ximgproc/selectivesearchsegmentation_demo.py
-- Installing: /usr/local/share/OpenCV/samples/ximgproc/slic.cpp
-- Installing: /usr/local/share/OpenCV/samples/ximgproc/stanford.png
-- Installing: /usr/local/share/OpenCV/samples/ximgproc/structured_edge_detection.cpp
-- Installing: /usr/local/share/OpenCV/samples/ximgproc/thinning.cpp
-- Up-to-date: /usr/local/share/OpenCV/samples/ximgproc
-- Installing: /usr/local/lib/libopencv_xobjdetect.so.3.4.9
-- Installing: /usr/local/lib/libopencv_xobjdetect.so.3.4
-- Set runtime path of "/usr/local/lib/libopencv_xobjdetect.so.3.4.9" to "/usr/local/lib"
-- Installing: /usr/local/lib/libopencv_xobjdetect.so
-- Installing: /usr/local/include/opencv2/xobjdetect.hpp
-- Installing: /usr/local/bin/opencv_waldboost_detector
-- Set runtime path of "/usr/local/bin/opencv_waldboost_detector" to "/usr/local/lib"
-- Installing: /usr/local/lib/libopencv_aruco.so.3.4.9
-- Installing: /usr/local/lib/libopencv_aruco.so.3.4
-- Set runtime path of "/usr/local/lib/libopencv_aruco.so.3.4.9" to "/usr/local/lib"
-- Installing: /usr/local/lib/libopencv_aruco.so
-- Installing: /usr/local/include/opencv2/aruco.hpp
-- Installing: /usr/local/include/opencv2/aruco/charuco.hpp
-- Installing: /usr/local/include/opencv2/aruco/dictionary.hpp
-- Installing: /usr/local/share/OpenCV/samples/aruco/calibrate_camera.cpp
-- Installing: /usr/local/share/OpenCV/samples/aruco/calibrate_camera_charuco.cpp
-- Installing: /usr/local/share/OpenCV/samples/aruco/create_board.cpp
-- Installing: /usr/local/share/OpenCV/samples/aruco/create_board_charuco.cpp
-- Installing: /usr/local/share/OpenCV/samples/aruco/create_diamond.cpp
-- Installing: /usr/local/share/OpenCV/samples/aruco/create_marker.cpp
-- Installing: /usr/local/share/OpenCV/samples/aruco/detect_board.cpp
-- Installing: /usr/local/share/OpenCV/samples/aruco/detect_board_charuco.cpp
-- Installing: /usr/local/share/OpenCV/samples/aruco/detect_diamonds.cpp
-- Installing: /usr/local/share/OpenCV/samples/aruco/detect_markers.cpp
-- Installing: /usr/local/share/OpenCV/samples/aruco/detector_params.yml
-- Up-to-date: /usr/local/share/OpenCV/samples/aruco
-- Installing: /usr/local/lib/libopencv_bgsegm.so.3.4.9
-- Installing: /usr/local/lib/libopencv_bgsegm.so.3.4
-- Set runtime path of "/usr/local/lib/libopencv_bgsegm.so.3.4.9" to "/usr/local/lib"
-- Installing: /usr/local/lib/libopencv_bgsegm.so
-- Installing: /usr/local/include/opencv2/bgsegm.hpp
-- Installing: /usr/local/share/OpenCV/samples/bgsegm/bgfg.cpp
-- Installing: /usr/local/share/OpenCV/samples/bgsegm/evaluation.py
-- Installing: /usr/local/share/OpenCV/samples/bgsegm/viz.py
-- Installing: /usr/local/share/OpenCV/samples/bgsegm/viz_synthetic_seq.py
-- Up-to-date: /usr/local/share/OpenCV/samples/bgsegm
-- Installing: /usr/local/lib/libopencv_bioinspired.so.3.4.9
-- Installing: /usr/local/lib/libopencv_bioinspired.so.3.4
-- Set runtime path of "/usr/local/lib/libopencv_bioinspired.so.3.4.9" to "/usr/local/lib"
-- Installing: /usr/local/lib/libopencv_bioinspired.so
-- Installing: /usr/local/include/opencv2/bioinspired.hpp
-- Installing: /usr/local/include/opencv2/bioinspired/bioinspired.hpp
-- Installing: /usr/local/include/opencv2/bioinspired/retina.hpp
-- Installing: /usr/local/include/opencv2/bioinspired/retinafasttonemapping.hpp
-- Installing: /usr/local/include/opencv2/bioinspired/transientareassegmentationmodule.hpp
-- Installing: /usr/local/share/OpenCV/samples/bioinspired/OpenEXRimages_HDR_Retina_toneMapping.cpp
-- Installing: /usr/local/share/OpenCV/samples/bioinspired/retinaDemo.cpp
-- Installing: /usr/local/share/OpenCV/samples/bioinspired/cpp
-- Installing: /usr/local/share/OpenCV/samples/bioinspired/cpp/tutorial_code
-- Installing: /usr/local/share/OpenCV/samples/bioinspired/cpp/tutorial_code/bioinspired
-- Installing: /usr/local/share/OpenCV/samples/bioinspired/cpp/tutorial_code/bioinspired/retina_tutorial.cpp
-- Installing: /usr/local/share/OpenCV/samples/bioinspired/cpp/retinaDemo.cpp
-- Installing: /usr/local/share/OpenCV/samples/bioinspired/cpp/OpenEXRimages_HDR_Retina_toneMapping_video.cpp
-- Installing: /usr/local/share/OpenCV/samples/bioinspired/cpp/OpenEXRimages_HDR_Retina_toneMapping.cpp
-- Installing: /usr/local/share/OpenCV/samples/bioinspired/ocl
-- Installing: /usr/local/share/OpenCV/samples/bioinspired/ocl/retina_ocl.cpp
-- Installing: /usr/local/lib/libopencv_ccalib.so.3.4.9
-- Installing: /usr/local/lib/libopencv_ccalib.so.3.4
-- Set runtime path of "/usr/local/lib/libopencv_ccalib.so.3.4.9" to "/usr/local/lib"
-- Installing: /usr/local/lib/libopencv_ccalib.so
-- Installing: /usr/local/include/opencv2/ccalib.hpp
-- Installing: /usr/local/include/opencv2/ccalib/multicalib.hpp
-- Installing: /usr/local/include/opencv2/ccalib/omnidir.hpp
-- Installing: /usr/local/include/opencv2/ccalib/randpattern.hpp
-- Installing: /usr/local/share/OpenCV/samples/ccalib/multi_cameras_calibration.cpp
-- Installing: /usr/local/share/OpenCV/samples/ccalib/omni_calibration.cpp
-- Installing: /usr/local/share/OpenCV/samples/ccalib/omni_stereo_calibration.cpp
-- Installing: /usr/local/share/OpenCV/samples/ccalib/random_pattern_calibration.cpp
-- Installing: /usr/local/share/OpenCV/samples/ccalib/random_pattern_generator.cpp
-- Up-to-date: /usr/local/share/OpenCV/samples/ccalib
-- Installing: /usr/local/lib/libopencv_dnn_objdetect.so.3.4.9
-- Installing: /usr/local/lib/libopencv_dnn_objdetect.so.3.4
-- Set runtime path of "/usr/local/lib/libopencv_dnn_objdetect.so.3.4.9" to "/usr/local/lib"
-- Installing: /usr/local/lib/libopencv_dnn_objdetect.so
-- Installing: /usr/local/include/opencv2/core_detect.hpp
-- Installing: /usr/local/share/OpenCV/samples/dnn_objdetect/image_classification.cpp
-- Installing: /usr/local/share/OpenCV/samples/dnn_objdetect/obj_detect.cpp
-- Installing: /usr/local/share/OpenCV/samples/dnn_objdetect/data
-- Installing: /usr/local/share/OpenCV/samples/dnn_objdetect/data/SqueezeDet_train_test.prototxt
-- Installing: /usr/local/share/OpenCV/samples/dnn_objdetect/data/SqueezeDet_solver.prototxt
-- Installing: /usr/local/share/OpenCV/samples/dnn_objdetect/data/SqueezeNet_train_test.prototxt
-- Installing: /usr/local/share/OpenCV/samples/dnn_objdetect/data/SqueezeDet_deploy.prototxt
-- Installing: /usr/local/share/OpenCV/samples/dnn_objdetect/data/README.md
-- Installing: /usr/local/share/OpenCV/samples/dnn_objdetect/data/SqueezeNet_solver.prototxt
-- Installing: /usr/local/share/OpenCV/samples/dnn_objdetect/data/SqueezeNet_deploy.prototxt
-- Installing: /usr/local/lib/libopencv_dpm.so.3.4.9
-- Installing: /usr/local/lib/libopencv_dpm.so.3.4
-- Set runtime path of "/usr/local/lib/libopencv_dpm.so.3.4.9" to "/usr/local/lib"
-- Installing: /usr/local/lib/libopencv_dpm.so
-- Installing: /usr/local/include/opencv2/dpm.hpp
-- Installing: /usr/local/share/OpenCV/samples/dpm/cascade_detect_camera.cpp
-- Installing: /usr/local/share/OpenCV/samples/dpm/cascade_detect_sequence.cpp
-- Installing: /usr/local/share/OpenCV/samples/dpm/data
-- Installing: /usr/local/share/OpenCV/samples/dpm/data/inriaperson.xml
-- Installing: /usr/local/lib/libopencv_face.so.3.4.9
-- Installing: /usr/local/lib/libopencv_face.so.3.4
-- Set runtime path of "/usr/local/lib/libopencv_face.so.3.4.9" to "/usr/local/lib"
-- Installing: /usr/local/lib/libopencv_face.so
-- Installing: /usr/local/include/opencv2/face.hpp
-- Installing: /usr/local/include/opencv2/face/bif.hpp
-- Installing: /usr/local/include/opencv2/face/face_alignment.hpp
-- Installing: /usr/local/include/opencv2/face/facemark.hpp
-- Installing: /usr/local/include/opencv2/face/facemarkAAM.hpp
-- Installing: /usr/local/include/opencv2/face/facemarkLBF.hpp
-- Installing: /usr/local/include/opencv2/face/facemark_train.hpp
-- Installing: /usr/local/include/opencv2/face/facerec.hpp
-- Installing: /usr/local/include/opencv2/face/mace.hpp
-- Installing: /usr/local/include/opencv2/face/predict_collector.hpp
-- Installing: /usr/local/share/OpenCV/samples/face/CMakeLists.txt
-- Installing: /usr/local/share/OpenCV/samples/face/Facemark.java
-- Installing: /usr/local/share/OpenCV/samples/face/facemark_demo_aam.cpp
-- Installing: /usr/local/share/OpenCV/samples/face/facemark_demo_lbf.cpp
-- Installing: /usr/local/share/OpenCV/samples/face/facemark_lbf_fitting.cpp
-- Installing: /usr/local/share/OpenCV/samples/face/facerec_demo.cpp
-- Installing: /usr/local/share/OpenCV/samples/face/facerec_eigenfaces.cpp
-- Installing: /usr/local/share/OpenCV/samples/face/facerec_fisherfaces.cpp
-- Installing: /usr/local/share/OpenCV/samples/face/facerec_lbph.cpp
-- Installing: /usr/local/share/OpenCV/samples/face/facerec_save_load.cpp
-- Installing: /usr/local/share/OpenCV/samples/face/facerec_video.cpp
-- Installing: /usr/local/share/OpenCV/samples/face/landmarks_demo.py
-- Installing: /usr/local/share/OpenCV/samples/face/mace_webcam.cpp
-- Installing: /usr/local/share/OpenCV/samples/face/sampleDetectLandmarks.cpp
-- Installing: /usr/local/share/OpenCV/samples/face/sampleDetectLandmarksvideo.cpp
-- Installing: /usr/local/share/OpenCV/samples/face/sample_config_file.xml
-- Installing: /usr/local/share/OpenCV/samples/face/sample_face_swapping.cpp
-- Installing: /usr/local/share/OpenCV/samples/face/sample_train_landmark_detector.cpp
-- Installing: /usr/local/share/OpenCV/samples/face/sample_train_landmark_detector2.cpp
-- Installing: /usr/local/share/OpenCV/samples/face/samplewriteconfigfile.cpp
-- Installing: /usr/local/share/OpenCV/samples/face/etc
-- Installing: /usr/local/share/OpenCV/samples/face/etc/create_csv.py
-- Installing: /usr/local/share/OpenCV/samples/face/etc/at.txt
-- Installing: /usr/local/share/OpenCV/samples/face/etc/crop_face.py
-- Installing: /usr/local/lib/libopencv_optflow.so.3.4.9
-- Installing: /usr/local/lib/libopencv_optflow.so.3.4
-- Set runtime path of "/usr/local/lib/libopencv_optflow.so.3.4.9" to "/usr/local/lib"
-- Installing: /usr/local/lib/libopencv_optflow.so
-- Installing: /usr/local/include/opencv2/optflow.hpp
-- Installing: /usr/local/include/opencv2/optflow/motempl.hpp
-- Installing: /usr/local/include/opencv2/optflow/pcaflow.hpp
-- Installing: /usr/local/include/opencv2/optflow/sparse_matching_gpc.hpp
-- Installing: /usr/local/share/OpenCV/samples/optflow/dis_opticalflow.cpp
-- Installing: /usr/local/share/OpenCV/samples/optflow/gpc_evaluate.cpp
-- Installing: /usr/local/share/OpenCV/samples/optflow/gpc_train.cpp
-- Installing: /usr/local/share/OpenCV/samples/optflow/gpc_train_middlebury.py
-- Installing: /usr/local/share/OpenCV/samples/optflow/gpc_train_sintel.py
-- Installing: /usr/local/share/OpenCV/samples/optflow/motempl.cpp
-- Installing: /usr/local/share/OpenCV/samples/optflow/motempl.py
-- Installing: /usr/local/share/OpenCV/samples/optflow/optical_flow_benchmark.py
-- Installing: /usr/local/share/OpenCV/samples/optflow/optical_flow_evaluation.cpp
-- Installing: /usr/local/share/OpenCV/samples/optflow/pcaflow_demo.cpp
-- Installing: /usr/local/share/OpenCV/samples/optflow/simpleflow_demo.cpp
-- Up-to-date: /usr/local/share/OpenCV/samples/optflow
-- Installing: /usr/local/lib/libopencv_stitching.so.3.4.9
-- Installing: /usr/local/lib/libopencv_stitching.so.3.4
-- Set runtime path of "/usr/local/lib/libopencv_stitching.so.3.4.9" to "/usr/local/lib"
-- Installing: /usr/local/lib/libopencv_stitching.so
-- Installing: /usr/local/include/opencv2/stitching.hpp
-- Installing: /usr/local/include/opencv2/stitching/warpers.hpp
-- Installing: /usr/local/include/opencv2/stitching/detail/autocalib.hpp
-- Installing: /usr/local/include/opencv2/stitching/detail/blenders.hpp
-- Installing: /usr/local/include/opencv2/stitching/detail/camera.hpp
-- Installing: /usr/local/include/opencv2/stitching/detail/exposure_compensate.hpp
-- Installing: /usr/local/include/opencv2/stitching/detail/matchers.hpp
-- Installing: /usr/local/include/opencv2/stitching/detail/motion_estimators.hpp
-- Installing: /usr/local/include/opencv2/stitching/detail/seam_finders.hpp
-- Installing: /usr/local/include/opencv2/stitching/detail/timelapsers.hpp
-- Installing: /usr/local/include/opencv2/stitching/detail/util.hpp
-- Installing: /usr/local/include/opencv2/stitching/detail/util_inl.hpp
-- Installing: /usr/local/include/opencv2/stitching/detail/warpers.hpp
-- Installing: /usr/local/include/opencv2/stitching/detail/warpers_inl.hpp
-- Installing: /usr/local/lib/python3.6/dist-packages/cv2/__init__.py
-- Installing: /usr/local/lib/python3.6/dist-packages/cv2/load_config_py2.py
-- Installing: /usr/local/lib/python3.6/dist-packages/cv2/load_config_py3.py
-- Installing: /usr/local/lib/python3.6/dist-packages/cv2/config.py
-- Installing: /usr/local/lib/python3.6/dist-packages/cv2/python-3.6/cv2.cpython-36m-x86_64-linux-gnu.so
-- Set runtime path of "/usr/local/lib/python3.6/dist-packages/cv2/python-3.6/cv2.cpython-36m-x86_64-linux-gnu.so" to "/usr/local/lib"
-- Installing: /usr/local/lib/python3.6/dist-packages/cv2/config-3.6.py
-- Installing: /usr/local/share/OpenCV/haarcascades/haarcascade_eye.xml
-- Installing: /usr/local/share/OpenCV/haarcascades/haarcascade_eye_tree_eyeglasses.xml
-- Installing: /usr/local/share/OpenCV/haarcascades/haarcascade_frontalcatface.xml
-- Installing: /usr/local/share/OpenCV/haarcascades/haarcascade_frontalcatface_extended.xml
-- Installing: /usr/local/share/OpenCV/haarcascades/haarcascade_frontalface_alt.xml
-- Installing: /usr/local/share/OpenCV/haarcascades/haarcascade_frontalface_alt2.xml
-- Installing: /usr/local/share/OpenCV/haarcascades/haarcascade_frontalface_alt_tree.xml
-- Installing: /usr/local/share/OpenCV/haarcascades/haarcascade_frontalface_default.xml
-- Installing: /usr/local/share/OpenCV/haarcascades/haarcascade_fullbody.xml
-- Installing: /usr/local/share/OpenCV/haarcascades/haarcascade_lefteye_2splits.xml
-- Installing: /usr/local/share/OpenCV/haarcascades/haarcascade_licence_plate_rus_16stages.xml
-- Installing: /usr/local/share/OpenCV/haarcascades/haarcascade_lowerbody.xml
-- Installing: /usr/local/share/OpenCV/haarcascades/haarcascade_profileface.xml
-- Installing: /usr/local/share/OpenCV/haarcascades/haarcascade_righteye_2splits.xml
-- Installing: /usr/local/share/OpenCV/haarcascades/haarcascade_russian_plate_number.xml
-- Installing: /usr/local/share/OpenCV/haarcascades/haarcascade_smile.xml
-- Installing: /usr/local/share/OpenCV/haarcascades/haarcascade_upperbody.xml
-- Installing: /usr/local/share/OpenCV/lbpcascades/lbpcascade_frontalcatface.xml
-- Installing: /usr/local/share/OpenCV/lbpcascades/lbpcascade_frontalface.xml
-- Installing: /usr/local/share/OpenCV/lbpcascades/lbpcascade_frontalface_improved.xml
-- Installing: /usr/local/share/OpenCV/lbpcascades/lbpcascade_profileface.xml
-- Installing: /usr/local/share/OpenCV/lbpcascades/lbpcascade_silverware.xml
-- Installing: /usr/local/bin/opencv_traincascade
-- Set runtime path of "/usr/local/bin/opencv_traincascade" to "/usr/local/lib"
-- Installing: /usr/local/bin/opencv_createsamples
-- Set runtime path of "/usr/local/bin/opencv_createsamples" to "/usr/local/lib"
-- Installing: /usr/local/bin/opencv_annotation
-- Set runtime path of "/usr/local/bin/opencv_annotation" to "/usr/local/lib"
-- Installing: /usr/local/bin/opencv_visualisation
-- Set runtime path of "/usr/local/bin/opencv_visualisation" to "/usr/local/lib"
-- Installing: /usr/local/bin/opencv_interactive-calibration
-- Set runtime path of "/usr/local/bin/opencv_interactive-calibration" to "/usr/local/lib"
-- Installing: /usr/local/bin/opencv_version
-- Set runtime path of "/usr/local/bin/opencv_version" to "/usr/local/lib"
-- Installing: /usr/local/share/OpenCV/samples/./CMakeLists.txt
-- Installing: /usr/local/share/OpenCV/samples/data
-- Installing: /usr/local/share/OpenCV/samples/data/orange.jpg
-- Installing: /usr/local/share/OpenCV/samples/data/right12.jpg
-- Installing: /usr/local/share/OpenCV/samples/data/right06.jpg
-- Installing: /usr/local/share/OpenCV/samples/data/building.jpg
-- Installing: /usr/local/share/OpenCV/samples/data/data01.xml
-- Installing: /usr/local/share/OpenCV/samples/data/opencv-logo.png
-- Installing: /usr/local/share/OpenCV/samples/data/Megamind.avi
-- Installing: /usr/local/share/OpenCV/samples/data/shape_sample
-- Installing: /usr/local/share/OpenCV/samples/data/shape_sample/10.png
-- Installing: /usr/local/share/OpenCV/samples/data/shape_sample/12.png
-- Installing: /usr/local/share/OpenCV/samples/data/shape_sample/20.png
-- Installing: /usr/local/share/OpenCV/samples/data/shape_sample/14.png
-- Installing: /usr/local/share/OpenCV/samples/data/shape_sample/9.png
-- Installing: /usr/local/share/OpenCV/samples/data/shape_sample/13.png
-- Installing: /usr/local/share/OpenCV/samples/data/shape_sample/7.png
-- Installing: /usr/local/share/OpenCV/samples/data/shape_sample/11.png
-- Installing: /usr/local/share/OpenCV/samples/data/shape_sample/5.png
-- Installing: /usr/local/share/OpenCV/samples/data/shape_sample/6.png
-- Installing: /usr/local/share/OpenCV/samples/data/shape_sample/4.png
-- Installing: /usr/local/share/OpenCV/samples/data/shape_sample/17.png
-- Installing: /usr/local/share/OpenCV/samples/data/shape_sample/15.png
-- Installing: /usr/local/share/OpenCV/samples/data/shape_sample/19.png
-- Installing: /usr/local/share/OpenCV/samples/data/shape_sample/1.png
-- Installing: /usr/local/share/OpenCV/samples/data/shape_sample/2.png
-- Installing: /usr/local/share/OpenCV/samples/data/shape_sample/3.png
-- Installing: /usr/local/share/OpenCV/samples/data/shape_sample/8.png
-- Installing: /usr/local/share/OpenCV/samples/data/shape_sample/16.png
-- Installing: /usr/local/share/OpenCV/samples/data/shape_sample/18.png
-- Installing: /usr/local/share/OpenCV/samples/data/left06.jpg
-- Installing: /usr/local/share/OpenCV/samples/data/left04.jpg
-- Installing: /usr/local/share/OpenCV/samples/data/graf3.png
-- Installing: /usr/local/share/OpenCV/samples/data/pic2.png
-- Installing: /usr/local/share/OpenCV/samples/data/right08.jpg
-- Installing: /usr/local/share/OpenCV/samples/data/text_motion.jpg
-- Installing: /usr/local/share/OpenCV/samples/data/left.jpg
-- Installing: /usr/local/share/OpenCV/samples/data/tmpl.png
-- Installing: /usr/local/share/OpenCV/samples/data/calibration.yml
-- Installing: /usr/local/share/OpenCV/samples/data/rubberwhale2.png
-- Installing: /usr/local/share/OpenCV/samples/data/imageTextR.png
-- Installing: /usr/local/share/OpenCV/samples/data/gradient.png
-- Installing: /usr/local/share/OpenCV/samples/data/rubberwhale1.png
-- Installing: /usr/local/share/OpenCV/samples/data/apple.jpg
-- Installing: /usr/local/share/OpenCV/samples/data/pic6.png
-- Installing: /usr/local/share/OpenCV/samples/data/left08.jpg
-- Installing: /usr/local/share/OpenCV/samples/data/messi5.jpg
-- Installing: /usr/local/share/OpenCV/samples/data/chicky_512.png
-- Installing: /usr/local/share/OpenCV/samples/data/fruits.jpg
-- Installing: /usr/local/share/OpenCV/samples/data/digits.png
-- Installing: /usr/local/share/OpenCV/samples/data/Blender_Suzanne2.jpg
-- Installing: /usr/local/share/OpenCV/samples/data/aloeGT.png
-- Installing: /usr/local/share/OpenCV/samples/data/sudoku.png
-- Installing: /usr/local/share/OpenCV/samples/data/mask.png
-- Installing: /usr/local/share/OpenCV/samples/data/graf1.png
-- Installing: /usr/local/share/OpenCV/samples/data/left01.jpg
-- Installing: /usr/local/share/OpenCV/samples/data/left11.jpg
-- Installing: /usr/local/share/OpenCV/samples/data/HappyFish.jpg
-- Installing: /usr/local/share/OpenCV/samples/data/opencv-logo-white.png
-- Installing: /usr/local/share/OpenCV/samples/data/tree.avi
-- Installing: /usr/local/share/OpenCV/samples/data/right02.jpg
-- Installing: /usr/local/share/OpenCV/samples/data/left07.jpg
-- Installing: /usr/local/share/OpenCV/samples/data/LinuxLogo.jpg
-- Installing: /usr/local/share/OpenCV/samples/data/Megamind_bugy.avi
-- Installing: /usr/local/share/OpenCV/samples/data/vtest.avi
-- Installing: /usr/local/share/OpenCV/samples/data/left05.jpg
-- Installing: /usr/local/share/OpenCV/samples/data/H1to3p.xml
-- Installing: /usr/local/share/OpenCV/samples/data/baboon.jpg
-- Installing: /usr/local/share/OpenCV/samples/data/right04.jpg
-- Installing: /usr/local/share/OpenCV/samples/data/pic1.png
-- Installing: /usr/local/share/OpenCV/samples/data/right07.jpg
-- Installing: /usr/local/share/OpenCV/samples/data/left03.jpg
-- Installing: /usr/local/share/OpenCV/samples/data/right14.jpg
-- Installing: /usr/local/share/OpenCV/samples/data/right11.jpg
-- Installing: /usr/local/share/OpenCV/samples/data/ellipses.jpg
-- Installing: /usr/local/share/OpenCV/samples/data/board.jpg
-- Installing: /usr/local/share/OpenCV/samples/data/lena_tmpl.jpg
-- Installing: /usr/local/share/OpenCV/samples/data/right03.jpg
-- Installing: /usr/local/share/OpenCV/samples/data/text_defocus.jpg
-- Installing: /usr/local/share/OpenCV/samples/data/left02.jpg
-- Installing: /usr/local/share/OpenCV/samples/data/right.jpg
-- Installing: /usr/local/share/OpenCV/samples/data/ml.png
-- Installing: /usr/local/share/OpenCV/samples/data/notes.png
-- Installing: /usr/local/share/OpenCV/samples/data/butterfly.jpg
-- Installing: /usr/local/share/OpenCV/samples/data/home.jpg
-- Installing: /usr/local/share/OpenCV/samples/data/box.png
-- Installing: /usr/local/share/OpenCV/samples/data/starry_night.jpg
-- Installing: /usr/local/share/OpenCV/samples/data/templ.png
-- Installing: /usr/local/share/OpenCV/samples/data/basketball2.png
-- Installing: /usr/local/share/OpenCV/samples/data/smarties.png
-- Installing: /usr/local/share/OpenCV/samples/data/aloeR.jpg
-- Installing: /usr/local/share/OpenCV/samples/data/cards.png
-- Installing: /usr/local/share/OpenCV/samples/data/aero1.jpg
-- Installing: /usr/local/share/OpenCV/samples/data/aero3.jpg
-- Installing: /usr/local/share/OpenCV/samples/data/pic4.png
-- Installing: /usr/local/share/OpenCV/samples/data/imageTextN.png
-- Installing: /usr/local/share/OpenCV/samples/data/stuff.jpg
-- Installing: /usr/local/share/OpenCV/samples/data/left12.jpg
-- Installing: /usr/local/share/OpenCV/samples/data/left13.jpg
-- Installing: /usr/local/share/OpenCV/samples/data/box_in_scene.png
-- Installing: /usr/local/share/OpenCV/samples/data/detect_blob.png
-- Installing: /usr/local/share/OpenCV/samples/data/pca_test1.jpg
-- Installing: /usr/local/share/OpenCV/samples/data/left09.jpg
-- Installing: /usr/local/share/OpenCV/samples/data/right13.jpg
-- Installing: /usr/local/share/OpenCV/samples/data/left_intrinsics.yml
-- Installing: /usr/local/share/OpenCV/samples/data/lena.jpg
-- Installing: /usr/local/share/OpenCV/samples/data/Blender_Suzanne1.jpg
-- Installing: /usr/local/share/OpenCV/samples/data/right05.jpg
-- Installing: /usr/local/share/OpenCV/samples/data/right09.jpg
-- Installing: /usr/local/share/OpenCV/samples/data/pic3.png
-- Installing: /usr/local/share/OpenCV/samples/data/chessboard.png
-- Installing: /usr/local/share/OpenCV/samples/data/right01.jpg
-- Installing: /usr/local/share/OpenCV/samples/data/aloeL.jpg
-- Installing: /usr/local/share/OpenCV/samples/data/WindowsLogo.jpg
-- Installing: /usr/local/share/OpenCV/samples/data/intrinsics.yml
-- Installing: /usr/local/share/OpenCV/samples/data/letter-recognition.data
-- Installing: /usr/local/share/OpenCV/samples/data/basketball1.png
-- Installing: /usr/local/share/OpenCV/samples/data/left14.jpg
-- Installing: /usr/local/share/OpenCV/samples/data/dnn
-- Installing: /usr/local/share/OpenCV/samples/data/dnn/object_detection_classes_coco.txt
-- Installing: /usr/local/share/OpenCV/samples/data/dnn/enet-classes.txt
-- Installing: /usr/local/share/OpenCV/samples/data/dnn/action_recongnition_kinetics.txt
-- Installing: /usr/local/share/OpenCV/samples/data/dnn/object_detection_classes_yolov3.txt
-- Installing: /usr/local/share/OpenCV/samples/data/dnn/classification_classes_ILSVRC2012.txt
-- Installing: /usr/local/share/OpenCV/samples/data/dnn/object_detection_classes_pascal_voc.txt
-- Installing: /usr/local/share/OpenCV/samples/data/licenseplate_motion.jpg
-- Installing: /usr/local/share/OpenCV/samples/data/pic5.png
-- Installing: /usr/local/share/OpenCV/samples/data/blox.jpg
-- Installing: /usr/local/share/OpenCV/samples/data/stereo_calib.xml
-- Installing: /usr/local/share/OpenCV/samples/cpp/3calibration.cpp
-- Installing: /usr/local/share/OpenCV/samples/cpp/application_trace.cpp
-- Installing: /usr/local/share/OpenCV/samples/cpp/bgfg_segm.cpp
-- Installing: /usr/local/share/OpenCV/samples/cpp/calibration.cpp
-- Installing: /usr/local/share/OpenCV/samples/cpp/camshiftdemo.cpp
-- Installing: /usr/local/share/OpenCV/samples/cpp/cloning_demo.cpp
-- Installing: /usr/local/share/OpenCV/samples/cpp/cloning_gui.cpp
-- Installing: /usr/local/share/OpenCV/samples/cpp/connected_components.cpp
-- Installing: /usr/local/share/OpenCV/samples/cpp/contours2.cpp
-- Installing: /usr/local/share/OpenCV/samples/cpp/convexhull.cpp
-- Installing: /usr/local/share/OpenCV/samples/cpp/cout_mat.cpp
-- Installing: /usr/local/share/OpenCV/samples/cpp/create_mask.cpp
-- Installing: /usr/local/share/OpenCV/samples/cpp/dbt_face_detection.cpp
-- Installing: /usr/local/share/OpenCV/samples/cpp/delaunay2.cpp
-- Installing: /usr/local/share/OpenCV/samples/cpp/demhist.cpp
-- Installing: /usr/local/share/OpenCV/samples/cpp/detect_blob.cpp
-- Installing: /usr/local/share/OpenCV/samples/cpp/detect_mser.cpp
-- Installing: /usr/local/share/OpenCV/samples/cpp/dft.cpp
-- Installing: /usr/local/share/OpenCV/samples/cpp/digits.cpp
-- Installing: /usr/local/share/OpenCV/samples/cpp/distrans.cpp
-- Installing: /usr/local/share/OpenCV/samples/cpp/drawing.cpp
-- Installing: /usr/local/share/OpenCV/samples/cpp/edge.cpp
-- Installing: /usr/local/share/OpenCV/samples/cpp/em.cpp
-- Installing: /usr/local/share/OpenCV/samples/cpp/facedetect.cpp
-- Installing: /usr/local/share/OpenCV/samples/cpp/facial_features.cpp
-- Installing: /usr/local/share/OpenCV/samples/cpp/falsecolor.cpp
-- Installing: /usr/local/share/OpenCV/samples/cpp/fback.cpp
-- Installing: /usr/local/share/OpenCV/samples/cpp/ffilldemo.cpp
-- Installing: /usr/local/share/OpenCV/samples/cpp/filestorage.cpp
-- Installing: /usr/local/share/OpenCV/samples/cpp/fitellipse.cpp
-- Installing: /usr/local/share/OpenCV/samples/cpp/grabcut.cpp
-- Installing: /usr/local/share/OpenCV/samples/cpp/image.cpp
-- Installing: /usr/local/share/OpenCV/samples/cpp/image_alignment.cpp
-- Installing: /usr/local/share/OpenCV/samples/cpp/imagelist_creator.cpp
-- Installing: /usr/local/share/OpenCV/samples/cpp/imagelist_reader.cpp
-- Installing: /usr/local/share/OpenCV/samples/cpp/inpaint.cpp
-- Installing: /usr/local/share/OpenCV/samples/cpp/intersectExample.cpp
-- Installing: /usr/local/share/OpenCV/samples/cpp/kalman.cpp
-- Installing: /usr/local/share/OpenCV/samples/cpp/kmeans.cpp
-- Installing: /usr/local/share/OpenCV/samples/cpp/laplace.cpp
-- Installing: /usr/local/share/OpenCV/samples/cpp/letter_recog.cpp
-- Installing: /usr/local/share/OpenCV/samples/cpp/lkdemo.cpp
-- Installing: /usr/local/share/OpenCV/samples/cpp/logistic_regression.cpp
-- Installing: /usr/local/share/OpenCV/samples/cpp/mask_tmpl.cpp
-- Installing: /usr/local/share/OpenCV/samples/cpp/matchmethod_orb_akaze_brisk.cpp
-- Installing: /usr/local/share/OpenCV/samples/cpp/minarea.cpp
-- Installing: /usr/local/share/OpenCV/samples/cpp/morphology2.cpp
-- Installing: /usr/local/share/OpenCV/samples/cpp/neural_network.cpp
-- Installing: /usr/local/share/OpenCV/samples/cpp/npr_demo.cpp
-- Installing: /usr/local/share/OpenCV/samples/cpp/opencv_version.cpp
-- Installing: /usr/local/share/OpenCV/samples/cpp/pca.cpp
-- Installing: /usr/local/share/OpenCV/samples/cpp/peopledetect.cpp
-- Installing: /usr/local/share/OpenCV/samples/cpp/phase_corr.cpp
-- Installing: /usr/local/share/OpenCV/samples/cpp/points_classifier.cpp
-- Installing: /usr/local/share/OpenCV/samples/cpp/polar_transforms.cpp
-- Installing: /usr/local/share/OpenCV/samples/cpp/qrcode.cpp
-- Installing: /usr/local/share/OpenCV/samples/cpp/segment_objects.cpp
-- Installing: /usr/local/share/OpenCV/samples/cpp/select3dobj.cpp
-- Installing: /usr/local/share/OpenCV/samples/cpp/shape_example.cpp
-- Installing: /usr/local/share/OpenCV/samples/cpp/simd_basic.cpp
-- Installing: /usr/local/share/OpenCV/samples/cpp/smiledetect.cpp
-- Installing: /usr/local/share/OpenCV/samples/cpp/squares.cpp
-- Installing: /usr/local/share/OpenCV/samples/cpp/stereo_calib.cpp
-- Installing: /usr/local/share/OpenCV/samples/cpp/stereo_match.cpp
-- Installing: /usr/local/share/OpenCV/samples/cpp/stitching.cpp
-- Installing: /usr/local/share/OpenCV/samples/cpp/stitching_detailed.cpp
-- Installing: /usr/local/share/OpenCV/samples/cpp/train_HOG.cpp
-- Installing: /usr/local/share/OpenCV/samples/cpp/train_svmsgd.cpp
-- Installing: /usr/local/share/OpenCV/samples/cpp/travelsalesman.cpp
-- Installing: /usr/local/share/OpenCV/samples/cpp/tree_engine.cpp
-- Installing: /usr/local/share/OpenCV/samples/cpp/tvl1_optical_flow.cpp
-- Installing: /usr/local/share/OpenCV/samples/cpp/videocapture_basic.cpp
-- Installing: /usr/local/share/OpenCV/samples/cpp/videocapture_camera.cpp
-- Installing: /usr/local/share/OpenCV/samples/cpp/videocapture_gphoto2_autofocus.cpp
-- Installing: /usr/local/share/OpenCV/samples/cpp/videocapture_gstreamer_pipeline.cpp
-- Installing: /usr/local/share/OpenCV/samples/cpp/videocapture_image_sequence.cpp
-- Installing: /usr/local/share/OpenCV/samples/cpp/videocapture_intelperc.cpp
-- Installing: /usr/local/share/OpenCV/samples/cpp/videocapture_openni.cpp
-- Installing: /usr/local/share/OpenCV/samples/cpp/videocapture_starter.cpp
-- Installing: /usr/local/share/OpenCV/samples/cpp/videostab.cpp
-- Installing: /usr/local/share/OpenCV/samples/cpp/videowriter_basic.cpp
-- Installing: /usr/local/share/OpenCV/samples/cpp/warpPerspective_demo.cpp
-- Installing: /usr/local/share/OpenCV/samples/cpp/watershed.cpp
-- Installing: /usr/local/share/OpenCV/samples/cpp/CMakeLists.txt
-- Installing: /usr/local/share/OpenCV/samples/dnn/classification.cpp
-- Installing: /usr/local/share/OpenCV/samples/dnn/colorization.cpp
-- Installing: /usr/local/share/OpenCV/samples/dnn/object_detection.cpp
-- Installing: /usr/local/share/OpenCV/samples/dnn/openpose.cpp
-- Installing: /usr/local/share/OpenCV/samples/dnn/segmentation.cpp
-- Installing: /usr/local/share/OpenCV/samples/dnn/text_detection.cpp
-- Installing: /usr/local/share/OpenCV/samples/dnn/common.hpp
-- Installing: /usr/local/share/OpenCV/samples/dnn/custom_layers.hpp
-- Installing: /usr/local/share/OpenCV/samples/dnn/CMakeLists.txt
-- Installing: /usr/local/share/OpenCV/samples/gpu/alpha_comp.cpp
-- Installing: /usr/local/share/OpenCV/samples/gpu/bgfg_segm.cpp
-- Installing: /usr/local/share/OpenCV/samples/gpu/cascadeclassifier.cpp
-- Installing: /usr/local/share/OpenCV/samples/gpu/farneback_optical_flow.cpp
-- Installing: /usr/local/share/OpenCV/samples/gpu/generalized_hough.cpp
-- Installing: /usr/local/share/OpenCV/samples/gpu/hog.cpp
-- Installing: /usr/local/share/OpenCV/samples/gpu/houghlines.cpp
-- Installing: /usr/local/share/OpenCV/samples/gpu/morphology.cpp
-- Installing: /usr/local/share/OpenCV/samples/gpu/multi.cpp
-- Installing: /usr/local/share/OpenCV/samples/gpu/optical_flow.cpp
-- Installing: /usr/local/share/OpenCV/samples/gpu/pyrlk_optical_flow.cpp
-- Installing: /usr/local/share/OpenCV/samples/gpu/stereo_match.cpp
-- Installing: /usr/local/share/OpenCV/samples/gpu/stereo_multi.cpp
-- Installing: /usr/local/share/OpenCV/samples/gpu/super_resolution.cpp
-- Installing: /usr/local/share/OpenCV/samples/gpu/surf_keypoint_matcher.cpp
-- Installing: /usr/local/share/OpenCV/samples/gpu/video_reader.cpp
-- Installing: /usr/local/share/OpenCV/samples/gpu/video_writer.cpp
-- Installing: /usr/local/share/OpenCV/samples/gpu/CMakeLists.txt
-- Installing: /usr/local/share/OpenCV/samples/tapi/bgfg_segm.cpp
-- Installing: /usr/local/share/OpenCV/samples/tapi/camshift.cpp
-- Installing: /usr/local/share/OpenCV/samples/tapi/clahe.cpp
-- Installing: /usr/local/share/OpenCV/samples/tapi/dense_optical_flow.cpp
-- Installing: /usr/local/share/OpenCV/samples/tapi/hog.cpp
-- Installing: /usr/local/share/OpenCV/samples/tapi/opencl_custom_kernel.cpp
-- Installing: /usr/local/share/OpenCV/samples/tapi/pyrlk_optical_flow.cpp
-- Installing: /usr/local/share/OpenCV/samples/tapi/squares.cpp
-- Installing: /usr/local/share/OpenCV/samples/tapi/ufacedetect.cpp
-- Installing: /usr/local/share/OpenCV/samples/tapi/CMakeLists.txt
-- Installing: /usr/local/share/OpenCV/samples/opencl/opencl-opencv-interop.cpp
-- Installing: /usr/local/share/OpenCV/samples/opencl/CMakeLists.txt
-- Installing: /usr/local/share/OpenCV/samples/python/_coverage.py
-- Installing: /usr/local/share/OpenCV/samples/python/_doc.py
-- Installing: /usr/local/share/OpenCV/samples/python/asift.py
-- Installing: /usr/local/share/OpenCV/samples/python/browse.py
-- Installing: /usr/local/share/OpenCV/samples/python/calibrate.py
-- Installing: /usr/local/share/OpenCV/samples/python/camera_calibration_show_extrinsics.py
-- Installing: /usr/local/share/OpenCV/samples/python/camshift.py
-- Installing: /usr/local/share/OpenCV/samples/python/coherence.py
-- Installing: /usr/local/share/OpenCV/samples/python/color_histogram.py
-- Installing: /usr/local/share/OpenCV/samples/python/common.py
-- Installing: /usr/local/share/OpenCV/samples/python/contours.py
-- Installing: /usr/local/share/OpenCV/samples/python/deconvolution.py
-- Installing: /usr/local/share/OpenCV/samples/python/demo.py
-- Installing: /usr/local/share/OpenCV/samples/python/dft.py
-- Installing: /usr/local/share/OpenCV/samples/python/digits.py
-- Installing: /usr/local/share/OpenCV/samples/python/digits_adjust.py
-- Installing: /usr/local/share/OpenCV/samples/python/digits_video.py
-- Installing: /usr/local/share/OpenCV/samples/python/distrans.py
-- Installing: /usr/local/share/OpenCV/samples/python/edge.py
-- Installing: /usr/local/share/OpenCV/samples/python/facedetect.py
-- Installing: /usr/local/share/OpenCV/samples/python/feature_homography.py
-- Installing: /usr/local/share/OpenCV/samples/python/find_obj.py
-- Installing: /usr/local/share/OpenCV/samples/python/fitline.py
-- Installing: /usr/local/share/OpenCV/samples/python/floodfill.py
-- Installing: /usr/local/share/OpenCV/samples/python/gabor_threads.py
-- Installing: /usr/local/share/OpenCV/samples/python/gaussian_mix.py
-- Installing: /usr/local/share/OpenCV/samples/python/grabcut.py
-- Installing: /usr/local/share/OpenCV/samples/python/hist.py
-- Installing: /usr/local/share/OpenCV/samples/python/houghcircles.py
-- Installing: /usr/local/share/OpenCV/samples/python/houghlines.py
-- Installing: /usr/local/share/OpenCV/samples/python/inpaint.py
-- Installing: /usr/local/share/OpenCV/samples/python/kalman.py
-- Installing: /usr/local/share/OpenCV/samples/python/kmeans.py
-- Installing: /usr/local/share/OpenCV/samples/python/lappyr.py
-- Installing: /usr/local/share/OpenCV/samples/python/letter_recog.py
-- Installing: /usr/local/share/OpenCV/samples/python/lk_homography.py
-- Installing: /usr/local/share/OpenCV/samples/python/lk_track.py
-- Installing: /usr/local/share/OpenCV/samples/python/logpolar.py
-- Installing: /usr/local/share/OpenCV/samples/python/morphology.py
-- Installing: /usr/local/share/OpenCV/samples/python/mosse.py
-- Installing: /usr/local/share/OpenCV/samples/python/mouse_and_match.py
-- Installing: /usr/local/share/OpenCV/samples/python/mser.py
-- Installing: /usr/local/share/OpenCV/samples/python/opencv_version.py
-- Installing: /usr/local/share/OpenCV/samples/python/opt_flow.py
-- Installing: /usr/local/share/OpenCV/samples/python/peopledetect.py
-- Installing: /usr/local/share/OpenCV/samples/python/plane_ar.py
-- Installing: /usr/local/share/OpenCV/samples/python/plane_tracker.py
-- Installing: /usr/local/share/OpenCV/samples/python/squares.py
-- Installing: /usr/local/share/OpenCV/samples/python/stereo_match.py
-- Installing: /usr/local/share/OpenCV/samples/python/texture_flow.py
-- Installing: /usr/local/share/OpenCV/samples/python/tst_scene_render.py
-- Installing: /usr/local/share/OpenCV/samples/python/turing.py
-- Installing: /usr/local/share/OpenCV/samples/python/video.py
-- Installing: /usr/local/share/OpenCV/samples/python/video_threaded.py
-- Installing: /usr/local/share/OpenCV/samples/python/video_v4l2.py
-- Installing: /usr/local/share/OpenCV/samples/python/watershed.py
#!/bin/sh
if [ $# -eq 1 ] ; then
g++ -ggdb `pkg-config --cflags opencv` -o `basename $1 .cpp` $1 `pkg-config --libs opencv`;
else
echo "g++_opencv < C++ file name >"
fi
export PATH=$PATH:~/bin
にする必要があるということだ。-D ENABLE_PRECOMPILED_HEADERS=OFF
が出ている。Gtk-Message: Failed to load module "canberra-gtk-module"
-- General configuration for OpenCV 3.3.0-rc =====================================
-- Version control: 3.3.0-rc-159-g06407b4
--
-- Extra modules:
-- Location (extra): /home/masaaki/OpenCV/opencv_contrib/modules
-- Version control (extra): 3.3.0-rc-7-g067b0a6
--
-- Platform:
-- Timestamp: 2017-07-27T05:33:25Z
-- Host: Linux 4.4.0-87-generic x86_64
-- CMake: 3.3.2
-- CMake generator: Unix Makefiles
-- CMake build tool: /usr/bin/make
-- Configuration: RELEASE
--
-- CPU/HW features:
-- Baseline: SSE SSE2 SSE3
-- requested: SSE3
-- Dispatched code generation: SSE4_1 SSE4_2 FP16 AVX AVX2
-- requested: SSE4_1 SSE4_2 AVX FP16 AVX2
-- SSE4_1 (2 files): + SSSE3 SSE4_1
-- SSE4_2 (1 files): + SSSE3 SSE4_1 POPCNT SSE4_2
-- FP16 (1 files): + SSSE3 SSE4_1 POPCNT SSE4_2 FP16 AVX
-- AVX (5 files): + SSSE3 SSE4_1 POPCNT SSE4_2 AVX
-- AVX2 (7 files): + SSSE3 SSE4_1 POPCNT SSE4_2 FP16 FMA3 AVX AVX2
--
-- C/C++:
-- Built as dynamic libs?: YES
-- C++ Compiler: /usr/bin/c++ (ver 5.4.0)
-- C++ flags (Release): -fsigned-char -W -Wall -Werror=return-type -Werror=non-virtual-dtor -Werror=address -Werror=sequence-point -Wformat -Werror=format-security -Wmissing-declarations -Wundef -Winit-self -Wpointer-arith -Wshadow -Wsign-promo -Wuninitialized -Winit-self -Wno-narrowing -Wno-delete-non-virtual-dtor -Wno-comment -fdiagnostics-show-option -Wno-long-long -pthread -fomit-frame-pointer -ffunction-sections -msse -msse2 -msse3 -fvisibility=hidden -fvisibility-inlines-hidden -O3 -DNDEBUG -DNDEBUG
-- C++ flags (Debug): -fsigned-char -W -Wall -Werror=return-type -Werror=non-virtual-dtor -Werror=address -Werror=sequence-point -Wformat -Werror=format-security -Wmissing-declarations -Wundef -Winit-self -Wpointer-arith -Wshadow -Wsign-promo -Wuninitialized -Winit-self -Wno-narrowing -Wno-delete-non-virtual-dtor -Wno-comment -fdiagnostics-show-option -Wno-long-long -pthread -fomit-frame-pointer -ffunction-sections -msse -msse2 -msse3 -fvisibility=hidden -fvisibility-inlines-hidden -g -O0 -DDEBUG -D_DEBUG
-- C Compiler: /usr/bin/cc
-- C flags (Release): -fsigned-char -W -Wall -Werror=return-type -Werror=non-virtual-dtor -Werror=address -Werror=sequence-point -Wformat -Werror=format-security -Wmissing-declarations -Wmissing-prototypes -Wstrict-prototypes -Wundef -Winit-self -Wpointer-arith -Wshadow -Wuninitialized -Winit-self -Wno-narrowing -Wno-comment -fdiagnostics-show-option -Wno-long-long -pthread -fomit-frame-pointer -ffunction-sections -msse -msse2 -msse3 -fvisibility=hidden -O3 -DNDEBUG -DNDEBUG
-- C flags (Debug): -fsigned-char -W -Wall -Werror=return-type -Werror=non-virtual-dtor -Werror=address -Werror=sequence-point -Wformat -Werror=format-security -Wmissing-declarations -Wmissing-prototypes -Wstrict-prototypes -Wundef -Winit-self -Wpointer-arith -Wshadow -Wuninitialized -Winit-self -Wno-narrowing -Wno-comment -fdiagnostics-show-option -Wno-long-long -pthread -fomit-frame-pointer -ffunction-sections -msse -msse2 -msse3 -fvisibility=hidden -g -O0 -DDEBUG -D_DEBUG
-- Linker flags (Release):
-- Linker flags (Debug):
-- ccache: NO
-- Precompiled headers: YES
-- Extra dependencies: gtk-3 gdk-3 pangocairo-1.0 pango-1.0 atk-1.0 cairo-gobject cairo gdk_pixbuf-2.0 gio-2.0 gthread-2.0 /usr/lib/x86_64-linux-gnu/libpng.so /usr/lib/x86_64-linux-gnu/libz.so /usr/lib/x86_64-linux-gnu/libtiff.so /usr/lib/x86_64-linux-gnu/libjasper.so /usr/lib/x86_64-linux-gnu/libjpeg.so /usr/lib/x86_64-linux-gnu/libImath.so /usr/lib/x86_64-linux-gnu/libIlmImf.so /usr/lib/x86_64-linux-gnu/libIex.so /usr/lib/x86_64-linux-gnu/libHalf.so /usr/lib/x86_64-linux-gnu/libIlmThread.so gstbase-1.0 gstreamer-1.0 gobject-2.0 glib-2.0 gstvideo-1.0 gstapp-1.0 gstriff-1.0 gstpbutils-1.0 dc1394 avcodec-ffmpeg avformat-ffmpeg avutil-ffmpeg swscale-ffmpeg freetype harfbuzz dl m pthread rt cudart nppc nppi npps cufft -L/usr/local/cuda/lib64
-- 3rdparty dependencies:
--
-- OpenCV modules:
-- To be built: cudev core cudaarithm flann imgproc ml objdetect phase_unwrapping plot reg surface_matching video xphoto bgsegm cudabgsegm cudafilters cudaimgproc cudawarping dnn face freetype fuzzy img_hash imgcodecs photo shape videoio xobjdetect cudacodec highgui ts bioinspired dpm features2d line_descriptor saliency text calib3d ccalib cudafeatures2d cudalegacy cudaobjdetect cudaoptflow cudastereo datasets rgbd stereo structured_light superres tracking videostab xfeatures2d ximgproc aruco optflow stitching python2
-- Disabled: world contrib_world
-- Disabled by dependency: -
-- Unavailable: java python3 viz cnn_3dobj cvv dnn_modern hdf matlab sfm
--
-- GUI:
-- QT: NO
-- GTK+ 3.x: YES (ver 3.18.9)
-- GThread : YES (ver 2.48.2)
-- GtkGlExt: NO
-- OpenGL support: NO
-- VTK support: NO
--
-- Media I/O:
-- ZLib: /usr/lib/x86_64-linux-gnu/libz.so (ver 1.2.8)
-- JPEG: /usr/lib/x86_64-linux-gnu/libjpeg.so (ver )
-- WEBP: build (ver encoder: 0x020e)
-- PNG: /usr/lib/x86_64-linux-gnu/libpng.so (ver 1.2.54)
-- TIFF: /usr/lib/x86_64-linux-gnu/libtiff.so (ver 42 - 4.0.6)
-- JPEG 2000: /usr/lib/x86_64-linux-gnu/libjasper.so (ver 1.900.1)
-- OpenEXR: /usr/lib/x86_64-linux-gnu/libImath.so /usr/lib/x86_64-linux-gnu/libIlmImf.so /usr/lib/x86_64-linux-gnu/libIex.so /usr/lib/x86_64-linux-gnu/libHalf.so /usr/lib/x86_64-linux-gnu/libIlmThread.so (ver 2.2.0)
-- GDAL: NO
-- GDCM: NO
--
-- Video I/O:
-- DC1394 1.x: NO
-- DC1394 2.x: YES (ver 2.2.4)
-- FFMPEG: YES
-- avcodec: YES (ver 56.60.100)
-- avformat: YES (ver 56.40.101)
-- avutil: YES (ver 54.31.100)
-- swscale: YES (ver 3.1.101)
-- avresample: NO
-- GStreamer:
-- base: YES (ver 1.8.3)
-- video: YES (ver 1.8.3)
-- app: YES (ver 1.8.3)
-- riff: YES (ver 1.8.3)
-- pbutils: YES (ver 1.8.3)
-- OpenNI: NO
-- OpenNI PrimeSensor Modules: NO
-- OpenNI2: NO
-- PvAPI: NO
-- GigEVisionSDK: NO
-- Aravis SDK: NO
-- UniCap: NO
-- UniCap ucil: NO
-- V4L/V4L2: NO/YES
-- XIMEA: NO
-- Xine: NO
-- Intel Media SDK: NO
-- gPhoto2: NO
--
-- Parallel framework: pthreads
--
-- Trace: YES (with Intel ITT)
--
-- Other third-party libraries:
-- Use Intel IPP: 2017.0.2 [2017.0.2]
-- at: /home/masaaki/OpenCV/opencv/build/3rdparty/ippicv/ippicv_lnx
-- Use Intel IPP IW: prebuilt binaries (2017.0.2)
-- Use Intel IPP Async: NO
-- Use VA: NO
-- Use Intel VA-API/OpenCL: NO
-- Use Lapack: NO
-- Use Eigen: NO
-- Use Cuda: YES (ver 8.0)
-- Use OpenCL: YES
-- Use OpenVX: NO
-- Use custom HAL: NO
--
-- NVIDIA CUDA
-- Use CUFFT: YES
-- Use CUBLAS: NO
-- USE NVCUVID: NO
-- NVIDIA GPU arch: 20 30 35 37 50 52 60 61
-- NVIDIA PTX archs:
-- Use fast math: NO
--
-- OpenCL: <Dynamic loading of OpenCL library>
-- Include path: /home/masaaki/OpenCV/opencv/3rdparty/include/opencl/1.2
-- Use AMDFFT: NO
-- Use AMDBLAS: NO
--
-- Python 2:
-- Interpreter: /usr/bin/python2.7 (ver 2.7.12)
-- Libraries: /usr/lib/x86_64-linux-gnu/libpython2.7.so (ver 2.7.12)
-- numpy: /home/masaaki/.local/lib/python2.7/site-packages/numpy/core/include (ver 1.11.0)
-- packages path: lib/python2.7/dist-packages
--
-- Python 3:
-- Interpreter: /usr/bin/python3 (ver 3.5.2)
--
-- Python (for build): /usr/bin/python2.7
--
-- Java:
-- ant: NO
-- JNI: NO
-- Java wrappers: NO
-- Java tests: NO
--
-- Matlab: Matlab not found or implicitly disabled
--
-- Documentation:
-- Doxygen: NO
--
-- Tests and samples:
-- Tests: YES
-- Performance tests: YES
-- C/C++ Examples: NO
--
-- Install path: /usr/local
--
-- cvconfig.h is in: /home/masaaki/OpenCV/opencv/build
-- -----------------------------------------------------------------
--
-- Configuring done
-- Generating done
-- Build files have been written to: /home/masaaki/OpenCV/opencv/build
-- General configuration for OpenCV 3.1.0 =====================================
-- Version control: unknown
--
-- Platform:
-- Host: Linux 4.4.0-87-generic x86_64
-- CMake: 3.3.2
-- CMake generator: Unix Makefiles
-- CMake build tool: /usr/bin/make
-- Configuration: RELEASE
--
-- C/C++:
-- Built as dynamic libs?: YES
-- C++ Compiler: /usr/bin/c++ (ver 5.4.0)
-- C++ flags (Release): -fsigned-char -W -Wall -Werror=return-type -Werror=non-virtual-dtor -Werror=address -Werror=sequence-point -Wformat -Werror=format-security -Wmissing-declarations -Wundef -Winit-self -Wpointer-arith -Wshadow -Wsign-promo -Wno-narrowing -Wno-delete-non-virtual-dtor -fdiagnostics-show-option -Wno-long-long -pthread -fomit-frame-pointer -msse -msse2 -mno-avx -msse3 -mno-ssse3 -mno-sse4.1 -mno-sse4.2 -ffunction-sections -fvisibility=hidden -fvisibility-inlines-hidden -O3 -DNDEBUG -DNDEBUG
-- C++ flags (Debug): -fsigned-char -W -Wall -Werror=return-type -Werror=non-virtual-dtor -Werror=address -Werror=sequence-point -Wformat -Werror=format-security -Wmissing-declarations -Wundef -Winit-self -Wpointer-arith -Wshadow -Wsign-promo -Wno-narrowing -Wno-delete-non-virtual-dtor -fdiagnostics-show-option -Wno-long-long -pthread -fomit-frame-pointer -msse -msse2 -mno-avx -msse3 -mno-ssse3 -mno-sse4.1 -mno-sse4.2 -ffunction-sections -fvisibility=hidden -fvisibility-inlines-hidden -g -O0 -DDEBUG -D_DEBUG
-- C Compiler: /usr/bin/cc
-- C flags (Release): -fsigned-char -W -Wall -Werror=return-type -Werror=non-virtual-dtor -Werror=address -Werror=sequence-point -Wformat -Werror=format-security -Wmissing-declarations -Wmissing-prototypes -Wstrict-prototypes -Wundef -Winit-self -Wpointer-arith -Wshadow -Wno-narrowing -fdiagnostics-show-option -Wno-long-long -pthread -fomit-frame-pointer -msse -msse2 -mno-avx -msse3 -mno-ssse3 -mno-sse4.1 -mno-sse4.2 -ffunction-sections -fvisibility=hidden -O3 -DNDEBUG -DNDEBUG
-- C flags (Debug): -fsigned-char -W -Wall -Werror=return-type -Werror=non-virtual-dtor -Werror=address -Werror=sequence-point -Wformat -Werror=format-security -Wmissing-declarations -Wmissing-prototypes -Wstrict-prototypes -Wundef -Winit-self -Wpointer-arith -Wshadow -Wno-narrowing -fdiagnostics-show-option -Wno-long-long -pthread -fomit-frame-pointer -msse -msse2 -mno-avx -msse3 -mno-ssse3 -mno-sse4.1 -mno-sse4.2 -ffunction-sections -fvisibility=hidden -g -O0 -DDEBUG -D_DEBUG
-- Linker flags (Release):
-- Linker flags (Debug):
-- Precompiled headers: YES
-- Extra dependencies: Qt5::Core Qt5::Gui Qt5::Widgets Qt5::Test Qt5::Concurrent Qt5::OpenGL /usr/lib/x86_64-linux-gnu/libpng.so /usr/lib/x86_64-linux-gnu/libz.so /usr/lib/x86_64-linux-gnu/libtiff.so /usr/lib/x86_64-linux-gnu/libjasper.so /usr/lib/x86_64-linux-gnu/libjpeg.so /usr/lib/x86_64-linux-gnu/libImath.so /usr/lib/x86_64-linux-gnu/libIlmImf.so /usr/lib/x86_64-linux-gnu/libIex.so /usr/lib/x86_64-linux-gnu/libHalf.so /usr/lib/x86_64-linux-gnu/libIlmThread.so gstvideo-1.0 gstapp-1.0 gstbase-1.0 gstriff-1.0 gstpbutils-1.0 gstreamer-1.0 gobject-2.0 glib-2.0 dc1394 v4l1 v4l2 avcodec-ffmpeg avformat-ffmpeg avutil-ffmpeg swscale-ffmpeg dl m pthread rt /usr/lib/x86_64-linux-gnu/libGLU.so /usr/lib/x86_64-linux-gnu/libGL.so tbb atomic cudart nppc nppi npps cufft -L/usr/local/cuda/lib64
-- 3rdparty dependencies: libwebp
--
-- OpenCV modules:
-- To be built: cudev core cudaarithm flann imgproc ml video cudabgsegm cudafilters cudaimgproc cudawarping imgcodecs photo shape videoio cudacodec highgui objdetect ts features2d calib3d cudafeatures2d cudalegacy cudaobjdetect cudaoptflow cudastereo stitching superres videostab python2
-- Disabled: world
-- Disabled by dependency: -
-- Unavailable: java python3 viz
--
-- GUI:
-- QT 5.x: YES (ver 5.5.1)
-- QT OpenGL support: YES (Qt5::OpenGL 5.5.1)
-- OpenGL support: YES (/usr/lib/x86_64-linux-gnu/libGLU.so /usr/lib/x86_64-linux-gnu/libGL.so)
-- VTK support: NO
--
-- Media I/O:
-- ZLib: /usr/lib/x86_64-linux-gnu/libz.so (ver 1.2.8)
-- JPEG: /usr/lib/x86_64-linux-gnu/libjpeg.so (ver )
-- WEBP: build (ver 0.3.1)
-- PNG: /usr/lib/x86_64-linux-gnu/libpng.so (ver 1.2.54)
-- TIFF: /usr/lib/x86_64-linux-gnu/libtiff.so (ver 42 - 4.0.6)
-- JPEG 2000: /usr/lib/x86_64-linux-gnu/libjasper.so (ver 1.900.1)
-- OpenEXR: /usr/lib/x86_64-linux-gnu/libImath.so /usr/lib/x86_64-linux-gnu/libIlmImf.so /usr/lib/x86_64-linux-gnu/libIex.so /usr/lib/x86_64-linux-gnu/libHalf.so /usr/lib/x86_64-linux-gnu/libIlmThread.so (ver 2.2.0)
-- GDAL: NO
--
-- Video I/O:
-- DC1394 1.x: NO
-- DC1394 2.x: YES (ver 2.2.4)
-- FFMPEG: YES
-- codec: YES (ver 56.60.100)
-- format: YES (ver 56.40.101)
-- util: YES (ver 54.31.100)
-- swscale: YES (ver 3.1.101)
-- resample: NO
-- gentoo-style: YES
-- GStreamer:
-- base: YES (ver 1.8.3)
-- video: YES (ver 1.8.3)
-- app: YES (ver 1.8.3)
-- riff: YES (ver 1.8.3)
-- pbutils: YES (ver 1.8.3)
-- OpenNI: NO
-- OpenNI PrimeSensor Modules: NO
-- OpenNI2: NO
-- PvAPI: NO
-- GigEVisionSDK: NO
-- UniCap: NO
-- UniCap ucil: NO
-- V4L/V4L2: Using libv4l1 (ver 1.10.0) / libv4l2 (ver 1.10.0)
-- XIMEA: NO
-- Xine: NO
-- gPhoto2: NO
--
-- Parallel framework: TBB (ver 4.4 interface 9002)
--
-- Other third-party libraries:
-- Use IPP: 9.0.1 [9.0.1]
-- at: /home/masaaki/opencv-3.1.0/3rdparty/ippicv/unpack/ippicv_lnx
-- Use IPP Async: NO
-- Use VA: NO
-- Use Intel VA-API/OpenCL: NO
-- Use Eigen: NO
-- Use Cuda: YES (ver 8.0)
-- Use OpenCL: YES
-- Use custom HAL: NO
--
-- NVIDIA CUDA
-- Use CUFFT: YES
-- Use CUBLAS: NO
-- USE NVCUVID: NO
-- NVIDIA GPU arch: 20 21 30 35
-- NVIDIA PTX archs: 30
-- Use fast math: NO
--
-- OpenCL:
-- Version: dynamic
-- Include path: /home/masaaki/opencv-3.1.0/3rdparty/include/opencl/1.2
-- Use AMDFFT: NO
-- Use AMDBLAS: NO
--
-- Python 2:
-- Interpreter: /usr/bin/python2.7 (ver 2.7.12)
-- Libraries: /usr/lib/x86_64-linux-gnu/libpython2.7.so (ver 2.7.12)
-- numpy: /home/masaaki/.local/lib/python2.7/site-packages/numpy/core/include (ver 1.11.0)
-- packages path: lib/python2.7/dist-packages
--
-- Python 3:
-- Interpreter: /usr/bin/python3 (ver 3.5.2)
--
-- Python (for build): /usr/bin/python2.7
--
-- Java:
-- ant: NO
-- JNI: NO
-- Java wrappers: NO
-- Java tests: NO
--
-- Matlab: Matlab not found or implicitly disabled
--
-- Documentation:
-- Doxygen: NO
-- PlantUML: NO
--
-- Tests and samples:
-- Tests: YES
-- Performance tests: YES
-- C/C++ Examples: NO
--
-- Install path: /usr/local
--
-- cvconfig.h is in: /home/masaaki/opencv-3.1.0/build
-- -----------------------------------------------------------------
--
-- Configuring done
-- Generating done
-- Build files have been written to: /home/masaaki/opencv-3.1.0/build
/home/masaaki/opencv-3.1.0/modules/cudalegacy/src/graphcuts.cpp:120:54: error: ‘NppiGraphcutState’ has not been declared
typedef NppStatus (*init_func_t)(NppiSize oSize, NppiGraphcutState** ppStat
^
/home/masaaki/opencv-3.1.0/modules/cudalegacy/src/graphcuts.cpp:135:18: error: ‘NppiGraphcutState’ does not name a type
operator NppiGraphcutState*()
^
/home/masaaki/opencv-3.1.0/modules/cudalegacy/src/graphcuts.cpp:141:9: error: ‘NppiGraphcutState’ does not name a type
NppiGraphcutState* pState;
^
In file included from /home/masaaki/opencv-3.1.0/build/modules/cudalegacy/precomp.hpp:75:0:
/home/masaaki/opencv-3.1.0/modules/cudalegacy/src/graphcuts.cpp: In constructor ‘{anonymous}::NppiGraphcutStateHandler::NppiGraphcutStateHandler(NppiSize, Npp8u*, {anonymous}::init_func_t)’:
/home/masaaki/opencv-3.1.0/modules/cudalegacy/src/graphcuts.cpp:127:39: error: ‘pState’ was not declared in this scope
nppSafeCall( func(sznpp, &pState, pDeviceMem) );
^
/home/masaaki/opencv-3.1.0/modules/core/include/opencv2/core/private.cuda.hpp:165:52: note: in definition of macro ‘nppSafeCall’
#define nppSafeCall(expr) cv::cuda::checkNppError(expr, __FILE__, __LINE__, CV
^
/home/masaaki/opencv-3.1.0/modules/cudalegacy/src/graphcuts.cpp: In destructor ‘{anonymous}::NppiGraphcutStateHandler::~NppiGraphcutStateHandler()’:
/home/masaaki/opencv-3.1.0/modules/cudalegacy/src/graphcuts.cpp:132:43: error: ‘pState’ was not declared in this scope
nppSafeCall( nppiGraphcutFree(pState) );
^
/home/masaaki/opencv-3.1.0/modules/core/include/opencv2/core/private.cuda.hpp:165:52: note: in definition of macro ‘nppSafeCall’
#define nppSafeCall(expr) cv::cuda::checkNppError(expr, __FILE__, __LINE__, CV
^
/home/masaaki/opencv-3.1.0/modules/cudalegacy/src/graphcuts.cpp:132:49: error: ‘nppiGraphcutFree’ was not declared in this scope
nppSafeCall( nppiGraphcutFree(pState) );
^
/home/masaaki/opencv-3.1.0/modules/core/include/opencv2/core/private.cuda.hpp:165:52: note: in definition of macro ‘nppSafeCall’
#define nppSafeCall(expr) cv::cuda::checkNppError(expr, __FILE__, __LINE__, CV
^
/home/masaaki/opencv-3.1.0/modules/cudalegacy/src/graphcuts.cpp: In function ‘void cv::cuda::graphcut(cv::cuda::GpuMat&, cv::cuda::GpuMat&, cv::cuda::GpuMat&, cv::cuda::GpuMat&, cv::cuda::GpuMat&, cv::cuda::GpuMat&, cv::cuda::GpuMat&, cv::cuda::Stream&)’:
/home/masaaki/opencv-3.1.0/modules/cudalegacy/src/graphcuts.cpp:174:51: error: ‘nppiGraphcutGetSize’ was not declared in this scope
nppSafeCall( nppiGraphcutGetSize(sznpp, &bufsz) );
^
/home/masaaki/opencv-3.1.0/modules/core/include/opencv2/core/private.cuda.hpp:165:52: note: in definition of macro ‘nppSafeCall’
#define nppSafeCall(expr) cv::cuda::checkNppError(expr, __FILE__, __LINE__, CV
^
/home/masaaki/opencv-3.1.0/modules/cudalegacy/src/graphcuts.cpp:182:61: error: ‘nppiGraphcutInitAlloc’ was not declared in this scope
NppiGraphcutStateHandler state(sznpp, buf.ptr<Npp8u>(), nppiGraphcutInitAll
^
In file included from /home/masaaki/opencv-3.1.0/build/modules/cudalegacy/precomp.hpp:75:0:
/home/masaaki/opencv-3.1.0/modules/cudalegacy/src/graphcuts.cpp:191:146: error: ‘nppiGraphcut_32s8u’ was not declared in this scope
nsp.step), sznpp, labels.ptr<Npp8u>(), static_cast<int>(labels.step), state) );
^
/home/masaaki/opencv-3.1.0/modules/core/include/opencv2/core/private.cuda.hpp:165:52: note: in definition of macro ‘nppSafeCall’
#define nppSafeCall(expr) cv::cuda::checkNppError(expr, __FILE__, __LINE__, CV
^
/home/masaaki/opencv-3.1.0/modules/cudalegacy/src/graphcuts.cpp:196:146: error: ‘nppiGraphcut_32f8u’ was not declared in this scope
nsp.step), sznpp, labels.ptr<Npp8u>(), static_cast<int>(labels.step), state) );
^
/home/masaaki/opencv-3.1.0/modules/core/include/opencv2/core/private.cuda.hpp:165:52: note: in definition of macro ‘nppSafeCall’
#define nppSafeCall(expr) cv::cuda::checkNppError(expr, __FILE__, __LINE__, CV
^
/home/masaaki/opencv-3.1.0/modules/cudalegacy/src/graphcuts.cpp: In function ‘void cv::cuda::graphcut(cv::cuda::GpuMat&, cv::cuda::GpuMat&, cv::cuda::GpuMat&, cv::cuda::GpuMat&, cv::cuda::GpuMat&, cv::cuda::GpuMat&, cv::cuda::GpuMat&, cv::cuda::GpuMat&, cv::cuda::GpuMat&, cv::cuda::GpuMat&, cv::cuda::GpuMat&, cv::cuda::Stream&)’:
/home/masaaki/opencv-3.1.0/modules/cudalegacy/src/graphcuts.cpp:246:52: error: ‘nppiGraphcut8GetSize’ was not declared in this scope
nppSafeCall( nppiGraphcut8GetSize(sznpp, &bufsz) );
^
/home/masaaki/opencv-3.1.0/modules/core/include/opencv2/core/private.cuda.hpp:165:52: note: in definition of macro ‘nppSafeCall’
#define nppSafeCall(expr) cv::cuda::checkNppError(expr, __FILE__, __LINE__, CV
^
/home/masaaki/opencv-3.1.0/modules/cudalegacy/src/graphcuts.cpp:254:61: error: ‘nppiGraphcut8InitAlloc’ was not declared in this scope
NppiGraphcutStateHandler state(sznpp, buf.ptr<Npp8u>(), nppiGraphcut8InitAl
^
In file included from /home/masaaki/opencv-3.1.0/build/modules/cudalegacy/precomp.hpp:75:0:
/home/masaaki/opencv-3.1.0/modules/cudalegacy/src/graphcuts.cpp:267:146: error: ‘nppiGraphcut8_32s8u’ was not declared in this scope
nsp.step), sznpp, labels.ptr<Npp8u>(), static_cast<int>(labels.step), state) );
^
/home/masaaki/opencv-3.1.0/modules/core/include/opencv2/core/private.cuda.hpp:165:52: note: in definition of macro ‘nppSafeCall’
#define nppSafeCall(expr) cv::cuda::checkNppError(expr, __FILE__, __LINE__, CV
^
/home/masaaki/opencv-3.1.0/modules/cudalegacy/src/graphcuts.cpp:274:146: error: ‘nppiGraphcut8_32f8u’ was not declared in this scope
nsp.step), sznpp, labels.ptr<Npp8u>(), static_cast<int>(labels.step), state) );
^
/home/masaaki/opencv-3.1.0/modules/core/include/opencv2/core/private.cuda.hpp:165:52: note: in definition of macro ‘nppSafeCall’
#define nppSafeCall(expr) cv::cuda::checkNppError(expr, __FILE__, __LINE__, CV
^
modules/cudalegacy/CMakeFiles/opencv_cudalegacy.dir/build.make:362: ターゲット 'modules/cudalegacy/CMakeFiles/opencv_cudalegacy.dir/src/graphcuts.cpp.o' のレシピで失敗しました
make[2]: *** [modules/cudalegacy/CMakeFiles/opencv_cudalegacy.dir/src/graphcuts.cpp.o] エラー 1
CMakeFiles/Makefile2:9285: ターゲット 'modules/cudalegacy/CMakeFiles/opencv_cudalegacy.dir/all' のレシピで失敗しました
make[1]: *** [modules/cudalegacy/CMakeFiles/opencv_cudalegacy.dir/all] エラー 2
Makefile:160: ターゲット 'all' のレシピで失敗しました
make: *** [all] エラー 2
Video Library Data Structures
HLS Video Libraryには、イメージ、ピクセルなどの基本的なデータ構造を表現するためのテンプレートクラスがいくつか用意されています。これらの名前と使用方法のほとんどは、OpenCVに似ており、FPGAの特殊化と最適化があります。
hls :: Mat <ROWS、COLS、T>
hls :: Scalar <N、T>
hls :: Window <ROWS、COLS、T>
hls :: LineBuffer <ROWS、COLS、T>
OpenCV interface functions
IplImage2AXIvideo
AXIvideo2IplImage
cvMat2AXIvideo
AXIvideo2cvMat
CvMat2AXIvideo
AXIvideo2CvMat
IplImage2hlsMat
hlsMat2IplImage
cvMat2hlsMat
hlsMat2cvMat
CvMat2hlsMat
hlsMat2CvMat
CvMat2hlsWindow
hlsWindow2CvMat
AXI4-Stream I/O Functions
hls :: AXIvideo2Mat
hls :: Mat2AXIvideo
Video Processing Functions
hls::AbsDiff
hls::AddS
hls::AddWeighted
hls::And
hls::Avg
hls::AvgSdv
hls::Cmp
hls::CmpS
hls::CornerHarris
hls::CvtColor
hls::Dilate
hls::Duplicate
hls::EqualizeHist
hls::Erode
hls::FASTX
hls::Filter2D
hls::GaussianBlur
hls::Harris
hls::HoughLines2
hls::Integral
hls::InitUndistortRectifyMap
hls::Max
hls::MaxS
hls::Mean
hls::Merge
hls::Min
hls::MinMaxLoc
hls::MinS
hls::Mul
hls::Not
hls::PaintMask
hls::Range
hls::Remap
hls::Reduce
hls::Resize
hls::Set
hls::Scale
hls::Sobel
hls::Split
hls::SubRS
hls::SubS
hls::Sum
hls::Threshold
hls::Zero
ここでは、シミュレーションだけを行っていて、実機では動作させていません。
ここでは、800 x 600 ピクセルの画像で、リアルタイムにFASTX コーナー検出を行っています。レポートを見ると、
という結論になりました。かなりの性能が出ていると思われます。FASTX コーナー検出IP は 280 MHz まで動作するというレポートが出ているので、HD 解像度の 148.5 MHz も問題なくできると思う。そのようにすればHD解像度で、60 fps のFASTX コーナー検出ができると思う。
日 | 月 | 火 | 水 | 木 | 金 | 土 |
---|---|---|---|---|---|---|
- | - | - | - | - | 1 | 2 |
3 | 4 | 5 | 6 | 7 | 8 | 9 |
10 | 11 | 12 | 13 | 14 | 15 | 16 |
17 | 18 | 19 | 20 | 21 | 22 | 23 |
24 | 25 | 26 | 27 | 28 | 29 | 30 |
31 | - | - | - | - | - | - |