如何用Tensorflow框架構(gòu)建用于食品分類的機(jī)器學(xué)習(xí)模型?
這是數(shù)據(jù)框的視圖,
下一步就是制作一個對象,將圖片放入模型中。我們將練習(xí)tf.keras.preprocessing.image庫的ImageDataGenerator對象。使用此對象,我們將生成圖像批次。此外,我們可以擴(kuò)充我們的圖片以擴(kuò)大數(shù)據(jù)集的乘積。因為我們還擴(kuò)展了這些圖片,我們進(jìn)一步設(shè)置了圖像增強(qiáng)技術(shù)的參數(shù)。
此外,因為我們應(yīng)用了一個數(shù)據(jù)幀作為關(guān)于數(shù)據(jù)集的知識,因此我們將使用flow_from_dataframe方法生成批處理并增強(qiáng)圖片。上面的代碼看起來像這樣from tensorflow.keras.preprocessing.image import ImageDataGenerator
# Create the ImageDataGenerator object
train_datagen = ImageDataGenerator(
featurewise_center=True,
featurewise_std_normalization=True,
rotation_range=20,
width_shift_range=0.2,
height_shift_range=0.2,
horizontal_flip=True,
)
val_datagen = ImageDataGenerator(
featurewise_center=True,
featurewise_std_normalization=True,
rotation_range=20,
width_shift_range=0.2,
height_shift_range=0.2,
horizontal_flip=True,
)
# Generate batches and augment the images
train_generator = train_datagen.flow_from_dataframe(
df_train,
directory='Food-5K/training/',
x_col='filename',
y_col='label',
class_mode='binary',
target_size=(224, 224),
)
val_generator = train_datagen.flow_from_dataframe(
df_val,
directory='Food-5K/validation/',
x_col='filename',
y_col='label',
class_mode='binary',
target_size=(224, 224),
)
步驟3:訓(xùn)練模型
決定好批次之后,我們可以通過遷移學(xué)習(xí)技術(shù)來訓(xùn)練模型。因為我們應(yīng)用了這種方法,所以我們不需要從頭開始執(zhí)行 CNN 架構(gòu)。相反,我們將使用當(dāng)前和以前預(yù)訓(xùn)練的架構(gòu)。我們將應(yīng)用 ResNet-50 作為我們新模型的脊椎。我們將生成輸入并根據(jù)類別數(shù)量調(diào)整 ResNet-50 的最后一個線性層ResNet-50。
構(gòu)建模型的代碼如下
from tensorflow.keras.a(chǎn)pplications import ResNet50
# Initialize the Pretrained Model
feature_extractor = ResNet50(weights='imagenet',
input_shape=(224, 224, 3),
include_top=False)
# Set this parameter to make sure it's not being trained
feature_extractor.trainable = False
# Set the input layer
input_ = tf.keras.Input(shape=(224, 224, 3))
# Set the feature extractor layer
x = feature_extractor(input_, training=False)
# Set the pooling layer
x = tf.keras.layers.GlobalAveragePooling2D()(x)
# Set the final layer with sigmoid activation function
output_ = tf.keras.layers.Dense(1, activation='sigmoid')(x)
# Create the new model object
model = tf.keras.Model(input_, output_)
# Compile it
model.compile(optimizer='adam',
loss='binary_crossentropy',
metrics=['accuracy'])
# Print The Summary of The Model
model.summary()
為了訓(xùn)練模型,我們采用擬合的方法來準(zhǔn)備模型。這是代碼,model.fit(train_generator, epochs=20, validation_data=val_generator)
步驟4:測試模型
在訓(xùn)練模型之后,現(xiàn)在讓我們在測試數(shù)據(jù)集上檢查模型。在擴(kuò)展中,我們需要結(jié)合一個pillow庫來加載和調(diào)整圖片大小,以及 scikit-learn 來確定模型性能。我們將練習(xí)來自 scikit-learn 庫的分類報告,以生成關(guān)于模型執(zhí)行的報告。此外,我們會喜歡它的混淆矩陣。這是預(yù)測實(shí)驗數(shù)據(jù)及其決策的代碼,from PIL import Image
from sklearn.metrics import classification_report, confusion_matrix
y_true = []
y_pred = []
for i in os.listdir('Food-5K/evaluation'):
img = Image.open('Food-5K/evaluation/' + i)
img = img.resize((224, 224))
img = np.a(chǎn)rray(img)
img = np.expand_dims(img, 0)
y_true.a(chǎn)ppend(int(i.split('_')[0]))
y_pred.a(chǎn)ppend(1 if model.predict(img) > 0.5 else 0)
print(classification_report(y_true, y_pred))
print()
print(confusion_matrix(y_true, y_pred))
從前面的內(nèi)容可以看出,該模型的性能已超過95%。因此,我們可以在建立圖像分類器 API 的情況下接受此模型。
步驟5:保存模型
如果你希望將模型用于后續(xù)使用或部署,你可以使用 save 方法保存模型,model.save('./resnet50_food_model')
如果你需要加載模型,你可以像這樣練習(xí)load_model方法,model = tf.keras.models.load_model('./resnet50_food_model')
下一步是什么
做得好!現(xiàn)在你已了解如何使用 TensorFlow 執(zhí)行遷移學(xué)習(xí)。我希望這項研究能鼓勵你,尤其是那些渴望在數(shù)據(jù)不足的情況下訓(xùn)練深度學(xué)習(xí)模型的人。

請輸入評論內(nèi)容...
請輸入評論/評論長度6~500個字
最新活動更多
-
10月23日火熱報名中>> 2025是德科技創(chuàng)新技術(shù)峰會
-
10月23日立即報名>> Works With 開發(fā)者大會深圳站
-
10月24日立即參評>> 【評選】維科杯·OFweek 2025(第十屆)物聯(lián)網(wǎng)行業(yè)年度評選
-
即日-11.25立即下載>>> 費(fèi)斯托白皮書《柔性:汽車生產(chǎn)未來的關(guān)鍵》
-
11月27日立即報名>> 【工程師系列】汽車電子技術(shù)在線大會
-
12月18日立即報名>> 【線下會議】OFweek 2025(第十屆)物聯(lián)網(wǎng)產(chǎn)業(yè)大會
推薦專題
-
10 大模型的盡頭是開源
- 1 特斯拉工人被故障機(jī)器人打成重傷,索賠3.6億
- 2 【行業(yè)深度研究】退居幕后四年后,張一鳴終于把算法公司變成AI公司?
- 3 人形機(jī)器人廠商,正在批量復(fù)刻宇樹G1
- 4 AI 時代,阿里云想當(dāng)“安卓” ,那誰是“蘋果”?
- 5 華為公布昇騰芯片三年計劃,自研HBM曝光
- 6 硬剛英偉達(dá)!華為發(fā)布全球最強(qiáng)算力超節(jié)點(diǎn)和集群
- 7 機(jī)器人9月大事件|3家國產(chǎn)機(jī)器人沖刺IPO,行業(yè)交付與融資再創(chuàng)新高!
- 8 谷歌“香蕉”爆火啟示:國產(chǎn)垂類AI的危機(jī)還是轉(zhuǎn)機(jī)?
- 9 00后華裔女生靠兩部AI電影狂賺7.8億人民幣,AI正式進(jìn)軍好萊塢
- 10 美光:AI Capex瘋投不止,終于要拉起存儲超級周期了?