数字图像 深度学习实验

本文介绍了两个深度学习实验:1. 使用卷积神经网络(CNN)进行MNIST手写数字识别,构建包含5个卷积层的AlexNet框架,达到99.25%的测试准确率;2. 利用循环神经网络(LSTM)进行情感分析,通过训练数据集训练模型并评估其性能。
摘要由CSDN通过智能技术生成
  1. 根据mnist_cnn_to_student.py代码的提示,编写卷积神经网络代码,并尝试设计AlexNet框架(包含5个卷积层的神经网络),用于手写数字识别。

2.完成情感分析代码(基于循环神经网络)的运行与调试。

1.卷积神经网络

'''Trains a simple convnet on the MNIST dataset.

Gets to 99.25% test accuracy after 12 epochs

(there is still a lot of margin for parameter tuning).

16 seconds per epoch on a GRID K520 GPU.

'''

from __future__ import print_function

import keras

from keras.datasets import mnist

from keras.models import Sequential

from keras.layers import Dense, Dropout, Flatten

from keras.layers import Conv2D, MaxPooling2D

from keras import backend as K

batch_size = 128   # 一次训练所选取的样本数

num_classes = 10   # 分类的类别数

epochs = 12        # 完整的数据集所训练的次数

# 训练集有1000个样本,batchsize=10,那么:训练完整个样本集需要: 100次iteration,1次epoch。

# input image dimensions  数据的维数

img_rows, img_cols = 28, 28

# the data, split between train and test sets

(x_train, y_train), (x_test, y_test) = mnist.load_data()

if K.image_data_format() == 'channels_first':

    x_train = x_train.reshape(x_train.shape[0], 1, img_rows, img_cols)

    x_test = x_test.reshape(x_test.shape[0], 1, img_rows, img_cols)

    input_shape = (1, img_rows, img_cols)

else:

    x_train = x_train.reshape(x_train.shape[0], img_rows, img_cols, 1)

    x_test = x_test.reshape(x_test.shape[0], img_rows, img_cols, 1)

    input_shape = (img_rows, img_cols, 1)

x_train = x_train.astype('float32')   # 将uint8型数据转成float32

x_test = x_test.astype('float32')

x_train /= 255                     # 归一化处理

x_test /= 255

print('x_train shape:', x_train.shape)

print(x_train.shape[0], 'train samples')

print(x_test.shape[0], 'test samples')

# convert class vectors to binary class matrices  将类别向量转换为二进制类矩阵

y_train = keras.utils.to_categorical(y_train, num_classes)

y_test = keras.utils.to_categorical(y_test, num_classes)

model = Sequential()   # 接下来定义顺序模型,输入 28*28大小的图像

# 卷积层1,首先加入2D卷积层,卷积核大小3*3,通道数32,激活函数为relu

  • 0
    点赞
  • 3
    收藏
    觉得还不错? 一键收藏
  • 1
    评论
评论 1
添加红包

请填写红包祝福语或标题

红包个数最小为10个

红包金额最低5元

当前余额3.43前往充值 >
需支付:10.00
成就一亿技术人!
领取后你会自动成为博主和红包主的粉丝 规则
hope_wisdom
发出的红包
实付
使用余额支付
点击重新获取
扫码支付
钱包余额 0

抵扣说明:

1.余额是钱包充值的虚拟货币,按照1:1的比例进行支付金额的抵扣。
2.余额无法直接购买下载,可以购买VIP、付费专栏及课程。

余额充值