gpt4 book ai didi

python - 具有附加文本输入的 ImageDataGenerator

转载 作者:太空宇宙 更新时间:2023-11-03 20:21:06 27 4
gpt4 key购买 nike

我试图实现的架构在这里: Patient-data adapted model architecture: ResNet-50 。我的图像按标签分为文件夹,如下所示:

root/
├── train/
│ ├── class1/
│ ├── class2/
│ ...

└── validation/
├── class1/
├── class2/
...

我还有一个 CSV 文件,其中包含图像名称、图像标签(一个图像可以有多个类标签)和其他信息:

+--------+---------------+-------+------+
| File | Labels | Info1 | Info2 |
+-------+---------------+-------+-------+
| 1.png | class1 | 0.512 | 1 |
| 2.png | class2 | 0.4 | 0 |
| 3.png | class1|class2 | 0.64 | 1 |
+-------+---------------+-------+-------+

我的网络模型有两个输入,一个用于处理图像,另一个将连接到致密层之前的最后一层:

input_shape = (img_height, img_width, 1)

img_input= Input(input_shape)
vec_input = Input((2,))

res = ZeroPadding2D((3, 3))(img_input)

# Processing ...

res = Flatten()(res)
res = Concatenate()([res, vec_input])
res = Dense(classes, activation='softmax', name='fc' + str(classes))(res)

为了获取图像,我将 ImageDataGenerator 与 flow_from_directory 一起使用,它可以很好地仅获取图像数据:

validation_datagen = ImageDataGenerator(rescale=1. / 255)
validation_generator = validation_datagen.flow_from_directory(
validation_dir,
target_size=(target_size, target_size),
batch_size=batch_size,
class_mode=class_mode,
color_mode=color_mode)

# Similarly for the train data generator ...

# Train the model using above defined data generators
history = model.fit_generator(
train_generator,
epochs=epochs,
validation_data=validation_generator)

我现在需要使用每个图像的附加信息作为模型中的 vec_input。我已经研究过使用 flow_from_dataframe 并创建自定义生成器,但不确定如何进行此操作。如果需要,我可以通过将图像放在同一文件夹中来重构图像,尽管我想我不能使用 flow_from_directory。关于如何实现这一目标有什么想法吗?

编辑:

如果有人需要解决方案,这就是我能想到的:

class CustomSequenceGenerator(Sequence):

def __init__(self, image_dir, csv_file_path, label_path, dim=448, batch_size=8,
n_classes=15, n_channels=1, vec_size=3, shuffle=True):
# Keras generator
self.image_dir = image_dir
self.image_file_list = os.listdir(image_dir)
self.batch_size = batch_size
self.csv_file = pd.read_csv(csv_file_path)
self.n_classes = n_classes
self.dim = dim
self.n_channels = n_channels
self.shuffle = shuffle
self.vec_size = vec_size
self.labels = get_class_labels(label_path)
self.labels_dict = dict(zip(self.labels, range(0, len(self.labels))))

self.csv_file.set_index('File', inplace=True, drop=True)

def __len__(self):
"""It is mandatory to implement it on Keras Sequence"""
return int(np.ceil(len(self.image_file_list) / float(self.batch_size)))

def __getitem__(self, index):

# Generate indexes of the batch
samples = self.image_file_list[index * self.batch_size:(index + 1) * self.batch_size]

x, y = self.__data_generation(samples, index)
return x, y

def __data_generation(self, samples, start_index):

x_batch_image = np.empty((self.batch_size, self.dim, self.dim, self.n_channels))
x_batch_vector = np.empty((self.batch_size, self.vec_size))
y_batch = np.empty((self.batch_size, self.n_classes))
self.csv_file.reindex()
for i, sample in enumerate(samples):
image_file_path = self.image_dir + "/" + sample
image = self.preprocess_image(Image.open(image_file_path), 448)

features, labels = self.preprocess_csv(self.csv_file, sample, self.labels_dict, self.n_classes)
x_batch_image[i] = image
x_batch_vector[i] = features
y_batch[i] = labels

return [x_batch_image, x_batch_vector], y_batch

最佳答案

我认为实现此目标的最佳方法是实现自定义 Sequence object ,可能继承ImageDataGenerator的方法。也许您需要的并不需要 ImageDataGenerator 的所有复杂性(即随机变换、图像保存、插值),在这种情况下您不需要继承它。

关于python - 具有附加文本输入的 ImageDataGenerator,我们在Stack Overflow上找到一个类似的问题: https://stackoverflow.com/questions/58153085/

27 4 0
Copyright 2021 - 2024 cfsdn All Rights Reserved 蜀ICP备2022000587号
广告合作:1813099741@qq.com 6ren.com