Skip to content

[error while run train.sh] RuntimeError: The expanded size of the tensor (1) must match the existing size (3) at non-singleton dimension 0 #44

@spencerxhani

Description

@spencerxhani

error while run train.sh, error message as follow:
is anybody know how to solve it ??

thank you !

Namespace(G_GAN=1, G_VGG=1, G_nn=1, batch_size_t=128, batch_size_v=16, beta1=0.5, dataroot=False, dataset='MPV', dataset_mode='regular', decay_iters=10, epoch=200, face_L1=10, face_gan=3, face_img_L1=1, face_residual=False, face_vgg=1, fine_height=256, fine_width=192, forward='normal', forward_save_path='end2end', gan_mode='lsgan', gpu_ids=[0, 1, 2, 3], grid_size=5, init_gain=0.02, init_type='normal', input_nc_D_app=6, input_nc_D_face=6, input_nc_D_parsing=56, input_nc_G_app=26, input_nc_G_face=6, input_nc_G_parsing=36, isdemo=False, isval=False, joint=False, joint_G_parsing=1, joint_all=False, joint_parse_loss=False, lambda_L1=1, lr=0.0002, mask=1, mask_tvloss=False, momentum=0.9, n_layers_D=3, ndf=64, netD_app='resnet_blocks', netD_face='resnet_blocks', netD_parsing='basic', netG_app='treeresnet', netG_face='treeresnet', netG_parsing='unet_256', ngf=64, no_dropout=False, norm='instance', num_workers=16, output_nc_app=4, output_nc_face=3, output_nc_parsing=20, pool_size=100, print_freq=10, resume_D_app='', resume_D_face='', resume_D_parse='', resume_G_app='pretrained_checkpoint/app.tar', resume_G_face='pretrained_checkpoint/face.tar', resume_G_parse='pretrained_checkpoint/parsing.tar', resume_gmm='pretrained_checkpoint/step_009000.pth', save_epoch_freq=1, save_time=False, size=(256, 192), start_epoch=0, suffix='', train_mode='face', use_gmm=False, val_freq=200, warp_cloth=False, weight_decay=0.0001)
initialization method [normal]
initialization method [normal]
initialize network with normal
initialize network with normal
initialize network with normal
initialize network with normal
initialize network with normal
initialize network with normal
loading...
loading...
loading...
loading...
the length of dataset is 1
current G learning_rate is : 0.0002
current D learning_rate is : 0.0002
source_parse_vis_path: dataset/parse_cihp/train/0VB21E007-T11@9=person_whole_front_vis.png
target_parse_vis_path: dataset/parse_cihp/train/0VB21E007-T11@8=person_half_front_vis.png
(256, 192)


<PIL.Image.Image image mode=L size=192x256 at 0x7F6E05C73518>
Traceback (most recent call last):
File "train.py", line 82, in
train(opt)
File "train.py", line 67, in train
for i, data in enumerate(dataloader):
File "/home/spencerhu/.local/lib/python3.6/site-packages/torch/utils/data/dataloader.py", line 336, in next
return self._process_next_batch(batch)
File "/home/spencerhu/.local/lib/python3.6/site-packages/torch/utils/data/dataloader.py", line 357, in process_next_batch
raise batch.exc_type(batch.exc_msg)
RuntimeError: Traceback (most recent call last):
File "/home/spencerhu/.local/lib/python3.6/site-packages/torch/utils/data/dataloader.py", line 106, in worker_loop
samples = collate_fn([dataset[i] for i in batch_indices])
File "/home/spencerhu/.local/lib/python3.6/site-packages/torch/utils/data/dataloader.py", line 106, in
samples = collate_fn([dataset[i] for i in batch_indices])
File "/home/nfs/user/spencerhu/PycharmProjects/virtualtryon/data/regular_dataset.py", line 119, in getitem
source_parse_shape = self.transforms'1' # [-1,1]
File "/home/spencerhu/.local/lib/python3.6/site-packages/torchvision/transforms/transforms.py", line 60, in call
img = t(img)
File "/home/spencerhu/.local/lib/python3.6/site-packages/torchvision/transforms/transforms.py", line 163, in call
return F.normalize(tensor, self.mean, self.std, self.inplace)
File "/home/spencerhu/.local/lib/python3.6/site-packages/torchvision/transforms/functional.py", line 208, in normalize
tensor.sub
(mean[:, None, None]).div
(std[:, None, None])
RuntimeError: The expanded size of the tensor (1) must match the existing size (3) at non-singleton dimension 0

Metadata

Metadata

Assignees

No one assigned

    Labels

    No labels
    No labels

    Type

    No type

    Projects

    No projects

    Milestone

    No milestone

    Relationships

    None yet

    Development

    No branches or pull requests

    Issue actions