手把手教你搭建第一个深度学习模型(附源码)

部署运行你感兴趣的模型镜像

选择框架与环境配置

推荐使用TensorFlow或PyTorch作为深度学习框架。安装Python 3.7+版本后,通过pip安装框架包:

pip install tensorflow  # 或 pip install torch torchvision

确保安装CUDA和cuDNN(若使用GPU加速),验证安装:

import tensorflow as tf
print(tf.__version__)  # 或 import torch; print(torch.__version__)

准备数据集

使用经典MNIST手写数字数据集作为入门示例。TensorFlow内置该数据集,可直接加载:

from tensorflow.keras.datasets import mnist
(train_images, train_labels), (test_images, test_labels) = mnist.load_data()

数据需归一化到[0,1]范围:

train_images = train_images.reshape((60000, 28*28)).astype('float32') / 255
test_images = test_images.reshape((10000, 28*28)).astype('float32') / 255

构建神经网络模型

创建一个简单的全连接网络:

from tensorflow.keras import models, layers
model = models.Sequential()
model.add(layers.Dense(512, activation='relu', input_shape=(28*28,)))
model.add(layers.Dense(10, activation='softmax'))

使用交叉熵损失和Adam优化器:

model.compile(optimizer='adam',
              loss='sparse_categorical_crossentropy',
              metrics=['accuracy'])

训练与评估

训练模型(batch_size根据需要调整):

model.fit(train_images, train_labels, epochs=5, batch_size=128)

测试集评估性能:

test_loss, test_acc = model.evaluate(test_images, test_labels)
print(f'Test accuracy: {test_acc:.4f}')

预测与可视化

进行单样本预测:

import numpy as np
predictions = model.predict(test_images[:1])
print(np.argmax(predictions[0]))

可视化真实标签与预测对比:

import matplotlib.pyplot as plt
plt.imshow(test_images[0].reshape(28,28), cmap='gray')
plt.title(f'Label: {test_labels[0]}')
plt.show()

完整代码可保存为.py文件直接运行。建议逐步调整网络层数、激活函数等参数观察效果变化。

您可能感兴趣的与本文相关的镜像

PyTorch 2.5

PyTorch 2.5

PyTorch
Cuda

PyTorch 是一个开源的 Python 机器学习库,基于 Torch 库,底层由 C++ 实现,应用于人工智能领域,如计算机视觉和自然语言处理

评论
添加红包

请填写红包祝福语或标题

红包个数最小为10个

红包金额最低5元

当前余额3.43前往充值 >
需支付:10.00
成就一亿技术人!
领取后你会自动成为博主和红包主的粉丝 规则
hope_wisdom
发出的红包

打赏作者

shayudiandian

你的鼓励将是我创作的最大动力

¥1 ¥2 ¥4 ¥6 ¥10 ¥20
扫码支付:¥1
获取中
扫码支付

您的余额不足,请更换扫码支付或充值

打赏作者

实付
使用余额支付
点击重新获取
扫码支付
钱包余额 0

抵扣说明:

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

余额充值