Closed chamecall closed 5 years ago
what I have in output:
`Using TensorFlow backend. /home/algernon/.local/lib/python3.6/site-packages/tensorflow/python/framework/dtypes.py:516: FutureWarning: Passing (type, 1) or '1type' as a synonym of type is deprecated; in a future version of numpy, it will be understood as (type, (1,)) / '(1,)type'. _np_qint8 = np.dtype([("qint8", np.int8, 1)]) /home/algernon/.local/lib/python3.6/site-packages/tensorflow/python/framework/dtypes.py:517: FutureWarning: Passing (type, 1) or '1type' as a synonym of type is deprecated; in a future version of numpy, it will be understood as (type, (1,)) / '(1,)type'. _np_quint8 = np.dtype([("quint8", np.uint8, 1)]) /home/algernon/.local/lib/python3.6/site-packages/tensorflow/python/framework/dtypes.py:518: FutureWarning: Passing (type, 1) or '1type' as a synonym of type is deprecated; in a future version of numpy, it will be understood as (type, (1,)) / '(1,)type'. _np_qint16 = np.dtype([("qint16", np.int16, 1)]) /home/algernon/.local/lib/python3.6/site-packages/tensorflow/python/framework/dtypes.py:519: FutureWarning: Passing (type, 1) or '1type' as a synonym of type is deprecated; in a future version of numpy, it will be understood as (type, (1,)) / '(1,)type'. _np_quint16 = np.dtype([("quint16", np.uint16, 1)]) /home/algernon/.local/lib/python3.6/site-packages/tensorflow/python/framework/dtypes.py:520: FutureWarning: Passing (type, 1) or '1type' as a synonym of type is deprecated; in a future version of numpy, it will be understood as (type, (1,)) / '(1,)type'. _np_qint32 = np.dtype([("qint32", np.int32, 1)]) /home/algernon/.local/lib/python3.6/site-packages/tensorflow/python/framework/dtypes.py:525: FutureWarning: Passing (type, 1) or '1type' as a synonym of type is deprecated; in a future version of numpy, it will be understood as (type, (1,)) / '(1,)type'. np_resource = np.dtype([("resource", np.ubyte, 1)]) /home/algernon/.local/lib/python3.6/site-packages/tensorboard/compat/tensorflow_stub/dtypes.py:541: FutureWarning: Passing (type, 1) or '1type' as a synonym of type is deprecated; in a future version of numpy, it will be understood as (type, (1,)) / '(1,)type'. _np_qint8 = np.dtype([("qint8", np.int8, 1)]) /home/algernon/.local/lib/python3.6/site-packages/tensorboard/compat/tensorflow_stub/dtypes.py:542: FutureWarning: Passing (type, 1) or '1type' as a synonym of type is deprecated; in a future version of numpy, it will be understood as (type, (1,)) / '(1,)type'. _np_quint8 = np.dtype([("quint8", np.uint8, 1)]) /home/algernon/.local/lib/python3.6/site-packages/tensorboard/compat/tensorflow_stub/dtypes.py:543: FutureWarning: Passing (type, 1) or '1type' as a synonym of type is deprecated; in a future version of numpy, it will be understood as (type, (1,)) / '(1,)type'. _np_qint16 = np.dtype([("qint16", np.int16, 1)]) /home/algernon/.local/lib/python3.6/site-packages/tensorboard/compat/tensorflow_stub/dtypes.py:544: FutureWarning: Passing (type, 1) or '1type' as a synonym of type is deprecated; in a future version of numpy, it will be understood as (type, (1,)) / '(1,)type'. _np_quint16 = np.dtype([("quint16", np.uint16, 1)]) /home/algernon/.local/lib/python3.6/site-packages/tensorboard/compat/tensorflow_stub/dtypes.py:545: FutureWarning: Passing (type, 1) or '1type' as a synonym of type is deprecated; in a future version of numpy, it will be understood as (type, (1,)) / '(1,)type'. _np_qint32 = np.dtype([("qint32", np.int32, 1)]) /home/algernon/.local/lib/python3.6/site-packages/tensorboard/compat/tensorflow_stub/dtypes.py:550: FutureWarning: Passing (type, 1) or '1type' as a synonym of type is deprecated; in a future version of numpy, it will be understood as (type, (1,)) / '(1,)type'. np_resource = np.dtype([("resource", np.ubyte, 1)]) WARNING: Logging before flag parsing goes to stderr. W0802 13:20:05.420754 140143857096512 deprecation_wrapper.py:119] From /home/algernon/frcnn-from-scratch-with-keras/train_rpn.py:27: The name tf.ConfigProto is deprecated. Please use tf.compat.v1.ConfigProto instead.
W0802 13:20:05.420959 140143857096512 deprecation_wrapper.py:119] From /home/algernon/frcnn-from-scratch-with-keras/train_rpn.py:29: The name tf.Session is deprecated. Please use tf.compat.v1.Session instead.
2019-08-02 13:20:05.432460: I tensorflow/core/platform/cpu_feature_guard.cc:142] Your CPU supports instructions that this TensorFlow binary was not compiled to use: AVX2 FMA
2019-08-02 13:20:05.437076: I tensorflow/stream_executor/platform/default/dso_loader.cc:42] Successfully opened dynamic library libcuda.so.1
2019-08-02 13:20:05.508452: I tensorflow/stream_executor/cuda/cuda_gpu_executor.cc:1005] successful NUMA node read from SysFS had negative value (-1), but there must be at least one NUMA node, so returning NUMA node zero
2019-08-02 13:20:05.508916: I tensorflow/compiler/xla/service/service.cc:168] XLA service 0x45456e0 executing computations on platform CUDA. Devices:
2019-08-02 13:20:05.508933: I tensorflow/compiler/xla/service/service.cc:175] StreamExecutor device (0): GeForce GTX 1050 Ti, Compute Capability 6.1
2019-08-02 13:20:05.528040: I tensorflow/core/platform/profile_utils/cpu_utils.cc:94] CPU Frequency: 3192895000 Hz
2019-08-02 13:20:05.528365: I tensorflow/compiler/xla/service/service.cc:168] XLA service 0x45fb9e0 executing computations on platform Host. Devices:
2019-08-02 13:20:05.528390: I tensorflow/compiler/xla/service/service.cc:175] StreamExecutor device (0):
W0802 13:20:05.552090 140143857096512 deprecation_wrapper.py:119] From /home/algernon/.local/lib/python3.6/site-packages/keras/backend/tensorflow_backend.py:517: The name tf.placeholder is deprecated. Please use tf.compat.v1.placeholder instead.
W0802 13:20:05.553911 140143857096512 deprecation_wrapper.py:119] From /home/algernon/.local/lib/python3.6/site-packages/keras/backend/tensorflow_backend.py:4138: The name tf.random_uniform is deprecated. Please use tf.random.uniform instead.
W0802 13:20:05.574116 140143857096512 deprecation_wrapper.py:119] From /home/algernon/.local/lib/python3.6/site-packages/keras/backend/tensorflow_backend.py:3976: The name tf.nn.max_pool is deprecated. Please use tf.nn.max_pool2d instead.
loading weights from vgg16_weights_tf_dim_ordering_tf_kernels.h5 Could not load pretrained model weights. Weights can be found in the keras application folder https://github.com/fchollet/keras/tree/master/keras/applications W0802 13:20:05.713925 140143857096512 deprecation_wrapper.py:119] From /home/algernon/.local/lib/python3.6/site-packages/keras/optimizers.py:790: The name tf.train.Optimizer is deprecated. Please use tf.compat.v1.train.Optimizer instead.
W0802 13:20:05.727538 140143857096512 deprecation.py:323] From /home/algernon/.local/lib/python3.6/site-packages/tensorflow/python/ops/nn_impl.py:180: add_dispatch_support.
I set up 10 iterations per epoch and it stopped on the ninth one.
@chamecall the problem was that validation was tried at the end, even though there was no validation set. removing the validation will solve this. I fixed this in the latest commit, please refer to train_rpn.py
~/frcnn-from-scratch-with-keras$ python train_rpn.py --network mobilenetv2 -o pascal_voc -p ../VOCdevkit/
Using TensorFlow backend.
data path: ['../VOCdevkit/VOC2007']
Parsing annotation files
[Errno 2] No such file or directory: '../VOCdevkit/VOC2007/ImageSets/Main/test.txt'
{'dog': 538, 'cat': 389, 'car': 1644, 'person': 5447, 'chair': 1432, 'bottle': 634, 'diningtable': 310, 'pottedplant': 625, 'bird': 599, 'horse': 406, 'motorbike': 390, 'bus': 272, 'tvmonitor': 367, 'sofa': 425, 'boat': 398, 'cow': 356, 'aeroplane': 331, 'train': 328, 'sheep': 353, 'bicycle': 418}
Training images per class:
{'aeroplane': 331,
'bg': 0,
'bicycle': 418,
'bird': 599,
'boat': 398,
'bottle': 634,
'bus': 272,
'car': 1644,
'cat': 389,
'chair': 1432,
'cow': 356,
'diningtable': 310,
'dog': 538,
'horse': 406,
'motorbike': 390,
'person': 5447,
'pottedplant': 625,
'sheep': 353,
'sofa': 425,
'train': 328,
'tvmonitor': 367}
Num classes (including bg) = 21
Config has been written to config.pickle, and can be loaded when testing to ensure correct results
Num train samples 5011
Num val samples 0
WARNING:tensorflow:From /home/ubuntu/anaconda3/envs/tensorflow_p36/lib/python3.6/site-packages/tensorflow/python/framework/op_def_library.py:263: colocate_with (from tensorflow.python.framework.ops) is deprecated and will be removed in a future version.
Instructions for updating:
Colocations handled automatically by placer.
loading weights from ./pretrain/mobilenet_v2_weights_tf_dim_ordering_tf_kernels_1.0_224.h5
loaded weights!
Starting training
Epoch 1/50
1000/1000 [==============================] - 480s 480ms/step - loss: 6.4577 - rpn_out_class_loss: 6.2364 - rpn_out_regress_loss: 0.2213
Epoch 2/50
36/1000 [>.............................] - ETA: 5:52 - loss: 6.4217 - rpn_out_class_loss: 6.1637 - rpn_out_regress_loss: 0.2580
I mean if I have 100 iterations per one epoch training stops on the 99 iteration and that's all.