当前位置:网站首页>B站刘二大人-数据集及数据加载 Lecture 8
B站刘二大人-数据集及数据加载 Lecture 8
2022-07-06 05:33:00 【宁然也】
系列文章:
y_pred = model(x_data)是 使用所有的数据
想进行批处理,了解几个概念
import torch
from torch.utils.data import Dataset #Dataset抽象子类,需要继承
from torch.utils.data import DataLoader #DataLoade用来加载数据

def getitem(self, index):
def len(self): 返回数据集长度
dataset = DiabetesDataset() 构造DiabetesDataset对象
train_loader = DataLoader(dataset=dataset,
batch_size=32,
shuffle=True,
num_workers=2) 初始化参数
import numpy as np
import torch
import matplotlib.pyplot as plt
# Dataset是抽象类
from torch.utils.data import Dataset
# DataLoader 是抽象类
from torch.utils.data import DataLoader
class LogisticRegressionModel(torch.nn.Module):
def __init__(self):
super(LogisticRegressionModel, self).__init__()
# 输入维度8输出维度6
self.lay1 = torch.nn.Linear(8,6)
self.lay2 = torch.nn.Linear(6,4)
self.lay3 = torch.nn.Linear(4,1)
self.sigmod = torch.nn.Sigmoid()
def forward(self,x):
x = self.sigmod(self.lay1(x))
x = self.sigmod(self.lay2(x))
x = self.sigmod(self.lay3(x))
return x
class DiabetesDataset(Dataset):
def __init__(self, filepath):
xy = np.loadtxt(filepath, delimiter=',', dtype=np.float32)
self.len = xy.shape[0]
self.x_data = torch.from_numpy(xy[:,:-1])
self.y_data = torch.from_numpy(xy[:, [-1]])
def __getitem__(self, index):
return self.x_data[index], self.y_data[index]
def __len__(self):
return self.len
dataset = DiabetesDataset("./datasets/diabetes.csv.gz")
train_loader = DataLoader(dataset=dataset, batch_size=32, shuffle=True)
model = LogisticRegressionModel()
criterion = torch.nn.BCELoss(reduction='mean')
optimizer = torch.optim.SGD(model.parameters(), lr=0.005)
epoch_list = []
loss_list = []
for epoch in range(100):
for i, data in enumerate(train_loader, 0):
# 1-加载数据
inputs, label = data
# 2-forward
y_pred = model(inputs)
loss = criterion(y_pred, label)
epoch_list.append(epoch)
loss_list.append(loss.item())
optimizer.zero_grad()
# 3-反向传播
loss.backward()
# Update
optimizer.step()
plt.plot(epoch_list, loss_list)
plt.xlabel("epoch")
plt.ylabel("loss")
plt.show()

MNIST数据集导入
import torch
from torch.utils.data import DataLoader,Dataset
from torchvision import datasets,transforms
train_dataset = datasets.MNIST(root='./datasets/mnist', train=True,
transform=transforms.ToTensor(),
download=True)
test_dataset = datasets.MNIST(root='./datasets/mnist', train=False,
transform=transforms.ToTensor(),
download=True)
train_loader = DataLoader(dataset=datasets, batch_size=32,
shuffle=True)
test_loader = DataLoader(dataset=test_dataset, batch_size=32,
shuffle=False)
for batch_idx, (inouts, target) in enumerate(test_loader):
pass
边栏推荐
- SQLite queries the maximum value and returns the whole row of data
- 剑指 Offer II 039. 直方图最大矩形面积
- 27io stream, byte output stream, OutputStream writes data to file
- F12 solve the problem that web pages cannot be copied
- 04. 项目博客之日志
- Game push image / table /cv/nlp, multi-threaded start
- UCF(暑期团队赛二)
- ARTS Week 25
- MySQL advanced learning summary 9: create index, delete index, descending index, and hide index
- Promotion hung up! The leader said it wasn't my poor skills
猜你喜欢

Modbus protocol communication exception

PDK process library installation -csmc

巨杉数据库再次亮相金交会,共建数字经济新时代

The ECU of 21 Audi q5l 45tfsi brushes is upgraded to master special adjustment, and the horsepower is safely and stably increased to 305 horsepower

05. Security of blog project

59. Spiral matrix

Remember an error in MySQL: the user specified as a definer ('mysql.infoschema '@' localhost ') does not exist

Installation de la Bibliothèque de processus PDK - csmc

Vulhub vulnerability recurrence 69_ Tiki Wiki

Pointer classic written test questions
随机推荐
【华为机试真题详解】统计射击比赛成绩
Talking about the type and function of lens filter
The ECU of 21 Audi q5l 45tfsi brushes is upgraded to master special adjustment, and the horsepower is safely and stably increased to 305 horsepower
26file filter anonymous inner class and lambda optimization
jdbc使用call调用存储过程报错
Installation de la Bibliothèque de processus PDK - csmc
Self built DNS server, the client opens the web page slowly, the solution
PDK工藝庫安裝-CSMC
The ECU of 21 Audi q5l 45tfsi brushes is upgraded to master special adjustment, and the horsepower is safely and stably increased to 305 horsepower
The ECU of 21 Audi q5l 45tfsi brushes is upgraded to master special adjustment, and the horsepower is safely and stably increased to 305 horsepower
图数据库ONgDB Release v-1.0.3
【LeetCode】18、四数之和
Please wait while Jenkins is getting ready to work
ARTS Week 25
HAC cluster modifying administrator user password
C Advanced - data storage (Part 1)
备忘一下jvxetable的各种数据集获取方法
JDBC calls the stored procedure with call and reports an error
Mysql高级篇学习总结9:创建索引、删除索引、降序索引、隐藏索引
C# AES对字符串进行加密