Intel® Distribution of OpenVINO™ Toolkit
Community assistance about the Intel® Distribution of OpenVINO™ toolkit, OpenCV, and all aspects of computer vision-related on Intel® platforms.
6403 Discussions

Interactive Face Detection Python Demo- Accuracy

huiteng
Beginner
893 Views

Greetings,

I am currently working on the  interactive face detection demo using my own video as the input file. May I know is there any ways I can check on the accuracy of the result coming from the particular input video file ? Thank you.

0 Kudos
8 Replies
Iffa_Intel
Moderator
868 Views

Greetings,


We have the accuracy checker tool that you can use for that purpose.

It's located in the OpenVINO directory: <yourlocation>/deployment_tool/open_zoo_model/tool/accuracy_checker


Install the setup.py: python setup.py install

If there any other dependencies missing, you could use the pip install.


Then you may use the accuracy checker.

This is the official documentation for it: https://docs.openvinotoolkit.org/latest/omz_tools_accuracy_checker_README.html


Sincerely,

Iffa



0 Kudos
huiteng
Beginner
847 Views

ubuntu4@ubuntu:/opt/intel/openvino_2020.3.194/deployment_tools/open_model_zoo/tools/accuracy_checker$ ls
accuracy_checker dataset_definitions.yml requirements.in
accuracy_checker.egg-info dist requirements-test.in
build pylint_checkers.py sample
configs pytest.ini setup.cfg
custom_evaluators README.md setup.py
data requirements-core.in tests
ubuntu4@ubuntu:/opt/intel/openvino_2020.3.194/deployment_tools/open_model_zoo/tools/accuracy_checker$ python setup.py install
running install
running bdist_egg
running egg_info
error: [Errno 13] Permission denied
ubuntu4@ubuntu:/opt/intel/openvino_2020.3.194/deployment_tools/open_model_zoo/tools/accuracy_checker$ python3 setup.py install
running install
running bdist_egg
running egg_info
error: [Errno 13] Permission denied
ubuntu4@ubuntu:/opt/intel/openvino_2020.3.194/deployment_tools/open_model_zoo/tools/accuracy_checker$ sudo python3 setup.py install
[sudo] password for ubuntu4:
setup.py:95: UserWarning: Problem with cv2 import:
No module named 'cv2'
opencv-python will be added to requirements
"Problem with cv2 import: \n{}\n opencv-python will be added to requirements".format(opencv_import_error)
running install
running bdist_egg
running egg_info
writing accuracy_checker.egg-info/PKG-INFO
writing dependency_links to accuracy_checker.egg-info/dependency_links.txt
writing entry points to accuracy_checker.egg-info/entry_points.txt
writing requirements to accuracy_checker.egg-info/requires.txt
writing top-level names to accuracy_checker.egg-info/top_level.txt
reading manifest file 'accuracy_checker.egg-info/SOURCES.txt'
writing manifest file 'accuracy_checker.egg-info/SOURCES.txt'
installing library code to build/bdist.linux-x86_64/egg
running install_lib
running build_py
creating build/bdist.linux-x86_64/egg
creating build/bdist.linux-x86_64/egg/custom_evaluators
copying build/lib/custom_evaluators/mtcnn_evaluator.py -> build/bdist.linux-x86_64/egg/custom_evaluators
copying build/lib/custom_evaluators/text_spotting_evaluator.py -> build/bdist.linux-x86_64/egg/custom_evaluators
copying build/lib/custom_evaluators/__init__.py -> build/bdist.linux-x86_64/egg/custom_evaluators
copying build/lib/custom_evaluators/sequential_action_recognition_evaluator.py -> build/bdist.linux-x86_64/egg/custom_evaluators
copying build/lib/custom_evaluators/colorization_evaluator.py -> build/bdist.linux-x86_64/egg/custom_evaluators
creating build/bdist.linux-x86_64/egg/accuracy_checker
copying build/lib/accuracy_checker/serialize_parameters.py -> build/bdist.linux-x86_64/egg/accuracy_checker
creating build/bdist.linux-x86_64/egg/accuracy_checker/launcher
copying build/lib/accuracy_checker/launcher/tf_lite_launcher.py -> build/bdist.linux-x86_64/egg/accuracy_checker/launcher
copying build/lib/accuracy_checker/launcher/input_feeder.py -> build/bdist.linux-x86_64/egg/accuracy_checker/launcher
copying build/lib/accuracy_checker/launcher/dlsdk_launcher.py -> build/bdist.linux-x86_64/egg/accuracy_checker/launcher
copying build/lib/accuracy_checker/launcher/__init__.py -> build/bdist.linux-x86_64/egg/accuracy_checker/launcher
copying build/lib/accuracy_checker/launcher/dlsdk_async_request.py -> build/bdist.linux-x86_64/egg/accuracy_checker/launcher
copying build/lib/accuracy_checker/launcher/tf_launcher.py -> build/bdist.linux-x86_64/egg/accuracy_checker/launcher
copying build/lib/accuracy_checker/launcher/onnx_launcher.py -> build/bdist.linux-x86_64/egg/accuracy_checker/launcher
copying build/lib/accuracy_checker/launcher/mxnet_launcher.py -> build/bdist.linux-x86_64/egg/accuracy_checker/launcher
copying build/lib/accuracy_checker/launcher/caffe_launcher.py -> build/bdist.linux-x86_64/egg/accuracy_checker/launcher
copying build/lib/accuracy_checker/launcher/pytorch_launcher.py -> build/bdist.linux-x86_64/egg/accuracy_checker/launcher
copying build/lib/accuracy_checker/launcher/model_conversion.py -> build/bdist.linux-x86_64/egg/accuracy_checker/launcher
creating build/bdist.linux-x86_64/egg/accuracy_checker/launcher/loaders
copying build/lib/accuracy_checker/launcher/loaders/pickle_loader.py -> build/bdist.linux-x86_64/egg/accuracy_checker/launcher/loaders
copying build/lib/accuracy_checker/launcher/loaders/xml_loader.py -> build/bdist.linux-x86_64/egg/accuracy_checker/launcher/loaders
copying build/lib/accuracy_checker/launcher/loaders/__init__.py -> build/bdist.linux-x86_64/egg/accuracy_checker/launcher/loaders
copying build/lib/accuracy_checker/launcher/loaders/loader.py -> build/bdist.linux-x86_64/egg/accuracy_checker/launcher/loaders
copying build/lib/accuracy_checker/launcher/opencv_launcher.py -> build/bdist.linux-x86_64/egg/accuracy_checker/launcher
copying build/lib/accuracy_checker/launcher/dummy_launcher.py -> build/bdist.linux-x86_64/egg/accuracy_checker/launcher
copying build/lib/accuracy_checker/launcher/launcher.py -> build/bdist.linux-x86_64/egg/accuracy_checker/launcher
creating build/bdist.linux-x86_64/egg/accuracy_checker/postprocessor
copying build/lib/accuracy_checker/postprocessor/extract_answers_tokens.py -> build/bdist.linux-x86_64/egg/accuracy_checker/postprocessor
copying build/lib/accuracy_checker/postprocessor/resize_segmentation_mask.py -> build/bdist.linux-x86_64/egg/accuracy_checker/postprocessor
copying build/lib/accuracy_checker/postprocessor/encode_segmentation_mask.py -> build/bdist.linux-x86_64/egg/accuracy_checker/postprocessor
copying build/lib/accuracy_checker/postprocessor/postprocessing_executor.py -> build/bdist.linux-x86_64/egg/accuracy_checker/postprocessor
copying build/lib/accuracy_checker/postprocessor/resize_super_resolution.py -> build/bdist.linux-x86_64/egg/accuracy_checker/postprocessor
copying build/lib/accuracy_checker/postprocessor/brats_postprocessing.py -> build/bdist.linux-x86_64/egg/accuracy_checker/postprocessor
copying build/lib/accuracy_checker/postprocessor/faster_rcnn_postprocessing_resize.py -> build/bdist.linux-x86_64/egg/accuracy_checker/postprocessor
copying build/lib/accuracy_checker/postprocessor/correct_yolo_v2_boxes.py -> build/bdist.linux-x86_64/egg/accuracy_checker/postprocessor
copying build/lib/accuracy_checker/postprocessor/zoom_segmentation_mask.py -> build/bdist.linux-x86_64/egg/accuracy_checker/postprocessor
copying build/lib/accuracy_checker/postprocessor/postprocessor.py -> build/bdist.linux-x86_64/egg/accuracy_checker/postprocessor
copying build/lib/accuracy_checker/postprocessor/resize_prediction_boxes.py -> build/bdist.linux-x86_64/egg/accuracy_checker/postprocessor
copying build/lib/accuracy_checker/postprocessor/crop_ground_truth_image.py -> build/bdist.linux-x86_64/egg/accuracy_checker/postprocessor
copying build/lib/accuracy_checker/postprocessor/__init__.py -> build/bdist.linux-x86_64/egg/accuracy_checker/postprocessor
copying build/lib/accuracy_checker/postprocessor/normalize_recomendation.py -> build/bdist.linux-x86_64/egg/accuracy_checker/postprocessor
copying build/lib/accuracy_checker/postprocessor/cast_to_int.py -> build/bdist.linux-x86_64/egg/accuracy_checker/postprocessor
copying build/lib/accuracy_checker/postprocessor/crop_segmentation_mask.py -> build/bdist.linux-x86_64/egg/accuracy_checker/postprocessor
copying build/lib/accuracy_checker/postprocessor/align_prediction_depth_map.py -> build/bdist.linux-x86_64/egg/accuracy_checker/postprocessor
copying build/lib/accuracy_checker/postprocessor/normalize_landmarks_points.py -> build/bdist.linux-x86_64/egg/accuracy_checker/postprocessor
copying build/lib/accuracy_checker/postprocessor/clip_boxes.py -> build/bdist.linux-x86_64/egg/accuracy_checker/postprocessor
copying build/lib/accuracy_checker/postprocessor/clip_segmentation_mask.py -> build/bdist.linux-x86_64/egg/accuracy_checker/postprocessor
copying build/lib/accuracy_checker/postprocessor/translate_3d_poses.py -> build/bdist.linux-x86_64/egg/accuracy_checker/postprocessor
copying build/lib/accuracy_checker/postprocessor/clip_points.py -> build/bdist.linux-x86_64/egg/accuracy_checker/postprocessor
copying build/lib/accuracy_checker/postprocessor/extend_segmentation_mask.py -> build/bdist.linux-x86_64/egg/accuracy_checker/postprocessor
copying build/lib/accuracy_checker/postprocessor/resize_prediction_depth_map.py -> build/bdist.linux-x86_64/egg/accuracy_checker/postprocessor
copying build/lib/accuracy_checker/postprocessor/filter.py -> build/bdist.linux-x86_64/egg/accuracy_checker/postprocessor
copying build/lib/accuracy_checker/postprocessor/nms.py -> build/bdist.linux-x86_64/egg/accuracy_checker/postprocessor
copying build/lib/accuracy_checker/postprocessor/normalize_boxes.py -> build/bdist.linux-x86_64/egg/accuracy_checker/postprocessor
copying build/lib/accuracy_checker/progress_reporters.py -> build/bdist.linux-x86_64/egg/accuracy_checker
creating build/bdist.linux-x86_64/egg/accuracy_checker/representation
copying build/lib/accuracy_checker/representation/pose_estimation_representation.py -> build/bdist.linux-x86_64/egg/accuracy_checker/representation
copying build/lib/accuracy_checker/representation/character_recognition_representation.py -> build/bdist.linux-x86_64/egg/accuracy_checker/representation
copying build/lib/accuracy_checker/representation/segmentation_representation.py -> build/bdist.linux-x86_64/egg/accuracy_checker/representation
copying build/lib/accuracy_checker/representation/multilabel_recognition.py -> build/bdist.linux-x86_64/egg/accuracy_checker/representation
copying build/lib/accuracy_checker/representation/classification_representation.py -> build/bdist.linux-x86_64/egg/accuracy_checker/representation
copying build/lib/accuracy_checker/representation/regression_representation.py -> build/bdist.linux-x86_64/egg/accuracy_checker/representation
copying build/lib/accuracy_checker/representation/reid_representation.py -> build/bdist.linux-x86_64/egg/accuracy_checker/representation
copying build/lib/accuracy_checker/representation/super_resolution_representation.py -> build/bdist.linux-x86_64/egg/accuracy_checker/representation
copying build/lib/accuracy_checker/representation/representaton_container.py -> build/bdist.linux-x86_64/egg/accuracy_checker/representation
copying build/lib/accuracy_checker/representation/text_detection_representation.py -> build/bdist.linux-x86_64/egg/accuracy_checker/representation
copying build/lib/accuracy_checker/representation/hit_ratio_representation.py -> build/bdist.linux-x86_64/egg/accuracy_checker/representation
copying build/lib/accuracy_checker/representation/__init__.py -> build/bdist.linux-x86_64/egg/accuracy_checker/representation
copying build/lib/accuracy_checker/representation/image_inpainting.py -> build/bdist.linux-x86_64/egg/accuracy_checker/representation
copying build/lib/accuracy_checker/representation/pose_estimation_3d_representation.py -> build/bdist.linux-x86_64/egg/accuracy_checker/representation
copying build/lib/accuracy_checker/representation/nlp_representation.py -> build/bdist.linux-x86_64/egg/accuracy_checker/representation
copying build/lib/accuracy_checker/representation/base_representation.py -> build/bdist.linux-x86_64/egg/accuracy_checker/representation
copying build/lib/accuracy_checker/representation/depth_estimation.py -> build/bdist.linux-x86_64/egg/accuracy_checker/representation
copying build/lib/accuracy_checker/representation/detection_representation.py -> build/bdist.linux-x86_64/egg/accuracy_checker/representation
copying build/lib/accuracy_checker/main.py -> build/bdist.linux-x86_64/egg/accuracy_checker
copying build/lib/accuracy_checker/dataset.py -> build/bdist.linux-x86_64/egg/accuracy_checker
copying build/lib/accuracy_checker/presenters.py -> build/bdist.linux-x86_64/egg/accuracy_checker
creating build/bdist.linux-x86_64/egg/accuracy_checker/data_analyzer
copying build/lib/accuracy_checker/data_analyzer/regression_analyzer.py -> build/bdist.linux-x86_64/egg/accuracy_checker/data_analyzer
copying build/lib/accuracy_checker/data_analyzer/classification_analyzer.py -> build/bdist.linux-x86_64/egg/accuracy_checker/data_analyzer
copying build/lib/accuracy_checker/data_analyzer/detection_analyzer.py -> build/bdist.linux-x86_64/egg/accuracy_checker/data_analyzer
copying build/lib/accuracy_checker/data_analyzer/__init__.py -> build/bdist.linux-x86_64/egg/accuracy_checker/data_analyzer
copying build/lib/accuracy_checker/data_analyzer/base_data_analyzer.py -> build/bdist.linux-x86_64/egg/accuracy_checker/data_analyzer
copying build/lib/accuracy_checker/data_analyzer/multi_label_recognition_analyzer.py -> build/bdist.linux-x86_64/egg/accuracy_checker/data_analyzer
copying build/lib/accuracy_checker/data_analyzer/container_analyzer.py -> build/bdist.linux-x86_64/egg/accuracy_checker/data_analyzer
creating build/bdist.linux-x86_64/egg/accuracy_checker/evaluators
copying build/lib/accuracy_checker/evaluators/__init__.py -> build/bdist.linux-x86_64/egg/accuracy_checker/evaluators
copying build/lib/accuracy_checker/evaluators/pipeline_evaluator.py -> build/bdist.linux-x86_64/egg/accuracy_checker/evaluators
copying build/lib/accuracy_checker/evaluators/module_evaluator.py -> build/bdist.linux-x86_64/egg/accuracy_checker/evaluators
copying build/lib/accuracy_checker/evaluators/model_evaluator.py -> build/bdist.linux-x86_64/egg/accuracy_checker/evaluators
copying build/lib/accuracy_checker/evaluators/base_evaluator.py -> build/bdist.linux-x86_64/egg/accuracy_checker/evaluators
copying build/lib/accuracy_checker/evaluators/quantization_model_evaluator.py -> build/bdist.linux-x86_64/egg/accuracy_checker/evaluators
creating build/bdist.linux-x86_64/egg/accuracy_checker/metrics
copying build/lib/accuracy_checker/metrics/average_meter.py -> build/bdist.linux-x86_64/egg/accuracy_checker/metrics
copying build/lib/accuracy_checker/metrics/coco_metrics.py -> build/bdist.linux-x86_64/egg/accuracy_checker/metrics
copying build/lib/accuracy_checker/metrics/mpjpe_multiperson.py -> build/bdist.linux-x86_64/egg/accuracy_checker/metrics
copying build/lib/accuracy_checker/metrics/semantic_segmentation.py -> build/bdist.linux-x86_64/egg/accuracy_checker/metrics
copying build/lib/accuracy_checker/metrics/multilabel_recognition.py -> build/bdist.linux-x86_64/egg/accuracy_checker/metrics
copying build/lib/accuracy_checker/metrics/average_editdistance_meter.py -> build/bdist.linux-x86_64/egg/accuracy_checker/metrics
copying build/lib/accuracy_checker/metrics/detection.py -> build/bdist.linux-x86_64/egg/accuracy_checker/metrics
copying build/lib/accuracy_checker/metrics/coco_orig_metrics.py -> build/bdist.linux-x86_64/egg/accuracy_checker/metrics
copying build/lib/accuracy_checker/metrics/text_detection.py -> build/bdist.linux-x86_64/egg/accuracy_checker/metrics
copying build/lib/accuracy_checker/metrics/metric_executor.py -> build/bdist.linux-x86_64/egg/accuracy_checker/metrics
copying build/lib/accuracy_checker/metrics/__init__.py -> build/bdist.linux-x86_64/egg/accuracy_checker/metrics
copying build/lib/accuracy_checker/metrics/regression.py -> build/bdist.linux-x86_64/egg/accuracy_checker/metrics
copying build/lib/accuracy_checker/metrics/character_recognition.py -> build/bdist.linux-x86_64/egg/accuracy_checker/metrics
copying build/lib/accuracy_checker/metrics/overlap.py -> build/bdist.linux-x86_64/egg/accuracy_checker/metrics
copying build/lib/accuracy_checker/metrics/metric.py -> build/bdist.linux-x86_64/egg/accuracy_checker/metrics
copying build/lib/accuracy_checker/metrics/machine_translation.py -> build/bdist.linux-x86_64/egg/accuracy_checker/metrics
copying build/lib/accuracy_checker/metrics/classification.py -> build/bdist.linux-x86_64/egg/accuracy_checker/metrics
copying build/lib/accuracy_checker/metrics/hit_ratio.py -> build/bdist.linux-x86_64/egg/accuracy_checker/metrics
copying build/lib/accuracy_checker/metrics/reid.py -> build/bdist.linux-x86_64/egg/accuracy_checker/metrics
copying build/lib/accuracy_checker/metrics/question_answering.py -> build/bdist.linux-x86_64/egg/accuracy_checker/metrics
creating build/bdist.linux-x86_64/egg/accuracy_checker/annotation_converters
copying build/lib/accuracy_checker/annotation_converters/brats.py -> build/bdist.linux-x86_64/egg/accuracy_checker/annotation_converters
copying build/lib/accuracy_checker/annotation_converters/cityscapes.py -> build/bdist.linux-x86_64/egg/accuracy_checker/annotation_converters
copying build/lib/accuracy_checker/annotation_converters/market1501.py -> build/bdist.linux-x86_64/egg/accuracy_checker/annotation_converters
copying build/lib/accuracy_checker/annotation_converters/mnist.py -> build/bdist.linux-x86_64/egg/accuracy_checker/annotation_converters
copying build/lib/accuracy_checker/annotation_converters/cvat_person_detection_action_recognition.py -> build/bdist.linux-x86_64/egg/accuracy_checker/annotation_converters
copying build/lib/accuracy_checker/annotation_converters/_nlp_common.py -> build/bdist.linux-x86_64/egg/accuracy_checker/annotation_converters
copying build/lib/accuracy_checker/annotation_converters/vgg_face_regression.py -> build/bdist.linux-x86_64/egg/accuracy_checker/annotation_converters
copying build/lib/accuracy_checker/annotation_converters/sample_converter.py -> build/bdist.linux-x86_64/egg/accuracy_checker/annotation_converters
copying build/lib/accuracy_checker/annotation_converters/detection_opencv_storage.py -> build/bdist.linux-x86_64/egg/accuracy_checker/annotation_converters
copying build/lib/accuracy_checker/annotation_converters/mars.py -> build/bdist.linux-x86_64/egg/accuracy_checker/annotation_converters
copying build/lib/accuracy_checker/annotation_converters/cvat_text_recognition.py -> build/bdist.linux-x86_64/egg/accuracy_checker/annotation_converters
copying build/lib/accuracy_checker/annotation_converters/cmu_panoptic.py -> build/bdist.linux-x86_64/egg/accuracy_checker/annotation_converters
copying build/lib/accuracy_checker/annotation_converters/super_resolution_converter.py -> build/bdist.linux-x86_64/egg/accuracy_checker/annotation_converters
copying build/lib/accuracy_checker/annotation_converters/cvat_object_detection.py -> build/bdist.linux-x86_64/egg/accuracy_checker/annotation_converters
copying build/lib/accuracy_checker/annotation_converters/ms_asl_continuous.py -> build/bdist.linux-x86_64/egg/accuracy_checker/annotation_converters
copying build/lib/accuracy_checker/annotation_converters/ms_coco.py -> build/bdist.linux-x86_64/egg/accuracy_checker/annotation_converters
copying build/lib/accuracy_checker/annotation_converters/image_retrieval.py -> build/bdist.linux-x86_64/egg/accuracy_checker/annotation_converters
copying build/lib/accuracy_checker/annotation_converters/imagenet.py -> build/bdist.linux-x86_64/egg/accuracy_checker/annotation_converters
copying build/lib/accuracy_checker/annotation_converters/kondate_nakayosi.py -> build/bdist.linux-x86_64/egg/accuracy_checker/annotation_converters
copying build/lib/accuracy_checker/annotation_converters/cvat_facial_landmarks.py -> build/bdist.linux-x86_64/egg/accuracy_checker/annotation_converters
copying build/lib/accuracy_checker/annotation_converters/icdar.py -> build/bdist.linux-x86_64/egg/accuracy_checker/annotation_converters
copying build/lib/accuracy_checker/annotation_converters/cvat_age_gender_recognition.py -> build/bdist.linux-x86_64/egg/accuracy_checker/annotation_converters
copying build/lib/accuracy_checker/annotation_converters/format_converter.py -> build/bdist.linux-x86_64/egg/accuracy_checker/annotation_converters
copying build/lib/accuracy_checker/annotation_converters/cvat_human_pose.py -> build/bdist.linux-x86_64/egg/accuracy_checker/annotation_converters
copying build/lib/accuracy_checker/annotation_converters/__init__.py -> build/bdist.linux-x86_64/egg/accuracy_checker/annotation_converters
copying build/lib/accuracy_checker/annotation_converters/pascal_voc.py -> build/bdist.linux-x86_64/egg/accuracy_checker/annotation_converters
copying build/lib/accuracy_checker/annotation_converters/cifar.py -> build/bdist.linux-x86_64/egg/accuracy_checker/annotation_converters
copying build/lib/accuracy_checker/annotation_converters/convert.py -> build/bdist.linux-x86_64/egg/accuracy_checker/annotation_converters
copying build/lib/accuracy_checker/annotation_converters/cvat_attributes_recognition.py -> build/bdist.linux-x86_64/egg/accuracy_checker/annotation_converters
copying build/lib/accuracy_checker/annotation_converters/text_classification.py -> build/bdist.linux-x86_64/egg/accuracy_checker/annotation_converters
copying build/lib/accuracy_checker/annotation_converters/camvid.py -> build/bdist.linux-x86_64/egg/accuracy_checker/annotation_converters
copying build/lib/accuracy_checker/annotation_converters/monocular_depth_perception.py -> build/bdist.linux-x86_64/egg/accuracy_checker/annotation_converters
copying build/lib/accuracy_checker/annotation_converters/fashion_mnist.py -> build/bdist.linux-x86_64/egg/accuracy_checker/annotation_converters
copying build/lib/accuracy_checker/annotation_converters/squad.py -> build/bdist.linux-x86_64/egg/accuracy_checker/annotation_converters
copying build/lib/accuracy_checker/annotation_converters/wider.py -> build/bdist.linux-x86_64/egg/accuracy_checker/annotation_converters
copying build/lib/accuracy_checker/annotation_converters/ncf_converter.py -> build/bdist.linux-x86_64/egg/accuracy_checker/annotation_converters
copying build/lib/accuracy_checker/annotation_converters/lpr.py -> build/bdist.linux-x86_64/egg/accuracy_checker/annotation_converters
copying build/lib/accuracy_checker/annotation_converters/inpainting.py -> build/bdist.linux-x86_64/egg/accuracy_checker/annotation_converters
copying build/lib/accuracy_checker/annotation_converters/_reid_common.py -> build/bdist.linux-x86_64/egg/accuracy_checker/annotation_converters
copying build/lib/accuracy_checker/annotation_converters/lfw.py -> build/bdist.linux-x86_64/egg/accuracy_checker/annotation_converters
copying build/lib/accuracy_checker/annotation_converters/wmt.py -> build/bdist.linux-x86_64/egg/accuracy_checker/annotation_converters
copying build/lib/accuracy_checker/annotation_converters/common_semantic_segmentation.py -> build/bdist.linux-x86_64/egg/accuracy_checker/annotation_converters
copying build/lib/accuracy_checker/annotation_converters/action_recognition.py -> build/bdist.linux-x86_64/egg/accuracy_checker/annotation_converters
copying build/lib/accuracy_checker/annotation_converters/cvat_multilabel_recognition.py -> build/bdist.linux-x86_64/egg/accuracy_checker/annotation_converters
creating build/bdist.linux-x86_64/egg/accuracy_checker/config
copying build/lib/accuracy_checker/config/__init__.py -> build/bdist.linux-x86_64/egg/accuracy_checker/config
copying build/lib/accuracy_checker/config/config_validator.py -> build/bdist.linux-x86_64/egg/accuracy_checker/config
copying build/lib/accuracy_checker/config/config_reader.py -> build/bdist.linux-x86_64/egg/accuracy_checker/config
creating build/bdist.linux-x86_64/egg/accuracy_checker/data_readers
copying build/lib/accuracy_checker/data_readers/__init__.py -> build/bdist.linux-x86_64/egg/accuracy_checker/data_readers
copying build/lib/accuracy_checker/data_readers/data_reader.py -> build/bdist.linux-x86_64/egg/accuracy_checker/data_readers
creating build/bdist.linux-x86_64/egg/accuracy_checker/preprocessor
copying build/lib/accuracy_checker/preprocessor/geometric_transformations.py -> build/bdist.linux-x86_64/egg/accuracy_checker/preprocessor
copying build/lib/accuracy_checker/preprocessor/resize.py -> build/bdist.linux-x86_64/egg/accuracy_checker/preprocessor
copying build/lib/accuracy_checker/preprocessor/preprocessing_executor.py -> build/bdist.linux-x86_64/egg/accuracy_checker/preprocessor
copying build/lib/accuracy_checker/preprocessor/normalization.py -> build/bdist.linux-x86_64/egg/accuracy_checker/preprocessor
copying build/lib/accuracy_checker/preprocessor/inpainting_preprocessor.py -> build/bdist.linux-x86_64/egg/accuracy_checker/preprocessor
copying build/lib/accuracy_checker/preprocessor/color_space_conversion.py -> build/bdist.linux-x86_64/egg/accuracy_checker/preprocessor
copying build/lib/accuracy_checker/preprocessor/centernet_preprocessing.py -> build/bdist.linux-x86_64/egg/accuracy_checker/preprocessor
copying build/lib/accuracy_checker/preprocessor/__init__.py -> build/bdist.linux-x86_64/egg/accuracy_checker/preprocessor
copying build/lib/accuracy_checker/preprocessor/nlp_preprocessors.py -> build/bdist.linux-x86_64/egg/accuracy_checker/preprocessor
copying build/lib/accuracy_checker/preprocessor/brats_preprocessing.py -> build/bdist.linux-x86_64/egg/accuracy_checker/preprocessor
copying build/lib/accuracy_checker/preprocessor/preprocessor.py -> build/bdist.linux-x86_64/egg/accuracy_checker/preprocessor
copying build/lib/accuracy_checker/__init__.py -> build/bdist.linux-x86_64/egg/accuracy_checker
copying build/lib/accuracy_checker/logging.py -> build/bdist.linux-x86_64/egg/accuracy_checker
copying build/lib/accuracy_checker/utils.py -> build/bdist.linux-x86_64/egg/accuracy_checker
copying build/lib/accuracy_checker/topology_types.py -> build/bdist.linux-x86_64/egg/accuracy_checker
creating build/bdist.linux-x86_64/egg/accuracy_checker/adapters
copying build/lib/accuracy_checker/adapters/pose_estimation.py -> build/bdist.linux-x86_64/egg/accuracy_checker/adapters
copying build/lib/accuracy_checker/adapters/mono_depth.py -> build/bdist.linux-x86_64/egg/accuracy_checker/adapters
copying build/lib/accuracy_checker/adapters/mask_rcnn_with_text.py -> build/bdist.linux-x86_64/egg/accuracy_checker/adapters
copying build/lib/accuracy_checker/adapters/detection.py -> build/bdist.linux-x86_64/egg/accuracy_checker/adapters
copying build/lib/accuracy_checker/adapters/nlp.py -> build/bdist.linux-x86_64/egg/accuracy_checker/adapters
copying build/lib/accuracy_checker/adapters/yolo.py -> build/bdist.linux-x86_64/egg/accuracy_checker/adapters
copying build/lib/accuracy_checker/adapters/text_detection.py -> build/bdist.linux-x86_64/egg/accuracy_checker/adapters
copying build/lib/accuracy_checker/adapters/__init__.py -> build/bdist.linux-x86_64/egg/accuracy_checker/adapters
copying build/lib/accuracy_checker/adapters/attributes_recognition.py -> build/bdist.linux-x86_64/egg/accuracy_checker/adapters
copying build/lib/accuracy_checker/adapters/mask_rcnn.py -> build/bdist.linux-x86_64/egg/accuracy_checker/adapters
copying build/lib/accuracy_checker/adapters/dummy_adapters.py -> build/bdist.linux-x86_64/egg/accuracy_checker/adapters
copying build/lib/accuracy_checker/adapters/pose_estimation_3d.py -> build/bdist.linux-x86_64/egg/accuracy_checker/adapters
copying build/lib/accuracy_checker/adapters/text_recognition.py -> build/bdist.linux-x86_64/egg/accuracy_checker/adapters
copying build/lib/accuracy_checker/adapters/centernet.py -> build/bdist.linux-x86_64/egg/accuracy_checker/adapters
copying build/lib/accuracy_checker/adapters/image_inpainting.py -> build/bdist.linux-x86_64/egg/accuracy_checker/adapters
copying build/lib/accuracy_checker/adapters/adapter.py -> build/bdist.linux-x86_64/egg/accuracy_checker/adapters
copying build/lib/accuracy_checker/adapters/image_processing.py -> build/bdist.linux-x86_64/egg/accuracy_checker/adapters
copying build/lib/accuracy_checker/adapters/segmentation.py -> build/bdist.linux-x86_64/egg/accuracy_checker/adapters
copying build/lib/accuracy_checker/adapters/reidentification.py -> build/bdist.linux-x86_64/egg/accuracy_checker/adapters
copying build/lib/accuracy_checker/adapters/classification.py -> build/bdist.linux-x86_64/egg/accuracy_checker/adapters
copying build/lib/accuracy_checker/adapters/hit_ratio.py -> build/bdist.linux-x86_64/egg/accuracy_checker/adapters
copying build/lib/accuracy_checker/adapters/action_recognition.py -> build/bdist.linux-x86_64/egg/accuracy_checker/adapters
creating build/bdist.linux-x86_64/egg/accuracy_checker/pipeline_connectors
copying build/lib/accuracy_checker/pipeline_connectors/__init__.py -> build/bdist.linux-x86_64/egg/accuracy_checker/pipeline_connectors
copying build/lib/accuracy_checker/pipeline_connectors/connectors.py -> build/bdist.linux-x86_64/egg/accuracy_checker/pipeline_connectors
copying build/lib/accuracy_checker/dependency.py -> build/bdist.linux-x86_64/egg/accuracy_checker
creating build/bdist.linux-x86_64/egg/tests
copying build/lib/tests/test_onnx_launcher.py -> build/bdist.linux-x86_64/egg/tests
copying build/lib/tests/conftest.py -> build/bdist.linux-x86_64/egg/tests
copying build/lib/tests/test_tf_launcher.py -> build/bdist.linux-x86_64/egg/tests
copying build/lib/tests/test_dlsdk_launcher.py -> build/bdist.linux-x86_64/egg/tests
copying build/lib/tests/test_model_evaluator.py -> build/bdist.linux-x86_64/egg/tests
copying build/lib/tests/test_detection_metrics.py -> build/bdist.linux-x86_64/egg/tests
copying build/lib/tests/test_pytorch_launcher.py -> build/bdist.linux-x86_64/egg/tests
copying build/lib/tests/test_adapters.py -> build/bdist.linux-x86_64/egg/tests
copying build/lib/tests/test_caffe_launcher.py -> build/bdist.linux-x86_64/egg/tests
copying build/lib/tests/test_segmentation_metrics.py -> build/bdist.linux-x86_64/egg/tests
copying build/lib/tests/test_utils.py -> build/bdist.linux-x86_64/egg/tests
copying build/lib/tests/test_presenter.py -> build/bdist.linux-x86_64/egg/tests
copying build/lib/tests/test_config_reader.py -> build/bdist.linux-x86_64/egg/tests
copying build/lib/tests/__init__.py -> build/bdist.linux-x86_64/egg/tests
copying build/lib/tests/test_dependency.py -> build/bdist.linux-x86_64/egg/tests
copying build/lib/tests/test_preprocessor.py -> build/bdist.linux-x86_64/egg/tests
copying build/lib/tests/test_regression_metrics.py -> build/bdist.linux-x86_64/egg/tests
copying build/lib/tests/test_model_conversion.py -> build/bdist.linux-x86_64/egg/tests
copying build/lib/tests/test_mxnet_launcher.py -> build/bdist.linux-x86_64/egg/tests
copying build/lib/tests/test_config_validator.py -> build/bdist.linux-x86_64/egg/tests
copying build/lib/tests/test_metric_evaluator.py -> build/bdist.linux-x86_64/egg/tests
copying build/lib/tests/common.py -> build/bdist.linux-x86_64/egg/tests
copying build/lib/tests/test_opencv_launcher.py -> build/bdist.linux-x86_64/egg/tests
copying build/lib/tests/test_postprocessor.py -> build/bdist.linux-x86_64/egg/tests
copying build/lib/tests/test_input_feeder.py -> build/bdist.linux-x86_64/egg/tests
copying build/lib/tests/test_reid_metrics.py -> build/bdist.linux-x86_64/egg/tests
copying build/lib/tests/test_dataset.py -> build/bdist.linux-x86_64/egg/tests
copying build/lib/tests/test_parameters.py -> build/bdist.linux-x86_64/egg/tests
byte-compiling build/bdist.linux-x86_64/egg/custom_evaluators/mtcnn_evaluator.py to mtcnn_evaluator.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/custom_evaluators/text_spotting_evaluator.py to text_spotting_evaluator.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/custom_evaluators/__init__.py to __init__.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/custom_evaluators/sequential_action_recognition_evaluator.py to sequential_action_recognition_evaluator.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/custom_evaluators/colorization_evaluator.py to colorization_evaluator.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/serialize_parameters.py to serialize_parameters.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/launcher/tf_lite_launcher.py to tf_lite_launcher.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/launcher/input_feeder.py to input_feeder.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/launcher/dlsdk_launcher.py to dlsdk_launcher.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/launcher/__init__.py to __init__.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/launcher/dlsdk_async_request.py to dlsdk_async_request.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/launcher/tf_launcher.py to tf_launcher.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/launcher/onnx_launcher.py to onnx_launcher.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/launcher/mxnet_launcher.py to mxnet_launcher.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/launcher/caffe_launcher.py to caffe_launcher.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/launcher/pytorch_launcher.py to pytorch_launcher.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/launcher/model_conversion.py to model_conversion.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/launcher/loaders/pickle_loader.py to pickle_loader.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/launcher/loaders/xml_loader.py to xml_loader.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/launcher/loaders/__init__.py to __init__.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/launcher/loaders/loader.py to loader.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/launcher/opencv_launcher.py to opencv_launcher.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/launcher/dummy_launcher.py to dummy_launcher.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/launcher/launcher.py to launcher.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/postprocessor/extract_answers_tokens.py to extract_answers_tokens.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/postprocessor/resize_segmentation_mask.py to resize_segmentation_mask.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/postprocessor/encode_segmentation_mask.py to encode_segmentation_mask.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/postprocessor/postprocessing_executor.py to postprocessing_executor.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/postprocessor/resize_super_resolution.py to resize_super_resolution.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/postprocessor/brats_postprocessing.py to brats_postprocessing.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/postprocessor/faster_rcnn_postprocessing_resize.py to faster_rcnn_postprocessing_resize.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/postprocessor/correct_yolo_v2_boxes.py to correct_yolo_v2_boxes.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/postprocessor/zoom_segmentation_mask.py to zoom_segmentation_mask.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/postprocessor/postprocessor.py to postprocessor.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/postprocessor/resize_prediction_boxes.py to resize_prediction_boxes.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/postprocessor/crop_ground_truth_image.py to crop_ground_truth_image.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/postprocessor/__init__.py to __init__.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/postprocessor/normalize_recomendation.py to normalize_recomendation.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/postprocessor/cast_to_int.py to cast_to_int.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/postprocessor/crop_segmentation_mask.py to crop_segmentation_mask.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/postprocessor/align_prediction_depth_map.py to align_prediction_depth_map.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/postprocessor/normalize_landmarks_points.py to normalize_landmarks_points.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/postprocessor/clip_boxes.py to clip_boxes.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/postprocessor/clip_segmentation_mask.py to clip_segmentation_mask.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/postprocessor/translate_3d_poses.py to translate_3d_poses.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/postprocessor/clip_points.py to clip_points.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/postprocessor/extend_segmentation_mask.py to extend_segmentation_mask.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/postprocessor/resize_prediction_depth_map.py to resize_prediction_depth_map.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/postprocessor/filter.py to filter.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/postprocessor/nms.py to nms.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/postprocessor/normalize_boxes.py to normalize_boxes.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/progress_reporters.py to progress_reporters.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/representation/pose_estimation_representation.py to pose_estimation_representation.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/representation/character_recognition_representation.py to character_recognition_representation.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/representation/segmentation_representation.py to segmentation_representation.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/representation/multilabel_recognition.py to multilabel_recognition.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/representation/classification_representation.py to classification_representation.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/representation/regression_representation.py to regression_representation.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/representation/reid_representation.py to reid_representation.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/representation/super_resolution_representation.py to super_resolution_representation.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/representation/representaton_container.py to representaton_container.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/representation/text_detection_representation.py to text_detection_representation.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/representation/hit_ratio_representation.py to hit_ratio_representation.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/representation/__init__.py to __init__.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/representation/image_inpainting.py to image_inpainting.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/representation/pose_estimation_3d_representation.py to pose_estimation_3d_representation.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/representation/nlp_representation.py to nlp_representation.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/representation/base_representation.py to base_representation.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/representation/depth_estimation.py to depth_estimation.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/representation/detection_representation.py to detection_representation.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/main.py to main.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/dataset.py to dataset.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/presenters.py to presenters.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/data_analyzer/regression_analyzer.py to regression_analyzer.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/data_analyzer/classification_analyzer.py to classification_analyzer.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/data_analyzer/detection_analyzer.py to detection_analyzer.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/data_analyzer/__init__.py to __init__.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/data_analyzer/base_data_analyzer.py to base_data_analyzer.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/data_analyzer/multi_label_recognition_analyzer.py to multi_label_recognition_analyzer.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/data_analyzer/container_analyzer.py to container_analyzer.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/evaluators/__init__.py to __init__.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/evaluators/pipeline_evaluator.py to pipeline_evaluator.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/evaluators/module_evaluator.py to module_evaluator.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/evaluators/model_evaluator.py to model_evaluator.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/evaluators/base_evaluator.py to base_evaluator.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/evaluators/quantization_model_evaluator.py to quantization_model_evaluator.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/metrics/average_meter.py to average_meter.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/metrics/coco_metrics.py to coco_metrics.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/metrics/mpjpe_multiperson.py to mpjpe_multiperson.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/metrics/semantic_segmentation.py to semantic_segmentation.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/metrics/multilabel_recognition.py to multilabel_recognition.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/metrics/average_editdistance_meter.py to average_editdistance_meter.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/metrics/detection.py to detection.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/metrics/coco_orig_metrics.py to coco_orig_metrics.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/metrics/text_detection.py to text_detection.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/metrics/metric_executor.py to metric_executor.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/metrics/__init__.py to __init__.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/metrics/regression.py to regression.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/metrics/character_recognition.py to character_recognition.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/metrics/overlap.py to overlap.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/metrics/metric.py to metric.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/metrics/machine_translation.py to machine_translation.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/metrics/classification.py to classification.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/metrics/hit_ratio.py to hit_ratio.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/metrics/reid.py to reid.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/metrics/question_answering.py to question_answering.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/annotation_converters/brats.py to brats.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/annotation_converters/cityscapes.py to cityscapes.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/annotation_converters/market1501.py to market1501.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/annotation_converters/mnist.py to mnist.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/annotation_converters/cvat_person_detection_action_recognition.py to cvat_person_detection_action_recognition.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/annotation_converters/_nlp_common.py to _nlp_common.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/annotation_converters/vgg_face_regression.py to vgg_face_regression.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/annotation_converters/sample_converter.py to sample_converter.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/annotation_converters/detection_opencv_storage.py to detection_opencv_storage.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/annotation_converters/mars.py to mars.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/annotation_converters/cvat_text_recognition.py to cvat_text_recognition.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/annotation_converters/cmu_panoptic.py to cmu_panoptic.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/annotation_converters/super_resolution_converter.py to super_resolution_converter.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/annotation_converters/cvat_object_detection.py to cvat_object_detection.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/annotation_converters/ms_asl_continuous.py to ms_asl_continuous.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/annotation_converters/ms_coco.py to ms_coco.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/annotation_converters/image_retrieval.py to image_retrieval.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/annotation_converters/imagenet.py to imagenet.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/annotation_converters/kondate_nakayosi.py to kondate_nakayosi.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/annotation_converters/cvat_facial_landmarks.py to cvat_facial_landmarks.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/annotation_converters/icdar.py to icdar.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/annotation_converters/cvat_age_gender_recognition.py to cvat_age_gender_recognition.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/annotation_converters/format_converter.py to format_converter.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/annotation_converters/cvat_human_pose.py to cvat_human_pose.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/annotation_converters/__init__.py to __init__.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/annotation_converters/pascal_voc.py to pascal_voc.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/annotation_converters/cifar.py to cifar.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/annotation_converters/convert.py to convert.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/annotation_converters/cvat_attributes_recognition.py to cvat_attributes_recognition.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/annotation_converters/text_classification.py to text_classification.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/annotation_converters/camvid.py to camvid.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/annotation_converters/monocular_depth_perception.py to monocular_depth_perception.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/annotation_converters/fashion_mnist.py to fashion_mnist.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/annotation_converters/squad.py to squad.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/annotation_converters/wider.py to wider.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/annotation_converters/ncf_converter.py to ncf_converter.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/annotation_converters/lpr.py to lpr.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/annotation_converters/inpainting.py to inpainting.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/annotation_converters/_reid_common.py to _reid_common.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/annotation_converters/lfw.py to lfw.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/annotation_converters/wmt.py to wmt.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/annotation_converters/common_semantic_segmentation.py to common_semantic_segmentation.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/annotation_converters/action_recognition.py to action_recognition.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/annotation_converters/cvat_multilabel_recognition.py to cvat_multilabel_recognition.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/config/__init__.py to __init__.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/config/config_validator.py to config_validator.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/config/config_reader.py to config_reader.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/data_readers/__init__.py to __init__.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/data_readers/data_reader.py to data_reader.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/preprocessor/geometric_transformations.py to geometric_transformations.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/preprocessor/resize.py to resize.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/preprocessor/preprocessing_executor.py to preprocessing_executor.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/preprocessor/normalization.py to normalization.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/preprocessor/inpainting_preprocessor.py to inpainting_preprocessor.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/preprocessor/color_space_conversion.py to color_space_conversion.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/preprocessor/centernet_preprocessing.py to centernet_preprocessing.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/preprocessor/__init__.py to __init__.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/preprocessor/nlp_preprocessors.py to nlp_preprocessors.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/preprocessor/brats_preprocessing.py to brats_preprocessing.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/preprocessor/preprocessor.py to preprocessor.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/__init__.py to __init__.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/logging.py to logging.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/utils.py to utils.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/topology_types.py to topology_types.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/adapters/pose_estimation.py to pose_estimation.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/adapters/mono_depth.py to mono_depth.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/adapters/mask_rcnn_with_text.py to mask_rcnn_with_text.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/adapters/detection.py to detection.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/adapters/nlp.py to nlp.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/adapters/yolo.py to yolo.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/adapters/text_detection.py to text_detection.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/adapters/__init__.py to __init__.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/adapters/attributes_recognition.py to attributes_recognition.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/adapters/mask_rcnn.py to mask_rcnn.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/adapters/dummy_adapters.py to dummy_adapters.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/adapters/pose_estimation_3d.py to pose_estimation_3d.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/adapters/text_recognition.py to text_recognition.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/adapters/centernet.py to centernet.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/adapters/image_inpainting.py to image_inpainting.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/adapters/adapter.py to adapter.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/adapters/image_processing.py to image_processing.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/adapters/segmentation.py to segmentation.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/adapters/reidentification.py to reidentification.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/adapters/classification.py to classification.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/adapters/hit_ratio.py to hit_ratio.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/adapters/action_recognition.py to action_recognition.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/pipeline_connectors/__init__.py to __init__.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/pipeline_connectors/connectors.py to connectors.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/accuracy_checker/dependency.py to dependency.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/tests/test_onnx_launcher.py to test_onnx_launcher.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/tests/conftest.py to conftest.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/tests/test_tf_launcher.py to test_tf_launcher.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/tests/test_dlsdk_launcher.py to test_dlsdk_launcher.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/tests/test_model_evaluator.py to test_model_evaluator.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/tests/test_detection_metrics.py to test_detection_metrics.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/tests/test_pytorch_launcher.py to test_pytorch_launcher.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/tests/test_adapters.py to test_adapters.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/tests/test_caffe_launcher.py to test_caffe_launcher.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/tests/test_segmentation_metrics.py to test_segmentation_metrics.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/tests/test_utils.py to test_utils.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/tests/test_presenter.py to test_presenter.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/tests/test_config_reader.py to test_config_reader.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/tests/__init__.py to __init__.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/tests/test_dependency.py to test_dependency.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/tests/test_preprocessor.py to test_preprocessor.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/tests/test_regression_metrics.py to test_regression_metrics.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/tests/test_model_conversion.py to test_model_conversion.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/tests/test_mxnet_launcher.py to test_mxnet_launcher.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/tests/test_config_validator.py to test_config_validator.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/tests/test_metric_evaluator.py to test_metric_evaluator.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/tests/common.py to common.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/tests/test_opencv_launcher.py to test_opencv_launcher.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/tests/test_postprocessor.py to test_postprocessor.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/tests/test_input_feeder.py to test_input_feeder.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/tests/test_reid_metrics.py to test_reid_metrics.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/tests/test_dataset.py to test_dataset.cpython-36.pyc
byte-compiling build/bdist.linux-x86_64/egg/tests/test_parameters.py to test_parameters.cpython-36.pyc
creating build/bdist.linux-x86_64/egg/EGG-INFO
copying accuracy_checker.egg-info/PKG-INFO -> build/bdist.linux-x86_64/egg/EGG-INFO
copying accuracy_checker.egg-info/SOURCES.txt -> build/bdist.linux-x86_64/egg/EGG-INFO
copying accuracy_checker.egg-info/dependency_links.txt -> build/bdist.linux-x86_64/egg/EGG-INFO
copying accuracy_checker.egg-info/entry_points.txt -> build/bdist.linux-x86_64/egg/EGG-INFO
copying accuracy_checker.egg-info/not-zip-safe -> build/bdist.linux-x86_64/egg/EGG-INFO
copying accuracy_checker.egg-info/requires.txt -> build/bdist.linux-x86_64/egg/EGG-INFO
copying accuracy_checker.egg-info/top_level.txt -> build/bdist.linux-x86_64/egg/EGG-INFO
creating 'dist/accuracy_checker-0.7.6-py3.6.egg' and adding 'build/bdist.linux-x86_64/egg' to it
removing 'build/bdist.linux-x86_64/egg' (and everything under it)
Processing accuracy_checker-0.7.6-py3.6.egg
removing '/usr/local/lib/python3.6/dist-packages/accuracy_checker-0.7.6-py3.6.egg' (and everything under it)
creating /usr/local/lib/python3.6/dist-packages/accuracy_checker-0.7.6-py3.6.egg
Extracting accuracy_checker-0.7.6-py3.6.egg to /usr/local/lib/python3.6/dist-packages
accuracy-checker 0.7.6 is already the active version in easy-install.pth
Installing accuracy_check script to /usr/local/bin
Installing convert_annotation script to /usr/local/bin

Installed /usr/local/lib/python3.6/dist-packages/accuracy_checker-0.7.6-py3.6.egg
Processing dependencies for accuracy-checker==0.7.6
Searching for yamlloader
Reading https://pypi.python.org/simple/yamlloader/
Downloading https://files.pythonhosted.org/packages/93/a2/2f0c2394af1559021703c8cbb1bc7419bb5a94ea6bde0ab8cd1e973bb605/yamlloader-0.5.5-py3-none-any.whl#sha256=814c39f5f5c4e2d201e8421f4869221dcba0561fc30857d4437395b5e50b3162
error: Download error for https://files.pythonhosted.org/packages/93/a2/2f0c2394af1559021703c8cbb1bc7419bb5a94ea6bde0ab8cd1e973bb605/yamlloader-0.5.5-py3-none-any.whl#sha256=814c39f5f5c4e2d201e8421f4869221dcba0561fc30857d4437395b5e50b3162:

 

hi, i had follow the command ine to install the setup.py but it keep shows me the error as showed above. Could you provide some solutions for me??

i'm looking forward for your reply.

Thanks

@Iffa_Intel 

0 Kudos
Iffa_Intel
Moderator
827 Views

Greetings,


The error you are getting such as error: [Errno 13] Permission denied means you do not have the permission which made the installer unable to do changes to directories accordingly.


You need to run the command with sudo. Please keep a keen eye on the error that you are getting.



Sincerely,

Iffa


0 Kudos
huiteng
Beginner
820 Views

Hi, i had install the setup.py with the sudo command.

However, i faced the problem on the installation of numpy package.

I had installed the numpy by using the pip and then rerun the setup.py file.

Unfortunately, it still mention the same error that i have to install the numpy package.

huiteng_0-1612808318971.png

huiteng_1-1612808435801.png

I'm looking forward for your reply.

Thanks

@Iffa_Intel 

 

0 Kudos
Iffa_Intel
Moderator
808 Views

It seems that your system does not have all the pre-requisite required.


Please help to go through this step by step especially the installation and validation: https://docs.openvinotoolkit.org/latest/openvino_docs_install_guides_installing_openvino_linux.html



Sincerely,

Iffa




0 Kudos
huiteng
Beginner
805 Views

Hi @Iffa_Intel , I had check through step by step and just realized the command "./install_prerequisites.sh" got some error and caused the installation incomplete.

The picture below showed the error about the cmake.

May i know what is the solution for this problem?

I'm looking forward for your reply.

Thanks.

huiteng_0-1612885412144.pnghuiteng_1-1612885481130.pnghuiteng_2-1612885502408.png

huiteng_3-1612885543222.png

 

0 Kudos
Iffa_Intel
Moderator
788 Views

As the documentation had stated,


1.Ensure that you've got the OpenVINO toolkit from the official website:  Intel® Distribution of OpenVINO™ toolkit for Linux*


Please help to use the latest version (2021.2)


2.Make sure your system have cmake 3.0 or higher and any Python version from 3.6 to 3.8


3.pip3 install any libraries that are prompted missing if any



Sincerely,

Iffa





0 Kudos
Iffa_Intel
Moderator
772 Views

Greetings,


Intel will no longer monitor this thread since we have provided a solution. If you need any additional information from Intel, please submit a new question. 



Sincerely,

Iffa


0 Kudos
Reply