IT数码 购物 网址 头条 软件 日历 阅读 图书馆
TxT小说阅读器
↓语音阅读,小说下载,古典文学↓
图片批量下载器
↓批量下载图片,美女图库↓
图片自动播放器
↓图片自动播放器↓
一键清除垃圾
↓轻轻一点,清除系统垃圾↓
开发: C++知识库 Java知识库 JavaScript Python PHP知识库 人工智能 区块链 大数据 移动开发 嵌入式 开发工具 数据结构与算法 开发测试 游戏开发 网络协议 系统运维
教程: HTML教程 CSS教程 JavaScript教程 Go语言教程 JQuery教程 VUE教程 VUE3教程 Bootstrap教程 SQL数据库教程 C语言教程 C++教程 Java教程 Python教程 Python3教程 C#教程
数码: 电脑 笔记本 显卡 显示器 固态硬盘 硬盘 耳机 手机 iphone vivo oppo 小米 华为 单反 装机 图拉丁
 
   -> 人工智能 -> test1 -> 正文阅读

[人工智能]test1


import sklearn.preprocessing
import tensorflow as tf
import matplotlib.pyplot as plt
from tensorflow.keras.preprocessing.image import ImageDataGenerator
from sklearn.metrics import classification_report
from sklearn.metrics import f1_score,accuracy_score

from network import *
from load import *
from load_2 import *
# import load_2

BS =300
EPOCHS = 500
NUM_C = 21
d_LEARNING_RATE = 0.005
BETA_1 = 0.5




def train():

    #读取网络输入数据
    X_train, y_train, X_test, y_test = load_2()
    # print(X_train.shape)

    # 转换为one_hot类型
    # Y_train_one = tf.keras.utils.to_categorical(y_train,num_classes=NUM_C)
    # Y_test_one = tf.keras.utils.to_categorical(y_test,num_classes=NUM_C)
    # Y_train_one = tf.one_hot(y_train, NUM_C)
    # Y_test_one = tf.one_hot(y_test, NUM_C)


    #构建CNN分类网络
    d = CNN_focus_predict_model()
    #编译CNN分类网络
    d_optimizer = tf.keras.optimizers.Adam(lr=d_LEARNING_RATE, beta_1=BETA_1)
    d.compile(loss='mean_squared_error', optimizer=d_optimizer, metrics=['accuracy']) #loss='categorical_crossentropy'
    #训练方法1
    H = d.fit(X_train, y_train, batch_size=100, epochs=EPOCHS, verbose=2)
    # #训练方法2
    # aug = ImageDataGenerator(rotation_range=30, width_shift_range=0.1,
    #                          height_shift_range=0.1, shear_range=0.2, zoom_range=0.2,
    #                          horizontal_flip=True, fill_mode="nearest")
    # H = d.fit_generator(aug.flow(X_train, Y_train_one, batch_size=BS),steps_per_epoch=len(X_train) // BS,
    #                         epochs=EPOCHS)

    # 评估模型
    score = d.evaluate(X_test, y_test, verbose=0)
    print('Test score:', score[0])
    # print('Test accuracy:', score[1])

    # 测试
    # lb = sklearn.preprocessing.MultiLabelBinarizer()
    # print("------测试网络------")
    # predictions = d.predict(X_test, batch_size=32)
    # print(classification_report(y_test.argmax(axis=1),
    #                             predictions.argmax(axis=1), target_names=lb.classes_))

    #绘制loss曲线
    N1 = np.arange(0, EPOCHS)
    plt.style.use("ggplot")
    plt.figure()
    plt.plot(N1, H.history["loss"], label="train_loss")
    # plt.plot(N1, H.history["accuracy"], label="train_acc")
    plt.title("Training Loss")
    plt.xlabel("Epoch #")
    plt.ylabel("Loss/Accuracy")
    plt.legend()
    plt.savefig('huigui_loss.png')

    #绘制预测结果图(回归问题)
    y_test_len = len(y_test)
    N = np.arange(0, y_test_len)
    Y_pred = d.predict(X_test)

    plt.style.use("ggplot")
    plt.figure()
    plt.scatter(N, y_test, label="sample",color='red',marker =".",s= 10)
    plt.scatter(N, Y_pred, label="predict",color='blue',marker ="." ,s=10)
    # plt.plot(N, Y_pred, label="predict",color='blue',linestyle='--')
    plt.title("Sample points and predicted results")
    plt.legend() #画图lable
    plt.savefig('huigui_sample.png')



    #保存训练网络参数
    d.save_weights("./generator_weight.h5", True)





if __name__ == "__main__":
    train()
  人工智能 最新文章
2022吴恩达机器学习课程——第二课(神经网
第十五章 规则学习
FixMatch: Simplifying Semi-Supervised Le
数据挖掘Java——Kmeans算法的实现
大脑皮层的分割方法
【翻译】GPT-3是如何工作的
论文笔记:TEACHTEXT: CrossModal Generaliz
python从零学(六)
详解Python 3.x 导入(import)
【答读者问27】backtrader不支持最新版本的
上一篇文章      下一篇文章      查看所有文章
加:2021-08-27 11:51:08  更:2021-08-27 11:53:44 
 
开发: C++知识库 Java知识库 JavaScript Python PHP知识库 人工智能 区块链 大数据 移动开发 嵌入式 开发工具 数据结构与算法 开发测试 游戏开发 网络协议 系统运维
教程: HTML教程 CSS教程 JavaScript教程 Go语言教程 JQuery教程 VUE教程 VUE3教程 Bootstrap教程 SQL数据库教程 C语言教程 C++教程 Java教程 Python教程 Python3教程 C#教程
数码: 电脑 笔记本 显卡 显示器 固态硬盘 硬盘 耳机 手机 iphone vivo oppo 小米 华为 单反 装机 图拉丁

360图书馆 购物 三丰科技 阅读网 日历 万年历 2024年11日历 -2024/11/1 12:33:35-

图片自动播放器
↓图片自动播放器↓
TxT小说阅读器
↓语音阅读,小说下载,古典文学↓
一键清除垃圾
↓轻轻一点,清除系统垃圾↓
图片批量下载器
↓批量下载图片,美女图库↓
  网站联系: qq:121756557 email:121756557@qq.com  IT数码