ICode9

精准搜索请尝试: 精确搜索
首页 > 其他分享> 文章详细

简单的卷积网络

2021-11-27 23:35:04  阅读:132  来源: 互联网

标签:loss plt 卷积 self 网络 简单 model save history


用keras搭建了一个简单的卷积神经网络,就一个卷积层,训练Cifar10,效果依然不错,卷积网络的强大可得知,改一改路径就能训练成功了

import tensorflow as tf 
import os
import numpy as np
from matplotlib import pyplot as plt
from tensorflow.keras.layers import Conv2D,BatchNormalization,Activation,MaxPool2D,Dropout,Flatten,Dense
from tensorflow.keras import Model
np.set_printoptions(threshold = np.inf)
cifar10 = tf.keras.datasets.cifar10
(x_train,y_train),(x_test,y_test) = cifar10.load_data()
x_train,x_test = x_train/255.0,x_test/255.0

class Baseline(Model):
    def __init__(self):
        super(Baseline,self).__init__()
        self.c1 = Conv2D(filters = 6,kernel_size = (5,5),padding = 'same')
        self.b1 = BatchNormalization()
        self.a1 = Activation('relu')
        self.p1 = MaxPool2D(pool_size = (2,2),strides= 2,padding = 'same')
        self.d1 = Dropout(0.2)
        
        self.flatten = Flatten()
        self.f1 = Dense(128,activation = 'relu')
        self.d2 = Dropout(0.2)
        self.f2 = Dense(10,activation = 'softmax')
        
    def call(self,x): 
        x = self.c1(x)
        x = self.b1(x)
        x = self.a1(x)
        x = self.p1(x)
        x = self.d1(x)
        x = self.flatten(x)
        x = self.f1(x)
        x = self.d2(x)
        y = self.f2(x)
        
        return y
model = Baseline()

model.compile(optimizer = 'adam',
             loss = tf.keras.losses.SparseCategoricalCrossentropy(from_logits=False),
             metrics = ['sparse_categorical_accuracy'])
checkpoint_save_path = "C:/Users/15792/Desktop/AI/Tensorflow0.0/cifar10_model/cifar_model"
if os.path.exists(checkpoint_save_path + '.index'):
    print("------------------------load the model---------------------------")
    model.load_weights(checkpoint_save_path)
cp_callback = tf.keras.callbacks.ModelCheckpoint(filepath = checkpoint_save_path,
                                                save_weights_only = True,
                                                save_best_only = True)
history = model.fit(x_train,y_train,batch_size =32, epochs = 5,validation_data = (x_test,y_test),validation_freq = 1,
                   callbacks = [cp_callback])
model.summary()

file = open("C:/Users/15792/Desktop/AI/Tensorflow0.0/cifar10_model.weights.txt","w")
for v in model.trainable_variables:
    file.write(str(v.name) + '\n')
    file.write(str(v.shape) + '\n')
    file.write(str(v.numpy()) + '\n')
file.close()

acc =  history.history['sparse_categorical_accuracy']
val_acc = history.history['val_sparse_categorical_accuracy']
loss = history.history['loss']
val_loss= history.history['val_loss']

plt.subplot(1,2,1)
plt.plot(acc,label = 'Trainig Accuracy')
plt.plot(val_acc,label = 'Validation Accuracy')
plt.title('Training and Validation Accuracy')
plt.legend()

plt.subplot(1,2,2)
plt.plot(loss,label = 'Training Loss')
plt.plot(val_loss,label = 'Validation Loss')
plt.title('Training and Validation Loss')
plt.legend()
plt.show()

标签:loss,plt,卷积,self,网络,简单,model,save,history
来源: https://blog.csdn.net/weixin_44373480/article/details/121585535

本站声明: 1. iCode9 技术分享网(下文简称本站)提供的所有内容,仅供技术学习、探讨和分享;
2. 关于本站的所有留言、评论、转载及引用,纯属内容发起人的个人观点,与本站观点和立场无关;
3. 关于本站的所有言论和文字,纯属内容发起人的个人观点,与本站观点和立场无关;
4. 本站文章均是网友提供,不完全保证技术分享内容的完整性、准确性、时效性、风险性和版权归属;如您发现该文章侵犯了您的权益,可联系我们第一时间进行删除;
5. 本站为非盈利性的个人网站,所有内容不会用来进行牟利,也不会利用任何形式的广告来间接获益,纯粹是为了广大技术爱好者提供技术内容和技术思想的分享性交流网站。

专注分享技术,共同学习,共同进步。侵权联系[81616952@qq.com]

Copyright (C)ICode9.com, All Rights Reserved.

ICode9版权所有