meijieru / crnn.pytorch

Convolutional recurrent network in pytorch
MIT License
2.38k stars 658 forks source link

the net doesn't work,when I run the net, it stopped by the flowing informations #51

Closed ghost closed 6 years ago

ghost commented 7 years ago
[dutongchun@cpu0 crnn.pytorch]$ python crnn_main.py  --trainroot /home/dutongchun/songwendong/xxx/train   --valroot /home/dutongchun/songwendong/xxx/validate/ --batchSize 16 --workers 1  --cuda 
Namespace(adadelta=False, adam=False, alphabet='0123456789abcdefghijklmnopqrstuvwxyz', batchSize=16, beta1=0.5, crnn='', cuda=True, displayInterval=500, experiment=None, imgH=32, imgW=100, keep_ratio=False, lr=0.01, n_test_disp=10, ngpu=1, nh=256, niter=25, random_sample=False, saveInterval=500, trainroot='/home/dutongchun/songwendong/xxx/train', valInterval=500, valroot='/home/dutongchun/songwendong/xxx/validate/', workers=1)
Random Seed:  2008
CRNN (
  (cnn): Sequential (
    (conv0): Conv2d(1, 64, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1))
    (relu0): ReLU (inplace)
    (pooling0): MaxPool2d (size=(2, 2), stride=(2, 2), dilation=(1, 1))
    (conv1): Conv2d(64, 128, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1))
    (relu1): ReLU (inplace)
    (pooling1): MaxPool2d (size=(2, 2), stride=(2, 2), dilation=(1, 1))
    (conv2): Conv2d(128, 256, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1))
    (batchnorm2): BatchNorm2d(256, eps=1e-05, momentum=0.1, affine=True)
    (relu2): ReLU (inplace)
    (conv3): Conv2d(256, 256, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1))
    (relu3): ReLU (inplace)
    (pooling2): MaxPool2d (size=(2, 2), stride=(2, 1), dilation=(1, 1))
    (conv4): Conv2d(256, 512, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1))
    (batchnorm4): BatchNorm2d(512, eps=1e-05, momentum=0.1, affine=True)
    (relu4): ReLU (inplace)
    (conv5): Conv2d(512, 512, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1))
    (relu5): ReLU (inplace)
    (pooling3): MaxPool2d (size=(2, 2), stride=(2, 1), dilation=(1, 1))
    (conv6): Conv2d(512, 512, kernel_size=(2, 2), stride=(1, 1))
    (batchnorm6): BatchNorm2d(512, eps=1e-05, momentum=0.1, affine=True)
    (relu6): ReLU (inplace)
  )
  (rnn): Sequential (
    (0): BidirectionalLSTM (
      (rnn): LSTM(512, 256, bidirectional=True)
      (embedding): Linear (512 -> 256)
    )
    (1): BidirectionalLSTM (
      (rnn): LSTM(256, 256, bidirectional=True)
      (embedding): Linear (512 -> 37)
    )
  )
)
/home/dutongchun/songwendong/crnn.pytorch/dataset.py:95: UserWarning: torch.range is deprecated in favor of torch.arange and will be removed in 0.3. Note that arange generates values in [start; end), not [start; end].
  batch_index = random_start + torch.range(0, self.batch_size - 1)
[dutongchun@cpu0 crnn.pytorch]$ 
meijieru commented 7 years ago

There seems to be no error?

ghost commented 7 years ago

@meijieru Why doesn't it run , stops? Please give me your advice ,Thanks in advance

meijieru commented 7 years ago

Could you please check where it stuck?

ghost commented 7 years ago

@meijieru I'm really sorry. I'm confused where did it stop?

ahmedmazari-dhatim commented 7 years ago

Are you in GPU or CPU ? you should run it in GPU

ghost commented 7 years ago

@meijieru Sorry, I just saw the your advice. I'm using GPU, but it still doesn't work

lulurelax commented 7 years ago

actually it stopped because it finished training the displayinterval saveinterval and valinterval is 500 by default, you should set them to a smaller number. I assume that your dataset size is small, so it finished training before a display