wuhuikai / FastFCN

FastFCN: Rethinking Dilated Convolution in the Backbone for Semantic Segmentation.
http://wuhuikai.me/FastFCNProject
Other
838 stars 148 forks source link

RuntimeError: Failed downloading url https://hangzh.s3.amazonaws.com/encoding/models/resnet50-ebb6acbb.zip #108

Closed biter0088 closed 2 years ago

biter0088 commented 2 years ago

I can't get access to https://hangzh.s3.amazonaws.com/encoding/models/resnet50-ebb6acbb.zip so I can't download the model。 I need the file of all of the model,so who can help me?

When I click the link “https://hangzh.s3.amazonaws.com/encoding/models/resnet50-ebb6acbb.zip”,I will be access denied : ` AccessDenied

Access Denied 7KGQHJCVR8NAZKPP 91ML/lrVgnBYG1JrsGBhqWXV63nOXSYwnwnvVjWgvfr7dctqyLV3f5C/qT51wRSXdLJRvsk2/lE=

`

my error: (yolov5py37) meng@meng:~/deeplearning/FastFCN$ CUDA_VISIBLE_DEVICES=0,1,2,3 python -m experiments.segmentation.test_single_image --dataset pcontext --model encnet --jpu JPU --backbone resnet50 --resume MODEL --input-path INPUT --save-path OUTPUT Namespace(aux=False, aux_weight=0.2, backbone='resnet50', base_size=520, batch_size=16, checkname='default', crop_size=480, cuda=True, dataset='pcontext', dilated=False, epochs=80, ft=False, input_path='INPUT', jpu='JPU', lateral=False, lr=0.001, lr_scheduler='poly', mode='testval', model='encnet', model_zoo=None, momentum=0.9, ms=False, no_cuda=False, no_val=False, resume='MODEL', save_folder='experiments/segmentation/results', save_path='OUTPUT', se_loss=False, se_weight=0.2, seed=1, split='val', start_epoch=0, test_batch_size=16, train_split='train', weight_decay=0.0001, workers=16) Model file /home/meng/.encoding/models/resnet50-ebb6acbb.pth is not found. Downloading. Downloading /home/meng/.encoding/models/resnet50-ebb6acbb.zip from https://hangzh.s3.amazonaws.com/encoding/models/resnet50-ebb6acbb.zip... Traceback (most recent call last): File "/home/meng/anaconda3/envs/yolov5py37/lib/python3.7/runpy.py", line 193, in _run_module_as_main "main", mod_spec) File "/home/meng/anaconda3/envs/yolov5py37/lib/python3.7/runpy.py", line 85, in _run_code exec(code, run_globals) File "/home/meng/deeplearning/FastFCN/experiments/segmentation/test_single_image.py", line 71, in test(args) File "/home/meng/deeplearning/FastFCN/experiments/segmentation/test_single_image.py", line 36, in test base_size = args.base_size, crop_size = args.crop_size) File "/home/meng/deeplearning/FastFCN/encoding/models/init.py", line 18, in get_segmentation_model return modelsname.lower() File "/home/meng/deeplearning/FastFCN/encoding/models/encnet.py", line 146, in get_encnet model = EncNet(datasets[dataset.lower()].NUM_CLASS, backbone=backbone, root=root, kwargs) File "/home/meng/deeplearning/FastFCN/encoding/models/encnet.py", line 24, in init norm_layer=norm_layer, kwargs) File "/home/meng/deeplearning/FastFCN/encoding/models/base.py", line 39, in init norm_layer=norm_layer, root=root) File "/home/meng/deeplearning/FastFCN/encoding/dilated/resnet.py", line 263, in resnet50 get_model_file('resnet50', root=root)), strict=False) File "/home/meng/deeplearning/FastFCN/encoding/models/model_store.py", line 74, in get_model_file overwrite=True) File "/home/meng/deeplearning/FastFCN/encoding/utils/files.py", line 60, in download raise RuntimeError("Failed downloading url %s"%url) RuntimeError: Failed downloading url https://hangzh.s3.amazonaws.com/encoding/models/resnet50-ebb6acbb.zip

Churan-Zhou commented 2 years ago

I have the same question. Do you solve it?

wuhuikai commented 2 years ago

Here is the link.

biter0088 commented 2 years ago

Here is the link.

thanks