Python 在使用keras VGFace框架培训CNN时,Epoch不会启动

Python 在使用keras VGFace框架培训CNN时,Epoch不会启动,python,machine-learning,keras,transfer-learning,Python,Machine Learning,Keras,Transfer Learning,我试图在我自己的数据集上使用12类人脸图像。我已经在一些训练集中数据非常少的类上应用了增强 在使用resnet50进行微调后,当我尝试训练我的模型时,它会卡在epoch中,即它不会开始训练,但会继续显示epoch 1/50。 下面是它的样子: Layer (type) Output Shape Param # ==============================================================

我试图在我自己的数据集上使用12类人脸图像。我已经在一些训练集中数据非常少的类上应用了增强

在使用resnet50进行微调后,当我尝试训练我的模型时,它会卡在epoch中,即它不会开始训练,但会继续显示epoch 1/50。 下面是它的样子:

Layer (type)                 Output Shape              Param #   
=================================================================
model_1 (Model)              (None, 12)                23585740  
=================================================================
Total params: 23,585,740
Trainable params: 23,532,620
Non-trainable params: 53,120
_________________________________________________________________
Found 1774 images belonging to 12 classes.
Found 313 images belonging to 12 classes.
Epoch 1/50
这是我的密码:

train_data_path = 'dataset_cfps/train'
validation_data_path = 'dataset_cfps/validation'

#Parametres
img_width, img_height = 224, 224

vggface = VGGFace(model='resnet50', include_top=False, input_shape=(img_width, img_height, 3))

#vgg_model = VGGFace(include_top=False, input_shape=(224, 224, 3))
last_layer = vggface.get_layer('avg_pool').output
x = Flatten(name='flatten')(last_layer)
out = Dense(12, activation='sigmoid', name='classifier')(x)
custom_vgg_model = Model(vggface.input, out)


# Create the model
model = models.Sequential()

# Add the convolutional base model
model.add(custom_vgg_model)

# Add new layers
# model.add(layers.Flatten())
# model.add(layers.Dense(1024, activation='relu'))
# model.add(BatchNormalization())
# model.add(layers.Dropout(0.5))
# model.add(layers.Dense(12, activation='sigmoid'))

# Show a summary of the model. Check the number of trainable parameters
model.summary()

train_datagen = ImageDataGenerator(
      rescale=1./255,
      rotation_range=20,
      width_shift_range=0.2,
      height_shift_range=0.2,
      horizontal_flip=True,
      fill_mode='nearest')

validation_datagen = ImageDataGenerator(rescale=1./255)


train_batchsize = 16
val_batchsize = 16

train_generator = train_datagen.flow_from_directory(
        train_data_path,
        target_size=(img_width, img_height),
        batch_size=train_batchsize,
        class_mode='categorical')

validation_generator = validation_datagen.flow_from_directory(
        validation_data_path,
        target_size=(img_width, img_height),
        batch_size=val_batchsize,
        class_mode='categorical',
        shuffle=True)

# Compile the model
model.compile(loss='categorical_crossentropy',
              optimizer=optimizers.SGD(lr=1e-3),
              metrics=['acc'])
# Train the model
history = model.fit_generator(
      train_generator,
      steps_per_epoch=train_generator.samples/train_generator.batch_size ,
      epochs=50,
      validation_data=validation_generator,
      validation_steps=validation_generator.samples/validation_generator.batch_size,
      verbose=1)

# Save the model
model.save('facenet_resnet.h5')

有人知道可能的问题是什么吗?我怎样才能使我的模型更好(如果我能做些什么的话)。请随时向我提出改进建议。

您只需等待几个小时(基于您的gpu)。最后,它会告诉每个时代的损失和价值损失。

等待并不能解决问题,我通过重新启动整个程序来解决问题。

你等了多长时间?可能半个小时。你解决过这个问题吗?我必须重新启动所有程序。但它最终还是运行了。不正确。OP通过重新启动解决了问题。