PaddlePaddle / PaddleSeg

Easy-to-use image segmentation library with awesome pre-trained model zoo, supporting wide-range of practical tasks in Semantic Segmentation, Interactive Segmentation, Panoptic Segmentation, Image Matting, 3D Segmentation, etc.
https://arxiv.org/abs/2101.06175
Apache License 2.0
8.59k stars 1.68k forks source link

PaddleSeg按照文档训练时,卡着不动,后面报错:raise ValueError("Target {} is out of lower bound.".format( ValueError: Target -4864866653667428641 is out of lower bound. #2693

Closed stq054188 closed 1 year ago

stq054188 commented 1 year ago

环境:Win10 64位,Python3.8.5,PaddlePaddle-gpu 2.3.3,PaddleSeg2.6,CUDA_10.1.105_418.96_win10,CUDNN 7.6.5.32 ——————————————————————————— 参考执行步骤:https://github.com/PaddlePaddle/PaddleSeg/blob/release/2.6/docs/quick_start_cn.md ——————————————————————————— 训练指令:python train.py --config configs/quick_start/pp_liteseg_optic_disc_512x512_1k.yml --save_interval 500 --do_eval --use_vdl --save_dir output ——————————————————————————— 输出信息: 2022-11-02 16:14:06 [INFO] ------------Environment Information------------- platform: Windows-10-10.0.19041-SP0 Python: 3.8.5 (tags/v3.8.5:580fbb0, Jul 20 2020, 15:57:54) [MSC v.1924 64 bit (AMD64)] Paddle compiled with cuda: True NVCC: Cuda compilation tools, release 10.1, V10.1.105 cudnn: 7.6 GPUs used: 1 CUDA_VISIBLE_DEVICES: None GPU: ['GPU 0: NVIDIA GeForce'] PaddleSeg: 2.6.0 PaddlePaddle: 2.3.2 OpenCV: 4.6.0

2022-11-02 16:14:06 [INFO] ---------------Config Information--------------- batch_size: 4 iters: 1000 loss: coef:

stq054188 commented 1 year ago

等了很久,输出了报错信息如下:

W1102 18:13:01.727309 14816 gpu_resources.cc:61] Please NOTE: device: 0, GPU Compute Capability: 8.6, Driver API Version: 11.6, Runtime API Version: 10.2 W1102 18:13:01.727309 14816 gpu_resources.cc:91] device: 0, cuDNN Version: 7.6. 2022-11-02 18:13:01 [INFO] Loading pretrained model from https://bj.bcebos.com/paddleseg/dygraph/PP_STDCNet2.tar.gz 2022-11-02 18:13:02 [INFO] There are 265/265 variables loaded into STDCNet. D:\Python38\lib\site-packages\paddle\nn\layer\norm.py:653: UserWarning: When training, we now always track global mean and variance. warnings.warn( Traceback (most recent call last): File "train.py", line 230, in main(args) File "train.py", line 206, in main train( File "E:\Practice\Python\DeepLearning\PaddlePaddle\Paddle_FastDeploy\PaddleSeg\PaddleSeg-release-2.6\paddleseg\core\train.py", line 207, in train loss_list = loss_computation( File "E:\Practice\Python\DeepLearning\PaddlePaddle\Paddle_FastDeploy\PaddleSeg\PaddleSeg-release-2.6\paddleseg\core\train.py", line 55, in loss_computation loss_list.append(coef_i loss_i(logits, labels)) File "D:\Python38\lib\site-packages\paddle\fluid\dygraph\layers.py", line 930, in call return self._dygraph_call_func(inputs, *kwargs) File "D:\Python38\lib\site-packages\paddle\fluid\dygraph\layers.py", line 915, in _dygraph_call_func outputs = self.forward(inputs, **kwargs) File "E:\Practice\Python\DeepLearning\PaddlePaddle\Paddle_FastDeploy\PaddleSeg\PaddleSeg-release-2.6\paddleseg\models\losses\cross_entropy_loss.py", line 81, in forward loss = F.cross_entropy( File "D:\Python38\lib\site-packages\paddle\nn\functional\loss.py", line 1719, in cross_entropy raise ValueError("Target {} is out of lower bound.".format( ValueError: Target -4864866653667428641 is out of lower bound.

Bobholamovic commented 1 year ago

这个问题一般和环境有关,请尝试重新配置环境~

stq054188 commented 1 year ago

这个问题一般和环境有关,请尝试重新配置环境~

按照官方的文档操作,提示安装成功了吧! —————————————————————————————— Python 3.8.5 (tags/v3.8.5:580fbb0, Jul 20 2020, 15:57:54) [MSC v.1924 64 bit (AMD64)] on win32 Type "help", "copyright", "credits" or "license" for more information.

import paddle paddle.utils.run_check() Running verify PaddlePaddle program ... W1103 10:33:55.840518 11616 gpu_resources.cc:61] Please NOTE: device: 0, GPU Compute Capability: 8.6, Driver API Version: 11.6, Runtime API Version: 10.2 W1103 10:33:55.850520 11616 gpu_resources.cc:91] device: 0, cuDNN Version: 7.6. PaddlePaddle works well on 1 GPU. PaddlePaddle works well on 1 GPUs. PaddlePaddle is installed successfully! Let's start deep learning with PaddlePaddle now.

——————————————————————————————

E:\Practice\Python\DeepLearning\PaddlePaddle\Paddle_FastDeploy\PaddleSeg\PaddleSeg-release-2.6>python setup.py install running install running bdist_egg running egg_info writing paddleseg.egg-info\PKG-INFO writing dependency_links to paddleseg.egg-info\dependency_links.txt writing requirements to paddleseg.egg-info\requires.txt writing top-level names to paddleseg.egg-info\top_level.txt reading manifest file 'paddleseg.egg-info\SOURCES.txt' writing manifest file 'paddleseg.egg-info\SOURCES.txt' installing library code to build\bdist.win-amd64\egg running install_lib running build_py creating build\bdist.win-amd64\egg creating build\bdist.win-amd64\egg\paddleseg creating build\bdist.win-amd64\egg\paddleseg\core copying build\lib\paddleseg\core\infer.py -> build\bdist.win-amd64\egg\paddleseg\core copying build\lib\paddleseg\core\predict.py -> build\bdist.win-amd64\egg\paddleseg\core copying build\lib\paddleseg\core\train.py -> build\bdist.win-amd64\egg\paddleseg\core copying build\lib\paddleseg\core\val.py -> build\bdist.win-amd64\egg\paddleseg\core copying build\lib\paddleseg\core__init__.py -> build\bdist.win-amd64\egg\paddleseg\core creating build\bdist.win-amd64\egg\paddleseg\cvlibs copying build\lib\paddleseg\cvlibs\callbacks.py -> build\bdist.win-amd64\egg\paddleseg\cvlibs copying build\lib\paddleseg\cvlibs\config.py -> build\bdist.win-amd64\egg\paddleseg\cvlibs copying build\lib\paddleseg\cvlibs\manager.py -> build\bdist.win-amd64\egg\paddleseg\cvlibs copying build\lib\paddleseg\cvlibs\param_init.py -> build\bdist.win-amd64\egg\paddleseg\cvlibs copying build\lib\paddleseg\cvlibs__init__.py -> build\bdist.win-amd64\egg\paddleseg\cvlibs creating build\bdist.win-amd64\egg\paddleseg\datasets copying build\lib\paddleseg\datasets\ade.py -> build\bdist.win-amd64\egg\paddleseg\datasets copying build\lib\paddleseg\datasets\chase_db1.py -> build\bdist.win-amd64\egg\paddleseg\datasets copying build\lib\paddleseg\datasets\cityscapes.py -> build\bdist.win-amd64\egg\paddleseg\datasets copying build\lib\paddleseg\datasets\cocostuff.py -> build\bdist.win-amd64\egg\paddleseg\datasets copying build\lib\paddleseg\datasets\dataset.py -> build\bdist.win-amd64\egg\paddleseg\datasets copying build\lib\paddleseg\datasets\drive.py -> build\bdist.win-amd64\egg\paddleseg\datasets copying build\lib\paddleseg\datasets\eg1800.py -> build\bdist.win-amd64\egg\paddleseg\datasets copying build\lib\paddleseg\datasets\hrf.py -> build\bdist.win-amd64\egg\paddleseg\datasets copying build\lib\paddleseg\datasets\mini_deep_globe_road_extraction.py -> build\bdist.win-amd64\egg\paddleseg\datasets copying build\lib\paddleseg\datasets\optic_disc_seg.py -> build\bdist.win-amd64\egg\paddleseg\datasets copying build\lib\paddleseg\datasets\pascal_context.py -> build\bdist.win-amd64\egg\paddleseg\datasets copying build\lib\paddleseg\datasets\pp_humanseg14k.py -> build\bdist.win-amd64\egg\paddleseg\datasets copying build\lib\paddleseg\datasets\pssl.py -> build\bdist.win-amd64\egg\paddleseg\datasets copying build\lib\paddleseg\datasets\stare.py -> build\bdist.win-amd64\egg\paddleseg\datasets copying build\lib\paddleseg\datasets\supervisely.py -> build\bdist.win-amd64\egg\paddleseg\datasets copying build\lib\paddleseg\datasets\voc.py -> build\bdist.win-amd64\egg\paddleseg\datasets copying build\lib\paddleseg\datasets__init__.py -> build\bdist.win-amd64\egg\paddleseg\datasets creating build\bdist.win-amd64\egg\paddleseg\models copying build\lib\paddleseg\models\ann.py -> build\bdist.win-amd64\egg\paddleseg\models copying build\lib\paddleseg\models\attention_unet.py -> build\bdist.win-amd64\egg\paddleseg\models creating build\bdist.win-amd64\egg\paddleseg\models\backbones copying build\lib\paddleseg\models\backbones\ghostnet.py -> build\bdist.win-amd64\egg\paddleseg\models\backbones copying build\lib\paddleseg\models\backbones\hrnet.py -> build\bdist.win-amd64\egg\paddleseg\models\backbones copying build\lib\paddleseg\models\backbones\lite_hrnet.py -> build\bdist.win-amd64\egg\paddleseg\models\backbones copying build\lib\paddleseg\models\backbones\mix_transformer.py -> build\bdist.win-amd64\egg\paddleseg\models\backbones copying build\lib\paddleseg\models\backbones\mobilenetv2.py -> build\bdist.win-amd64\egg\paddleseg\models\backbones copying build\lib\paddleseg\models\backbones\mobilenetv3.py -> build\bdist.win-amd64\egg\paddleseg\models\backbones copying build\lib\paddleseg\models\backbones\resnet_vd.py -> build\bdist.win-amd64\egg\paddleseg\models\backbones copying build\lib\paddleseg\models\backbones\shufflenetv2.py -> build\bdist.win-amd64\egg\paddleseg\models\backbones copying build\lib\paddleseg\models\backbones\stdcnet.py -> build\bdist.win-amd64\egg\paddleseg\models\backbones copying build\lib\paddleseg\models\backbones\swin_transformer.py -> build\bdist.win-amd64\egg\paddleseg\models\backbones copying build\lib\paddleseg\models\backbones\transformer_utils.py -> build\bdist.win-amd64\egg\paddleseg\models\backbones copying build\lib\paddleseg\models\backbones\vision_transformer.py -> build\bdist.win-amd64\egg\paddleseg\models\backbones copying build\lib\paddleseg\models\backbones\xception_deeplab.py -> build\bdist.win-amd64\egg\paddleseg\models\backbones copying build\lib\paddleseg\models\backbones__init.py -> build\bdist.win-amd64\egg\paddleseg\models\backbones copying build\lib\paddleseg\models\bisenet.py -> build\bdist.win-amd64\egg\paddleseg\models copying build\lib\paddleseg\models\bisenetv1.py -> build\bdist.win-amd64\egg\paddleseg\models copying build\lib\paddleseg\models\ccnet.py -> build\bdist.win-amd64\egg\paddleseg\models copying build\lib\paddleseg\models\danet.py -> build\bdist.win-amd64\egg\paddleseg\models copying build\lib\paddleseg\models\ddrnet.py -> build\bdist.win-amd64\egg\paddleseg\models copying build\lib\paddleseg\models\decoupled_segnet.py -> build\bdist.win-amd64\egg\paddleseg\models copying build\lib\paddleseg\models\deeplab.py -> build\bdist.win-amd64\egg\paddleseg\models copying build\lib\paddleseg\models\dmnet.py -> build\bdist.win-amd64\egg\paddleseg\models copying build\lib\paddleseg\models\dnlnet.py -> build\bdist.win-amd64\egg\paddleseg\models copying build\lib\paddleseg\models\emanet.py -> build\bdist.win-amd64\egg\paddleseg\models copying build\lib\paddleseg\models\encnet.py -> build\bdist.win-amd64\egg\paddleseg\models copying build\lib\paddleseg\models\enet.py -> build\bdist.win-amd64\egg\paddleseg\models copying build\lib\paddleseg\models\espnet.py -> build\bdist.win-amd64\egg\paddleseg\models copying build\lib\paddleseg\models\espnetv1.py -> build\bdist.win-amd64\egg\paddleseg\models copying build\lib\paddleseg\models\fastfcn.py -> build\bdist.win-amd64\egg\paddleseg\models copying build\lib\paddleseg\models\fast_scnn.py -> build\bdist.win-amd64\egg\paddleseg\models copying build\lib\paddleseg\models\fcn.py -> build\bdist.win-amd64\egg\paddleseg\models copying build\lib\paddleseg\models\gcnet.py -> build\bdist.win-amd64\egg\paddleseg\models copying build\lib\paddleseg\models\ginet.py -> build\bdist.win-amd64\egg\paddleseg\models copying build\lib\paddleseg\models\glore.py -> build\bdist.win-amd64\egg\paddleseg\models copying build\lib\paddleseg\models\gscnn.py -> build\bdist.win-amd64\egg\paddleseg\models copying build\lib\paddleseg\models\hardnet.py -> build\bdist.win-amd64\egg\paddleseg\models copying build\lib\paddleseg\models\hrnet_contrast.py -> build\bdist.win-amd64\egg\paddleseg\models copying build\lib\paddleseg\models\isanet.py -> build\bdist.win-amd64\egg\paddleseg\models creating build\bdist.win-amd64\egg\paddleseg\models\layers copying build\lib\paddleseg\models\layers\activation.py -> build\bdist.win-amd64\egg\paddleseg\models\layers copying build\lib\paddleseg\models\layers\attention.py -> build\bdist.win-amd64\egg\paddleseg\models\layers copying build\lib\paddleseg\models\layers\layer_libs.py -> build\bdist.win-amd64\egg\paddleseg\models\layers copying build\lib\paddleseg\models\layers\nonlocal2d.py -> build\bdist.win-amd64\egg\paddleseg\models\layers copying build\lib\paddleseg\models\layers\pyramid_pool.py -> build\bdist.win-amd64\egg\paddleseg\models\layers copying build\lib\paddleseg\models\layers\tensor_fusion.py -> build\bdist.win-amd64\egg\paddleseg\models\layers copying build\lib\paddleseg\models\layers\tensor_fusion_helper.py -> build\bdist.win-amd64\egg\paddleseg\models\layers copying build\lib\paddleseg\models\layers\wrap_functions.py -> build\bdist.win-amd64\egg\paddleseg\models\layers copying build\lib\paddleseg\models\layers__init.py -> build\bdist.win-amd64\egg\paddleseg\models\layers creating build\bdist.win-amd64\egg\paddleseg\models\losses copying build\lib\paddleseg\models\losses\binary_cross_entropy_loss.py -> build\bdist.win-amd64\egg\paddleseg\models\losses copying build\lib\paddleseg\models\losses\bootstrapped_cross_entropy.py -> build\bdist.win-amd64\egg\paddleseg\models\losses copying build\lib\paddleseg\models\losses\cross_entropy_loss.py -> build\bdist.win-amd64\egg\paddleseg\models\losses copying build\lib\paddleseg\models\losses\decoupledsegnet_relax_boundary_loss.py -> build\bdist.win-amd64\egg\paddleseg\models\losses copying build\lib\paddleseg\models\losses\detail_aggregate_loss.py -> build\bdist.win-amd64\egg\paddleseg\models\losses copying build\lib\paddleseg\models\losses\dice_loss.py -> build\bdist.win-amd64\egg\paddleseg\models\losses copying build\lib\paddleseg\models\losses\edge_attention_loss.py -> build\bdist.win-amd64\egg\paddleseg\models\losses copying build\lib\paddleseg\models\losses\focal_loss.py -> build\bdist.win-amd64\egg\paddleseg\models\losses copying build\lib\paddleseg\models\losses\gscnn_dual_task_loss.py -> build\bdist.win-amd64\egg\paddleseg\models\losses copying build\lib\paddleseg\models\losses\kl_loss.py -> build\bdist.win-amd64\egg\paddleseg\models\losses copying build\lib\paddleseg\models\losses\l1_loss.py -> build\bdist.win-amd64\egg\paddleseg\models\losses copying build\lib\paddleseg\models\losses\lovasz_loss.py -> build\bdist.win-amd64\egg\paddleseg\models\losses copying build\lib\paddleseg\models\losses\mean_square_error_loss.py -> build\bdist.win-amd64\egg\paddleseg\models\losses copying build\lib\paddleseg\models\losses\mixed_loss.py -> build\bdist.win-amd64\egg\paddleseg\models\losses copying build\lib\paddleseg\models\losses\ohem_cross_entropy_loss.py -> build\bdist.win-amd64\egg\paddleseg\models\losses copying build\lib\paddleseg\models\losses\ohem_edge_attention_loss.py -> build\bdist.win-amd64\egg\paddleseg\models\losses copying build\lib\paddleseg\models\losses\pixel_contrast_cross_entropy_loss.py -> build\bdist.win-amd64\egg\paddleseg\models\losses copying build\lib\paddleseg\models\losses\point_cross_entropy_loss.py -> build\bdist.win-amd64\egg\paddleseg\models\losses copying build\lib\paddleseg\models\losses\rmi_loss.py -> build\bdist.win-amd64\egg\paddleseg\models\losses copying build\lib\paddleseg\models\losses\semantic_connectivity_loss.py -> build\bdist.win-amd64\egg\paddleseg\models\losses copying build\lib\paddleseg\models\losses\semantic_encode_cross_entropy_loss.py -> build\bdist.win-amd64\egg\paddleseg\models\losses copying build\lib\paddleseg\models\losses__init.py -> build\bdist.win-amd64\egg\paddleseg\models\losses copying build\lib\paddleseg\models\lraspp.py -> build\bdist.win-amd64\egg\paddleseg\models copying build\lib\paddleseg\models\mla_transformer.py -> build\bdist.win-amd64\egg\paddleseg\models copying build\lib\paddleseg\models\mobileseg.py -> build\bdist.win-amd64\egg\paddleseg\models copying build\lib\paddleseg\models\ocrnet.py -> build\bdist.win-amd64\egg\paddleseg\models copying build\lib\paddleseg\models\pfpnnet.py -> build\bdist.win-amd64\egg\paddleseg\models copying build\lib\paddleseg\models\pointrend.py -> build\bdist.win-amd64\egg\paddleseg\models copying build\lib\paddleseg\models\portraitnet.py -> build\bdist.win-amd64\egg\paddleseg\models copying build\lib\paddleseg\models\pphumanseg_lite.py -> build\bdist.win-amd64\egg\paddleseg\models copying build\lib\paddleseg\models\pp_liteseg.py -> build\bdist.win-amd64\egg\paddleseg\models copying build\lib\paddleseg\models\pspnet.py -> build\bdist.win-amd64\egg\paddleseg\models copying build\lib\paddleseg\models\segformer.py -> build\bdist.win-amd64\egg\paddleseg\models copying build\lib\paddleseg\models\segmenter.py -> build\bdist.win-amd64\egg\paddleseg\models copying build\lib\paddleseg\models\segnet.py -> build\bdist.win-amd64\egg\paddleseg\models copying build\lib\paddleseg\models\setr.py -> build\bdist.win-amd64\egg\paddleseg\models copying build\lib\paddleseg\models\sfnet.py -> build\bdist.win-amd64\egg\paddleseg\models copying build\lib\paddleseg\models\sinet.py -> build\bdist.win-amd64\egg\paddleseg\models copying build\lib\paddleseg\models\stdcseg.py -> build\bdist.win-amd64\egg\paddleseg\models copying build\lib\paddleseg\models\u2net.py -> build\bdist.win-amd64\egg\paddleseg\models copying build\lib\paddleseg\models\unet.py -> build\bdist.win-amd64\egg\paddleseg\models copying build\lib\paddleseg\models\unet_3plus.py -> build\bdist.win-amd64\egg\paddleseg\models copying build\lib\paddleseg\models\unet_plusplus.py -> build\bdist.win-amd64\egg\paddleseg\models copying build\lib\paddleseg\models\upernet.py -> build\bdist.win-amd64\egg\paddleseg\models copying build\lib\paddleseg\models__init.py -> build\bdist.win-amd64\egg\paddleseg\models creating build\bdist.win-amd64\egg\paddleseg\transforms copying build\lib\paddleseg\transforms\functional.py -> build\bdist.win-amd64\egg\paddleseg\transforms copying build\lib\paddleseg\transforms\transforms.py -> build\bdist.win-amd64\egg\paddleseg\transforms copying build\lib\paddleseg\transforms\init__.py -> build\bdist.win-amd64\egg\paddleseg\transforms creating build\bdist.win-amd64\egg\paddleseg\utils copying build\lib\paddleseg\utils\config_check.py -> build\bdist.win-amd64\egg\paddleseg\utils copying build\lib\paddleseg\utils\download.py -> build\bdist.win-amd64\egg\paddleseg\utils copying build\lib\paddleseg\utils\ema.py -> build\bdist.win-amd64\egg\paddleseg\utils creating build\bdist.win-amd64\egg\paddleseg\utils\env copying build\lib\paddleseg\utils\env\seg_env.py -> build\bdist.win-amd64\egg\paddleseg\utils\env copying build\lib\paddleseg\utils\env\sys_env.py -> build\bdist.win-amd64\egg\paddleseg\utils\env copying build\lib\paddleseg\utils\env\init__.py -> build\bdist.win-amd64\egg\paddleseg\utils\env copying build\lib\paddleseg\utils\logger.py -> build\bdist.win-amd64\egg\paddleseg\utils copying build\lib\paddleseg\utils\metrics.py -> build\bdist.win-amd64\egg\paddleseg\utils copying build\lib\paddleseg\utils\op_flops_funs.py -> build\bdist.win-amd64\egg\paddleseg\utils copying build\lib\paddleseg\utils\progbar.py -> build\bdist.win-amd64\egg\paddleseg\utils copying build\lib\paddleseg\utils\timer.py -> build\bdist.win-amd64\egg\paddleseg\utils copying build\lib\paddleseg\utils\train_profiler.py -> build\bdist.win-amd64\egg\paddleseg\utils copying build\lib\paddleseg\utils\utils.py -> build\bdist.win-amd64\egg\paddleseg\utils copying build\lib\paddleseg\utils\visualize.py -> build\bdist.win-amd64\egg\paddleseg\utils copying build\lib\paddleseg\utils\init.py -> build\bdist.win-amd64\egg\paddleseg\utils copying build\lib\paddleseg\init.py -> build\bdist.win-amd64\egg\paddleseg byte-compiling build\bdist.win-amd64\egg\paddleseg\core\infer.py to infer.cpython-38.pyc byte-compiling build\bdist.win-amd64\egg\paddleseg\core\predict.py to predict.cpython-38.pyc byte-compiling build\bdist.win-amd64\egg\paddleseg\core\train.py to train.cpython-38.pyc byte-compiling build\bdist.win-amd64\egg\paddleseg\core\val.py to val.cpython-38.pyc byte-compiling build\bdist.win-amd64\egg\paddleseg\core\init.py to init.cpython-38.pyc byte-compiling build\bdist.win-amd64\egg\paddleseg\cvlibs\callbacks.py to callbacks.cpython-38.pyc byte-compiling build\bdist.win-amd64\egg\paddleseg\cvlibs\config.py to config.cpython-38.pyc byte-compiling build\bdist.win-amd64\egg\paddleseg\cvlibs\manager.py to manager.cpython-38.pyc byte-compiling build\bdist.win-amd64\egg\paddleseg\cvlibs\param_init.py to param_init.cpython-38.pyc byte-compiling build\bdist.win-amd64\egg\paddleseg\cvlibs\init.py to init.cpython-38.pyc byte-compiling build\bdist.win-amd64\egg\paddleseg\datasets\ade.py to ade.cpython-38.pyc byte-compiling build\bdist.win-amd64\egg\paddleseg\datasets\chase_db1.py to chase_db1.cpython-38.pyc byte-compiling build\bdist.win-amd64\egg\paddleseg\datasets\cityscapes.py to cityscapes.cpython-38.pyc byte-compiling build\bdist.win-amd64\egg\paddleseg\datasets\cocostuff.py to cocostuff.cpython-38.pyc byte-compiling build\bdist.win-amd64\egg\paddleseg\datasets\dataset.py to dataset.cpython-38.pyc byte-compiling build\bdist.win-amd64\egg\paddleseg\datasets\drive.py to drive.cpython-38.pyc byte-compiling build\bdist.win-amd64\egg\paddleseg\datasets\eg1800.py to eg1800.cpython-38.pyc byte-compiling build\bdist.win-amd64\egg\paddleseg\datasets\hrf.py to hrf.cpython-38.pyc byte-compiling build\bdist.win-amd64\egg\paddleseg\datasets\mini_deep_globe_road_extraction.py to mini_deep_globe_road_extraction.cpython-38.pyc byte-compiling build\bdist.win-amd64\egg\paddleseg\datasets\optic_disc_seg.py to optic_disc_seg.cpython-38.pyc byte-compiling build\bdist.win-amd64\egg\paddleseg\datasets\pascal_context.py to pascal_context.cpython-38.pyc byte-compiling build\bdist.win-amd64\egg\paddleseg\datasets\pp_humanseg14k.py to pp_humanseg14k.cpython-38.pyc byte-compiling build\bdist.win-amd64\egg\paddleseg\datasets\pssl.py to pssl.cpython-38.pyc byte-compiling build\bdist.win-amd64\egg\paddleseg\datasets\stare.py to stare.cpython-38.pyc byte-compiling build\bdist.win-amd64\egg\paddleseg\datasets\supervisely.py to supervisely.cpython-38.pyc byte-compiling build\bdist.win-amd64\egg\paddleseg\datasets\voc.py to voc.cpython-38.pyc byte-compiling build\bdist.win-amd64\egg\paddleseg\datasets\init.py to init.cpython-38.pyc byte-compiling build\bdist.win-amd64\egg\paddleseg\models\ann.py to ann.cpython-38.pyc byte-compiling build\bdist.win-amd64\egg\paddleseg\models\attention_unet.py to attention_unet.cpython-38.pyc byte-compiling build\bdist.win-amd64\egg\paddleseg\models\backbones\ghostnet.py to ghostnet.cpython-38.pyc byte-compiling build\bdist.win-amd64\egg\paddleseg\models\backbones\hrnet.py to hrnet.cpython-38.pyc byte-compiling build\bdist.win-amd64\egg\paddleseg\models\backbones\lite_hrnet.py to lite_hrnet.cpython-38.pyc byte-compiling build\bdist.win-amd64\egg\paddleseg\models\backbones\mix_transformer.py to mix_transformer.cpython-38.pyc byte-compiling build\bdist.win-amd64\egg\paddleseg\models\backbones\mobilenetv2.py to mobilenetv2.cpython-38.pyc byte-compiling build\bdist.win-amd64\egg\paddleseg\models\backbones\mobilenetv3.py to mobilenetv3.cpython-38.pyc byte-compiling build\bdist.win-amd64\egg\paddleseg\models\backbones\resnet_vd.py to resnet_vd.cpython-38.pyc byte-compiling build\bdist.win-amd64\egg\paddleseg\models\backbones\shufflenetv2.py to shufflenetv2.cpython-38.pyc byte-compiling build\bdist.win-amd64\egg\paddleseg\models\backbones\stdcnet.py to stdcnet.cpython-38.pyc byte-compiling build\bdist.win-amd64\egg\paddleseg\models\backbones\swin_transformer.py to swin_transformer.cpython-38.pyc byte-compiling build\bdist.win-amd64\egg\paddleseg\models\backbones\transformer_utils.py to transformer_utils.cpython-38.pyc byte-compiling build\bdist.win-amd64\egg\paddleseg\models\backbones\vision_transformer.py to vision_transformer.cpython-38.pyc byte-compiling build\bdist.win-amd64\egg\paddleseg\models\backbones\xception_deeplab.py to xception_deeplab.cpython-38.pyc byte-compiling build\bdist.win-amd64\egg\paddleseg\models\backbones\init.py to init.cpython-38.pyc byte-compiling build\bdist.win-amd64\egg\paddleseg\models\bisenet.py to bisenet.cpython-38.pyc byte-compiling build\bdist.win-amd64\egg\paddleseg\models\bisenetv1.py to bisenetv1.cpython-38.pyc byte-compiling build\bdist.win-amd64\egg\paddleseg\models\ccnet.py to ccnet.cpython-38.pyc byte-compiling build\bdist.win-amd64\egg\paddleseg\models\danet.py to danet.cpython-38.pyc byte-compiling build\bdist.win-amd64\egg\paddleseg\models\ddrnet.py to ddrnet.cpython-38.pyc byte-compiling build\bdist.win-amd64\egg\paddleseg\models\decoupled_segnet.py to decoupled_segnet.cpython-38.pyc byte-compiling build\bdist.win-amd64\egg\paddleseg\models\deeplab.py to deeplab.cpython-38.pyc byte-compiling build\bdist.win-amd64\egg\paddleseg\models\dmnet.py to dmnet.cpython-38.pyc byte-compiling build\bdist.win-amd64\egg\paddleseg\models\dnlnet.py to dnlnet.cpython-38.pyc byte-compiling build\bdist.win-amd64\egg\paddleseg\models\emanet.py to emanet.cpython-38.pyc byte-compiling build\bdist.win-amd64\egg\paddleseg\models\encnet.py to encnet.cpython-38.pyc byte-compiling build\bdist.win-amd64\egg\paddleseg\models\enet.py to enet.cpython-38.pyc byte-compiling build\bdist.win-amd64\egg\paddleseg\models\espnet.py to espnet.cpython-38.pyc byte-compiling build\bdist.win-amd64\egg\paddleseg\models\espnetv1.py to espnetv1.cpython-38.pyc byte-compiling build\bdist.win-amd64\egg\paddleseg\models\fastfcn.py to fastfcn.cpython-38.pyc byte-compiling build\bdist.win-amd64\egg\paddleseg\models\fast_scnn.py to fast_scnn.cpython-38.pyc byte-compiling build\bdist.win-amd64\egg\paddleseg\models\fcn.py to fcn.cpython-38.pyc byte-compiling build\bdist.win-amd64\egg\paddleseg\models\gcnet.py to gcnet.cpython-38.pyc byte-compiling build\bdist.win-amd64\egg\paddleseg\models\ginet.py to ginet.cpython-38.pyc byte-compiling build\bdist.win-amd64\egg\paddleseg\models\glore.py to glore.cpython-38.pyc byte-compiling build\bdist.win-amd64\egg\paddleseg\models\gscnn.py to gscnn.cpython-38.pyc byte-compiling build\bdist.win-amd64\egg\paddleseg\models\hardnet.py to hardnet.cpython-38.pyc byte-compiling build\bdist.win-amd64\egg\paddleseg\models\hrnet_contrast.py to hrnet_contrast.cpython-38.pyc byte-compiling build\bdist.win-amd64\egg\paddleseg\models\isanet.py to isanet.cpython-38.pyc byte-compiling build\bdist.win-amd64\egg\paddleseg\models\layers\activation.py to activation.cpython-38.pyc byte-compiling build\bdist.win-amd64\egg\paddleseg\models\layers\attention.py to attention.cpython-38.pyc byte-compiling build\bdist.win-amd64\egg\paddleseg\models\layers\layer_libs.py to layer_libs.cpython-38.pyc byte-compiling build\bdist.win-amd64\egg\paddleseg\models\layers\nonlocal2d.py to nonlocal2d.cpython-38.pyc byte-compiling build\bdist.win-amd64\egg\paddleseg\models\layers\pyramid_pool.py to pyramid_pool.cpython-38.pyc byte-compiling build\bdist.win-amd64\egg\paddleseg\models\layers\tensor_fusion.py to tensor_fusion.cpython-38.pyc byte-compiling build\bdist.win-amd64\egg\paddleseg\models\layers\tensor_fusion_helper.py to tensor_fusion_helper.cpython-38.pyc byte-compiling build\bdist.win-amd64\egg\paddleseg\models\layers\wrap_functions.py to wrap_functions.cpython-38.pyc byte-compiling build\bdist.win-amd64\egg\paddleseg\models\layers\init.py to init__.cpython-38.pyc byte-compiling build\bdist.win-amd64\egg\paddleseg\models\losses\binary_cross_entropy_loss.py to binary_cross_entropy_loss.cpython-38.pyc byte-compiling build\bdist.win-amd64\egg\paddleseg\models\losses\bootstrapped_cross_entropy.py to bootstrapped_cross_entropy.cpython-38.pyc byte-compiling build\bdist.win-amd64\egg\paddleseg\models\losses\cross_entropy_loss.py to cross_entropy_loss.cpython-38.pyc byte-compiling build\bdist.win-amd64\egg\paddleseg\models\losses\decoupledsegnet_relax_boundary_loss.py to decoupledsegnet_relax_boundary_loss.cpython-38.pyc byte-compiling build\bdist.win-amd64\egg\paddleseg\models\losses\detail_aggregate_loss.py to detail_aggregate_loss.cpython-38.pyc byte-compiling build\bdist.win-amd64\egg\paddleseg\models\losses\dice_loss.py to dice_loss.cpython-38.pyc byte-compiling build\bdist.win-amd64\egg\paddleseg\models\losses\edge_attention_loss.py to edge_attention_loss.cpython-38.pyc byte-compiling build\bdist.win-amd64\egg\paddleseg\models\losses\focal_loss.py to focal_loss.cpython-38.pyc byte-compiling build\bdist.win-amd64\egg\paddleseg\models\losses\gscnn_dual_task_loss.py to gscnn_dual_task_loss.cpython-38.pyc byte-compiling build\bdist.win-amd64\egg\paddleseg\models\losses\kl_loss.py to kl_loss.cpython-38.pyc byte-compiling build\bdist.win-amd64\egg\paddleseg\models\losses\l1_loss.py to l1_loss.cpython-38.pyc byte-compiling build\bdist.win-amd64\egg\paddleseg\models\losses\lovasz_loss.py to lovasz_loss.cpython-38.pyc byte-compiling build\bdist.win-amd64\egg\paddleseg\models\losses\mean_square_error_loss.py to mean_square_error_loss.cpython-38.pyc byte-compiling build\bdist.win-amd64\egg\paddleseg\models\losses\mixed_loss.py to mixed_loss.cpython-38.pyc byte-compiling build\bdist.win-amd64\egg\paddleseg\models\losses\ohem_cross_entropy_loss.py to ohem_cross_entropy_loss.cpython-38.pyc byte-compiling build\bdist.win-amd64\egg\paddleseg\models\losses\ohem_edge_attention_loss.py to ohem_edge_attention_loss.cpython-38.pyc byte-compiling build\bdist.win-amd64\egg\paddleseg\models\losses\pixel_contrast_cross_entropy_loss.py to pixel_contrast_cross_entropy_loss.cpython-38.pyc byte-compiling build\bdist.win-amd64\egg\paddleseg\models\losses\point_cross_entropy_loss.py to point_cross_entropy_loss.cpython-38.pyc byte-compiling build\bdist.win-amd64\egg\paddleseg\models\losses\rmi_loss.py to rmi_loss.cpython-38.pyc build\bdist.win-amd64\egg\paddleseg\models\losses\rmi_loss.py:73: DeprecationWarning: invalid escape sequence \i """ byte-compiling build\bdist.win-amd64\egg\paddleseg\models\losses\semantic_connectivity_loss.py to semantic_connectivity_loss.cpython-38.pyc byte-compiling build\bdist.win-amd64\egg\paddleseg\models\losses\semantic_encode_cross_entropy_loss.py to semantic_encode_cross_entropy_loss.cpython-38.pyc byte-compiling build\bdist.win-amd64\egg\paddleseg\models\losses\init.py to init.cpython-38.pyc byte-compiling build\bdist.win-amd64\egg\paddleseg\models\lraspp.py to lraspp.cpython-38.pyc byte-compiling build\bdist.win-amd64\egg\paddleseg\models\mla_transformer.py to mla_transformer.cpython-38.pyc byte-compiling build\bdist.win-amd64\egg\paddleseg\models\mobileseg.py to mobileseg.cpython-38.pyc byte-compiling build\bdist.win-amd64\egg\paddleseg\models\ocrnet.py to ocrnet.cpython-38.pyc byte-compiling build\bdist.win-amd64\egg\paddleseg\models\pfpnnet.py to pfpnnet.cpython-38.pyc byte-compiling build\bdist.win-amd64\egg\paddleseg\models\pointrend.py to pointrend.cpython-38.pyc byte-compiling build\bdist.win-amd64\egg\paddleseg\models\portraitnet.py to portraitnet.cpython-38.pyc byte-compiling build\bdist.win-amd64\egg\paddleseg\models\pphumanseg_lite.py to pphumanseg_lite.cpython-38.pyc byte-compiling build\bdist.win-amd64\egg\paddleseg\models\pp_liteseg.py to pp_liteseg.cpython-38.pyc byte-compiling build\bdist.win-amd64\egg\paddleseg\models\pspnet.py to pspnet.cpython-38.pyc byte-compiling build\bdist.win-amd64\egg\paddleseg\models\segformer.py to segformer.cpython-38.pyc byte-compiling build\bdist.win-amd64\egg\paddleseg\models\segmenter.py to segmenter.cpython-38.pyc byte-compiling build\bdist.win-amd64\egg\paddleseg\models\segnet.py to segnet.cpython-38.pyc byte-compiling build\bdist.win-amd64\egg\paddleseg\models\setr.py to setr.cpython-38.pyc byte-compiling build\bdist.win-amd64\egg\paddleseg\models\sfnet.py to sfnet.cpython-38.pyc byte-compiling build\bdist.win-amd64\egg\paddleseg\models\sinet.py to sinet.cpython-38.pyc byte-compiling build\bdist.win-amd64\egg\paddleseg\models\stdcseg.py to stdcseg.cpython-38.pyc byte-compiling build\bdist.win-amd64\egg\paddleseg\models\u2net.py to u2net.cpython-38.pyc byte-compiling build\bdist.win-amd64\egg\paddleseg\models\unet.py to unet.cpython-38.pyc byte-compiling build\bdist.win-amd64\egg\paddleseg\models\unet_3plus.py to unet_3plus.cpython-38.pyc byte-compiling build\bdist.win-amd64\egg\paddleseg\models\unet_plusplus.py to unet_plusplus.cpython-38.pyc byte-compiling build\bdist.win-amd64\egg\paddleseg\models\upernet.py to upernet.cpython-38.pyc byte-compiling build\bdist.win-amd64\egg\paddleseg\models\init.py to init.cpython-38.pyc byte-compiling build\bdist.win-amd64\egg\paddleseg\transforms\functional.py to functional.cpython-38.pyc byte-compiling build\bdist.win-amd64\egg\paddleseg\transforms\transforms.py to transforms.cpython-38.pyc byte-compiling build\bdist.win-amd64\egg\paddleseg\transforms\init.py to init.cpython-38.pyc byte-compiling build\bdist.win-amd64\egg\paddleseg\utils\config_check.py to config_check.cpython-38.pyc byte-compiling build\bdist.win-amd64\egg\paddleseg\utils\download.py to download.cpython-38.pyc byte-compiling build\bdist.win-amd64\egg\paddleseg\utils\ema.py to ema.cpython-38.pyc byte-compiling build\bdist.win-amd64\egg\paddleseg\utils\env\seg_env.py to seg_env.cpython-38.pyc byte-compiling build\bdist.win-amd64\egg\paddleseg\utils\env\sys_env.py to sys_env.cpython-38.pyc byte-compiling build\bdist.win-amd64\egg\paddleseg\utils\env\init.py to init.cpython-38.pyc byte-compiling build\bdist.win-amd64\egg\paddleseg\utils\logger.py to logger.cpython-38.pyc byte-compiling build\bdist.win-amd64\egg\paddleseg\utils\metrics.py to metrics.cpython-38.pyc byte-compiling build\bdist.win-amd64\egg\paddleseg\utils\op_flops_funs.py to op_flops_funs.cpython-38.pyc byte-compiling build\bdist.win-amd64\egg\paddleseg\utils\progbar.py to progbar.cpython-38.pyc byte-compiling build\bdist.win-amd64\egg\paddleseg\utils\timer.py to timer.cpython-38.pyc byte-compiling build\bdist.win-amd64\egg\paddleseg\utils\train_profiler.py to train_profiler.cpython-38.pyc byte-compiling build\bdist.win-amd64\egg\paddleseg\utils\utils.py to utils.cpython-38.pyc byte-compiling build\bdist.win-amd64\egg\paddleseg\utils\visualize.py to visualize.cpython-38.pyc byte-compiling build\bdist.win-amd64\egg\paddleseg\utils\init.py to init.cpython-38.pyc byte-compiling build\bdist.win-amd64\egg\paddleseg\init.py to init__.cpython-38.pyc creating build\bdist.win-amd64\egg\EGG-INFO copying paddleseg.egg-info\PKG-INFO -> build\bdist.win-amd64\egg\EGG-INFO copying paddleseg.egg-info\SOURCES.txt -> build\bdist.win-amd64\egg\EGG-INFO copying paddleseg.egg-info\dependency_links.txt -> build\bdist.win-amd64\egg\EGG-INFO copying paddleseg.egg-info\requires.txt -> build\bdist.win-amd64\egg\EGG-INFO copying paddleseg.egg-info\top_level.txt -> build\bdist.win-amd64\egg\EGG-INFO zip_safe flag not set; analyzing archive contents... creating 'dist\paddleseg-2.6.0-py3.8.egg' and adding 'build\bdist.win-amd64\egg' to it removing 'build\bdist.win-amd64\egg' (and everything under it) Processing paddleseg-2.6.0-py3.8.egg Removing d:\python38\lib\site-packages\paddleseg-2.6.0-py3.8.egg Copying paddleseg-2.6.0-py3.8.egg to d:\python38\lib\site-packages paddleseg 2.6.0 is already the active version in easy-install.pth

Installed d:\python38\lib\site-packages\paddleseg-2.6.0-py3.8.egg Processing dependencies for paddleseg==2.6.0 Searching for sklearn==0.0 Best match: sklearn 0.0 Adding sklearn 0.0 to easy-install.pth file

Using d:\python38\lib\site-packages Searching for prettytable==3.5.0 Best match: prettytable 3.5.0 Adding prettytable 3.5.0 to easy-install.pth file

Using d:\python38\lib\site-packages Searching for scipy==1.9.3 Best match: scipy 1.9.3 Adding scipy 1.9.3 to easy-install.pth file

Using d:\python38\lib\site-packages Searching for filelock==3.8.0 Best match: filelock 3.8.0 Adding filelock 3.8.0 to easy-install.pth file

Using d:\python38\lib\site-packages Searching for tqdm==4.64.1 Best match: tqdm 4.64.1 Adding tqdm 4.64.1 to easy-install.pth file Installing tqdm-script.py script to D:\Python38\Scripts Installing tqdm.exe script to D:\Python38\Scripts

Using d:\python38\lib\site-packages Searching for opencv-python==4.6.0.66 Best match: opencv-python 4.6.0.66 Adding opencv-python 4.6.0.66 to easy-install.pth file

Using d:\python38\lib\site-packages Searching for visualdl==2.4.1 Best match: visualdl 2.4.1 Adding visualdl 2.4.1 to easy-install.pth file Installing visualdl-script.py script to D:\Python38\Scripts Installing visualdl.exe script to D:\Python38\Scripts

Using d:\python38\lib\site-packages Searching for PyYAML==6.0 Best match: PyYAML 6.0 Adding PyYAML 6.0 to easy-install.pth file

Using d:\python38\lib\site-packages Searching for scikit-learn==1.1.3 Best match: scikit-learn 1.1.3 Adding scikit-learn 1.1.3 to easy-install.pth file

Using d:\python38\lib\site-packages Searching for wcwidth==0.2.5 Best match: wcwidth 0.2.5 Adding wcwidth 0.2.5 to easy-install.pth file

Using d:\python38\lib\site-packages Searching for numpy==1.23.2 Best match: numpy 1.23.2 Adding numpy 1.23.2 to easy-install.pth file Installing f2py-script.py script to D:\Python38\Scripts Installing f2py.exe script to D:\Python38\Scripts

Using d:\python38\lib\site-packages Searching for colorama==0.4.5 Best match: colorama 0.4.5 Adding colorama 0.4.5 to easy-install.pth file

Using d:\python38\lib\site-packages Searching for requests==2.28.1 Best match: requests 2.28.1 Adding requests 2.28.1 to easy-install.pth file

Using d:\python38\lib\site-packages Searching for pandas==1.5.1 Best match: pandas 1.5.1 Adding pandas 1.5.1 to easy-install.pth file

Using d:\python38\lib\site-packages Searching for protobuf==3.20.0 Best match: protobuf 3.20.0 Adding protobuf 3.20.0 to easy-install.pth file

Using d:\python38\lib\site-packages Searching for Flask-Babel==2.0.0 Best match: Flask-Babel 2.0.0 Adding Flask-Babel 2.0.0 to easy-install.pth file

Using d:\python38\lib\site-packages Searching for Pillow==9.3.0 Best match: Pillow 9.3.0 Adding Pillow 9.3.0 to easy-install.pth file

Using d:\python38\lib\site-packages Searching for multiprocess==0.70.14 Best match: multiprocess 0.70.14 Adding multiprocess 0.70.14 to easy-install.pth file

Using d:\python38\lib\site-packages Searching for matplotlib==3.6.1 Best match: matplotlib 3.6.1 Adding matplotlib 3.6.1 to easy-install.pth file

Using d:\python38\lib\site-packages Searching for six==1.16.0 Best match: six 1.16.0 Adding six 1.16.0 to easy-install.pth file

Using d:\python38\lib\site-packages Searching for packaging==21.3 Best match: packaging 21.3 Adding packaging 21.3 to easy-install.pth file

Using d:\python38\lib\site-packages Searching for bce-python-sdk==0.8.74 Best match: bce-python-sdk 0.8.74 Adding bce-python-sdk 0.8.74 to easy-install.pth file

Using d:\python38\lib\site-packages Searching for Flask==2.2.2 Best match: Flask 2.2.2 Adding Flask 2.2.2 to easy-install.pth file Installing flask-script.py script to D:\Python38\Scripts Installing flask.exe script to D:\Python38\Scripts

Using d:\python38\lib\site-packages Searching for threadpoolctl==3.1.0 Best match: threadpoolctl 3.1.0 Adding threadpoolctl 3.1.0 to easy-install.pth file

Using d:\python38\lib\site-packages Searching for joblib==1.2.0 Best match: joblib 1.2.0 Adding joblib 1.2.0 to easy-install.pth file

Using d:\python38\lib\site-packages Searching for urllib3==1.26.12 Best match: urllib3 1.26.12 Adding urllib3 1.26.12 to easy-install.pth file

Using d:\python38\lib\site-packages Searching for charset-normalizer==2.1.1 Best match: charset-normalizer 2.1.1 Adding charset-normalizer 2.1.1 to easy-install.pth file Installing normalizer-script.py script to D:\Python38\Scripts Installing normalizer.exe script to D:\Python38\Scripts

Using d:\python38\lib\site-packages Searching for idna==3.4 Best match: idna 3.4 Adding idna 3.4 to easy-install.pth file

Using d:\python38\lib\site-packages Searching for certifi==2022.9.24 Best match: certifi 2022.9.24 Adding certifi 2022.9.24 to easy-install.pth file

Using d:\python38\lib\site-packages Searching for pytz==2022.6 Best match: pytz 2022.6 Adding pytz 2022.6 to easy-install.pth file

Using d:\python38\lib\site-packages Searching for python-dateutil==2.8.2 Best match: python-dateutil 2.8.2 Adding python-dateutil 2.8.2 to easy-install.pth file

Using d:\python38\lib\site-packages Searching for Jinja2==3.1.2 Best match: Jinja2 3.1.2 Adding Jinja2 3.1.2 to easy-install.pth file

Using d:\python38\lib\site-packages Searching for Babel==2.11.0 Best match: Babel 2.11.0 Adding Babel 2.11.0 to easy-install.pth file Installing pybabel-script.py script to D:\Python38\Scripts Installing pybabel.exe script to D:\Python38\Scripts

Using d:\python38\lib\site-packages Searching for dill==0.3.6 Best match: dill 0.3.6 Adding dill 0.3.6 to easy-install.pth file

Using d:\python38\lib\site-packages Searching for fonttools==4.38.0 Best match: fonttools 4.38.0 Adding fonttools 4.38.0 to easy-install.pth file Installing fonttools-script.py script to D:\Python38\Scripts Installing fonttools.exe script to D:\Python38\Scripts Installing pyftmerge-script.py script to D:\Python38\Scripts Installing pyftmerge.exe script to D:\Python38\Scripts Installing pyftsubset-script.py script to D:\Python38\Scripts Installing pyftsubset.exe script to D:\Python38\Scripts Installing ttx-script.py script to D:\Python38\Scripts Installing ttx.exe script to D:\Python38\Scripts

Using d:\python38\lib\site-packages Searching for contourpy==1.0.6 Best match: contourpy 1.0.6 Adding contourpy 1.0.6 to easy-install.pth file

Using d:\python38\lib\site-packages Searching for kiwisolver==1.4.4 Best match: kiwisolver 1.4.4 Adding kiwisolver 1.4.4 to easy-install.pth file

Using d:\python38\lib\site-packages Searching for pyparsing==3.0.9 Best match: pyparsing 3.0.9 Adding pyparsing 3.0.9 to easy-install.pth file

Using d:\python38\lib\site-packages Searching for cycler==0.11.0 Best match: cycler 0.11.0 Adding cycler 0.11.0 to easy-install.pth file

Using d:\python38\lib\site-packages Searching for pycryptodome==3.15.0 Best match: pycryptodome 3.15.0 Adding pycryptodome 3.15.0 to easy-install.pth file

Using d:\python38\lib\site-packages Searching for future==0.18.2 Best match: future 0.18.2 Adding future 0.18.2 to easy-install.pth file Installing futurize-script.py script to D:\Python38\Scripts Installing futurize.exe script to D:\Python38\Scripts Installing pasteurize-script.py script to D:\Python38\Scripts Installing pasteurize.exe script to D:\Python38\Scripts

Using d:\python38\lib\site-packages Searching for itsdangerous==2.1.2 Best match: itsdangerous 2.1.2 Adding itsdangerous 2.1.2 to easy-install.pth file

Using d:\python38\lib\site-packages Searching for importlib-metadata==5.0.0 Best match: importlib-metadata 5.0.0 Adding importlib-metadata 5.0.0 to easy-install.pth file

Using d:\python38\lib\site-packages Searching for click==8.1.3 Best match: click 8.1.3 Adding click 8.1.3 to easy-install.pth file

Using d:\python38\lib\site-packages Searching for Werkzeug==2.2.2 Best match: Werkzeug 2.2.2 Adding Werkzeug 2.2.2 to easy-install.pth file

Using d:\python38\lib\site-packages Searching for MarkupSafe==2.1.1 Best match: MarkupSafe 2.1.1 Adding MarkupSafe 2.1.1 to easy-install.pth file

Using d:\python38\lib\site-packages Searching for zipp==3.10.0 Best match: zipp 3.10.0 Adding zipp 3.10.0 to easy-install.pth file

Using d:\python38\lib\site-packages Finished processing dependencies for paddleseg==2.6.0 ——————————————————————————————

Bobholamovic commented 1 year ago

本地无法复现此问题,请检查数据是否有损坏。具体而言,可用Python解释器执行如下语句:

from glob import glob; 

import numpy as np
from PIL import Image; 

for p in glob("data/optic_disc_seg/Annotations/*.png"):
    print(p)
    im = Image.open(p)
    im = np.array(im)
    im[im==255] = 0
    assert im.max() < 2 and im.min() >= 0

若脚本执行过程中提示错误,则最后打印的路径就是存在损坏的图片。

stq054188 commented 1 year ago

本地无法复现此问题,请检查数据是否有损坏。具体而言,可用Python解释器执行如下语句:

from glob import glob; 

import numpy as np
from PIL import Image; 

for p in glob("data/optic_disc_seg/Annotations/*.png"):
    print(p)
    im = Image.open(p)
    im = np.array(im)
    im[im==255] = 0
    assert im.max() < 2 and im.min() >= 0

若脚本执行过程中提示错误,则最后打印的路径就是存在损坏的图片。

看来不是这个问题 image

Bobholamovic commented 1 year ago

有可能是Paddle对现在你使用的环境不支持,可以参考一下我的环境配置:

Python3.8 + CUDA 11.2 + Cudnn 8.1.1 + PaddlePaddle 2.3.2 + PaddleSeg 2.6

在这个配置下是没有问题的~

stq054188 commented 1 year ago

有可能是Paddle对现在你使用的环境不支持,可以参考一下我的环境配置:

Python3.8 + CUDA 11.2 + Cudnn 8.1.1 + PaddlePaddle 2.3.2 + PaddleSeg 2.6

在这个配置下是没有问题的~

我第一次用的CUDA11.6(因为上次使用PaddleOCR装的),结果提示我缺这个cudnn64_7.dll,我又退回CUDA10.1,现在又让我装回11?那么下面图片这个配置要求是假的? image

stq054188 commented 1 year ago

有可能是Paddle对现在你使用的环境不支持,可以参考一下我的环境配置:

Python3.8 + CUDA 11.2 + Cudnn 8.1.1 + PaddlePaddle 2.3.2 + PaddleSeg 2.6

在这个配置下是没有问题的~

我觉得不是针对安装环境找问题吧,如果是安装失败那么最多提示环境问题或者DLL加载失败、模块加载失败之类的。现在已经给出了明确的报错信息,不是应该按照对应的行数来排查吗?

Traceback (most recent call last): File "train.py", line 230, in main(args) File "train.py", line 206, in main train( File "E:\Practice\Python\DeepLearning\PaddlePaddle\Paddle_FastDeploy\PaddleSeg\PaddleSeg-release-2.6\paddleseg\core\train.py", line 207, in train loss_list = loss_computation( File "E:\Practice\Python\DeepLearning\PaddlePaddle\Paddle_FastDeploy\PaddleSeg\PaddleSeg-release-2.6\paddleseg\core\train.py", line 55, in loss_computation loss_list.append(coef_i loss_i(logits, labels)) File "D:\Python38\lib\site-packages\paddle\fluid\dygraph\layers.py", line 930, in call return self._dygraph_call_func(inputs, *kwargs) File "D:\Python38\lib\site-packages\paddle\fluid\dygraph\layers.py", line 915, in _dygraph_call_func outputs = self.forward(inputs, **kwargs) File "E:\Practice\Python\DeepLearning\PaddlePaddle\Paddle_FastDeploy\PaddleSeg\PaddleSeg-release-2.6\paddleseg\models\losses\cross_entropy_loss.py", line 81, in forward loss = F.cross_entropy( File "D:\Python38\lib\site-packages\paddle\nn\functional\loss.py", line 1719, in cross_entropy raise ValueError("Target {} is out of lower bound.".format( ValueError: Target -4864866653667428641 is out of lower bound.

Bobholamovic commented 1 year ago

你好,这个问题之前有其他同学遇到过,参考:https://github.com/PaddlePaddle/PaddleSeg/issues/2427

那个同学是重新安装环境解决了问题,所以应该是环境问题导致的(倒不是因为某个库没有装好,可能是装好了之后,在运行时出现了一些意料之外的数值或者内存访问错误)。

同样的代码在我的环境中无法复现这个问题,所以考虑应该不是代码逻辑的问题~

stq054188 commented 1 year ago

你好,这个问题之前有其他同学遇到过,参考:#2427

那个同学是重新安装环境解决了问题,所以应该是环境问题导致的(倒不是因为某个库没有装好,可能是装好了之后,在运行时出现了一些意料之外的数值或者内存访问错误)。

同样的代码在我的环境中无法复现这个问题,所以考虑应该不是代码逻辑的问题~

好吧,我再按照你的环境装一次试试,谢谢!

Bobholamovic commented 1 year ago

你好,这个问题之前有其他同学遇到过,参考:#2427 那个同学是重新安装环境解决了问题,所以应该是环境问题导致的(倒不是因为某个库没有装好,可能是装好了之后,在运行时出现了一些意料之外的数值或者内存访问错误)。 同样的代码在我的环境中无法复现这个问题,所以考虑应该不是代码逻辑的问题~

好吧,我再按照你的环境装一次试试,谢谢!

抱歉给你造成了不便。如果后续确认是环境问题,也麻烦回复一下,我们会及时更新文档;如果在新环境下仍然有问题,可以加我们的微信群由工程师帮助远程调试。

stq054188 commented 1 year ago

你好,这个问题之前有其他同学遇到过,参考:#2427 那个同学是重新安装环境解决了问题,所以应该是环境问题导致的(倒不是因为某个库没有装好,可能是装好了之后,在运行时出现了一些意料之外的数值或者内存访问错误)。 同样的代码在我的环境中无法复现这个问题,所以考虑应该不是代码逻辑的问题~

好吧,我再按照你的环境装一次试试,谢谢!

抱歉给你造成了不便。如果后续确认是环境问题,也麻烦回复一下,我们会及时更新文档;如果在新环境下仍然有问题,可以加我们的微信群由工程师帮助远程调试。

换成了CUDA11.2 Cudnn 8.1.1结果还是报错,提示需要CUDA10.0和cudnn7.6.5:

W1103 19:51:03.932924 6320 dynamic_loader.cc:276] Note: [Recommend] copy cudnn into CUDA installation directory. For instance, download cudnn-10.0-windows10-x64-v7.6.5.32.zip from NVIDIA's official website, then, unzip it and copy it into C:\Program Files\NVIDIA GPU Computing Toolkit\CUDA\v10.0 You should do this according to your CUDA installation directory and CUDNN version. Traceback (most recent call last): File "train.py", line 230, in main(args) File "train.py", line 147, in main env_info = get_sys_env() File "E:\Practice\Python\DeepLearning\PaddlePaddle\Paddle_FastDeploy\PaddleSeg\PaddleSeg-release-2.6\paddleseg\utils\env\sys_env.py", line 102, in get_sys_env v = paddle.get_cudnn_version() File "D:\Python38\lib\site-packages\paddle\device__init__.py", line 186, in get_cudnn_version cudnn_version = int(core.cudnn_version()) RuntimeError: (PreconditionNotMet) The third-party dynamic library (cudnn64_7.dll) that Paddle depends on is not configured correctly. (error code is 126) Suggestions:

  1. Check if the third-party dynamic library (e.g. CUDA, CUDNN) is installed correctly and its version is matched with paddlepaddle you installed.
  2. Configure third-party dynamic library environment variables as follows:
    • Linux: set LD_LIBRARY_PATH by export LD_LIBRARY_PATH=...
    • Windows: set PATH by `set PATH=XXX; (at ..\paddle\phi\backends\dynload\dynamic_loader.cc:303)
Bobholamovic commented 1 year ago

请问更换CUDA和cudnn后重新安装Paddle了吗?如果没有重新安装的话,因为原先装好的Paddle是CUDA10.x+cudnn7.6.5编译的,所以会出现运行时库不匹配的情况。

另外建议使用Anaconda管理包,更换CUDA环境等等比从官网下载方便很多~

stq054188 commented 1 year ago

请问更换CUDA和cudnn后重新安装Paddle了吗?如果没有重新安装的话,因为原先装好的Paddle是CUDA10.x+cudnn7.6.5编译的,所以会出现运行时库不匹配的情况。

另外建议使用Anaconda管理包,更换CUDA环境等等比从官网下载方便很多~

Paddle是卸载之后重新装的,直接运行的指令pip install paddlepaddle-gpu,这样安装之后输出版本信息是2.3.2,但是还是报上面的错。

我重新到PaddlePaddle的github主页去看了安装教程,参考这个链接:https://www.paddlepaddle.org.cn/install/quick?docurl=/documentation/docs/zh/install/pip/windows-pip.html

image

然后先把whl安装包下载到本地: image

在本地安装,执行指令:python -m pip install paddlepaddle_gpu-2.3.2.post112-cp38-cp38-win_amd64.whl

然后训练:python train.py --config configs/quick_start/pp_liteseg_optic_disc_512x512_1k.yml --save_interval 500 --do_eval --use_vdl --save_dir output

现在终于可以正常训练生成模型了!@Bobholamovic 感谢你的回复和帮助! image

image

coosney commented 1 year ago

File "D:\anaconda3\lib\site-packages\paddle\nn\functional\loss.py", line 1719, in cross_entropy raise ValueError("Target {} is out of lower bound.".format( ValueError: Target -4705274314675964054 is out of lower bound. 我也遇到这个问题了,重装也无法解决

Kaze816 commented 1 year ago

我也掉这个坑里面了.... 先前训练OCR的识别模型还凑合,转来试用PaddleDetection,就给挂了... 一个模型要一套环境的话,都不要干活了,天天地重新安装,这也不是办法吧? 还有没有更好的办法呀? 这么匆忙的就把问题给关闭了。