当前位置: 首页 > news >正文

用自己的服务器建网站免费发布卖车信息网站

用自己的服务器建网站,免费发布卖车信息网站,12306建网站多少钱,wordpress不用插件CNN 网络适用于图片识别#xff0c;卷积神经网络主要用于图片的处理识别。卷积神经网络#xff0c;包括一下几部分#xff0c;输入层、卷积层、池化层、全链接层和输出层。 使用 CIFAR-10 进行训练#xff0c; CIFAR-10 中图片尺寸为 32 * 32。卷积层通过卷积核移动进行计…CNN 网络适用于图片识别卷积神经网络主要用于图片的处理识别。卷积神经网络包括一下几部分输入层、卷积层、池化层、全链接层和输出层。 使用 CIFAR-10 进行训练 CIFAR-10 中图片尺寸为 32 * 32。卷积层通过卷积核移动进行计算最终生成特征图。 通过池化层进行降维度 卷积网络结构从输入到输出 3* 32*32 -- 10 类型WeightBIAS卷积(3, 12, 5)(12, 3, 5, 5)12卷积(12, 12, 5)(12, 12, 5, 5)12Norm1212卷积(12, 24, 5)(24, 12, 5, 5)24卷积(24 24, 5)(24, 24, 5, 5)24Norm2424Linear(10, 2400)10 训练分类模型 准备数据 from torchvision.datasets import CIFAR10 from torchvision.transforms import transforms from torch.utils.data import DataLoader# Loading and normalizing the data. # Define transformations for the training and test sets transformations transforms.Compose([transforms.ToTensor(),transforms.Normalize((0.5, 0.5, 0.5), (0.5, 0.5, 0.5)) ])# CIFAR10 dataset consists of 50K training images. We define the batch size of 10 to load 5,000 batches of images. batch_size 10 number_of_labels 10 # Create an instance for training. # When we run this code for the first time, the CIFAR10 train dataset will be downloaded locally. train_set CIFAR10(root./data,trainTrue,transformtransformations,downloadTrue)# Create a loader for the training set which will read the data within batch size and put into memory. train_loader DataLoader(train_set, batch_sizebatch_size, shuffleTrue, num_workers0) print(The number of images in a training set is: , len(train_loader)*batch_size)# Create an instance for testing, note that train is set to False. # When we run this code for the first time, the CIFAR10 test dataset will be downloaded locally. test_set CIFAR10(root./data, trainFalse, transformtransformations, downloadTrue)# Create a loader for the test set which will read the data within batch size and put into memory. # Note that each shuffle is set to false for the test loader. test_loader DataLoader(test_set, batch_sizebatch_size, shuffleFalse, num_workers0) print(The number of images in a test set is: , len(test_loader)*batch_size)print(The number of batches per epoch is: , len(train_loader)) classes (plane, car, bird, cat, deer, dog, frog, horse, ship, truck)创建网络 import torch import torch.nn as nn import torchvision import torch.nn.functional as F# Define a convolution neural network class Network(nn.Module):def __init__(self):super(Network, self).__init__()self.conv1 nn.Conv2d(in_channels3, out_channels12, kernel_size5, stride1, padding1)self.bn1 nn.BatchNorm2d(12)self.conv2 nn.Conv2d(in_channels12, out_channels12, kernel_size5, stride1, padding1)self.bn2 nn.BatchNorm2d(12)self.pool nn.MaxPool2d(2,2)self.conv4 nn.Conv2d(in_channels12, out_channels24, kernel_size5, stride1, padding1)self.bn4 nn.BatchNorm2d(24)self.conv5 nn.Conv2d(in_channels24, out_channels24, kernel_size5, stride1, padding1)self.bn5 nn.BatchNorm2d(24)self.fc1 nn.Linear(24*10*10, 10)def forward(self, input):output F.relu(self.bn1(self.conv1(input))) output F.relu(self.bn2(self.conv2(output))) output self.pool(output) output F.relu(self.bn4(self.conv4(output))) output F.relu(self.bn5(self.conv5(output))) output output.view(-1, 24*10*10)output self.fc1(output)return output# Instantiate a neural network model model Network()定义损失函数 使用交叉熵函数作为损失函数交叉熵分为两种 二分类交叉熵函数 多分类交叉熵函数 loss_fn nn.CrossEntropyLoss() optimizer Adam(model.parameters(), lr0.001, weight_decay0.0001)模型训练 from torch.autograd import Variable# Function to save the model def saveModel():path ./myFirstModel.pthtorch.save(model.state_dict(), path)# Function to test the model with the test dataset and print the accuracy for the test images def testAccuracy():model.eval()accuracy 0.0total 0.0device torch.device(cuda:0 if torch.cuda.is_available() else cpu)with torch.no_grad():for data in test_loader:images, labels data# run the model on the test set to predict labelsoutputs model(images.to(device))# the label with the highest energy will be our prediction_, predicted torch.max(outputs.data, 1)total labels.size(0)accuracy (predicted labels.to(device)).sum().item()# compute the accuracy over all test imagesaccuracy (100 * accuracy / total)return(accuracy)# Training function. We simply have to loop over our data iterator and feed the inputs to the network and optimize. def train(num_epochs):best_accuracy 0.0# Define your execution devicedevice torch.device(cuda:0 if torch.cuda.is_available() else cpu)print(The model will be running on, device, device)# Convert model parameters and buffers to CPU or Cudamodel.to(device)for epoch in range(num_epochs): # loop over the dataset multiple timesrunning_loss 0.0running_acc 0.0for i, (images, labels) in enumerate(train_loader, 0):# get the inputsimages Variable(images.to(device))labels Variable(labels.to(device))# zero the parameter gradientsoptimizer.zero_grad()# predict classes using images from the training setoutputs model(images)# compute the loss based on model output and real labelsloss loss_fn(outputs, labels)# backpropagate the lossloss.backward()# adjust parameters based on the calculated gradientsoptimizer.step()# Lets print statistics for every 1,000 imagesrunning_loss loss.item() # extract the loss valueif i % 1000 999: # print every 1000 (twice per epoch) print([%d, %5d] loss: %.3f %(epoch 1, i 1, running_loss / 1000))# zero the lossrunning_loss 0.0# Compute and print the average accuracy fo this epoch when tested over all 10000 test imagesaccuracy testAccuracy()print(For epoch, epoch1,the test accuracy over the whole test set is %d %% % (accuracy))# we want to save the model if the accuracy is the bestif accuracy best_accuracy:saveModel()best_accuracy accuracy测试模型 import matplotlib.pyplot as plt import numpy as np# Function to show the images def imageshow(img):img img / 2 0.5 # unnormalizenpimg img.numpy()plt.imshow(np.transpose(npimg, (1, 2, 0)))plt.show()# Function to test the model with a batch of images and show the labels predictions def testBatch():# get batch of images from the test DataLoader images, labels next(iter(test_loader))# show all images as one image gridimageshow(torchvision.utils.make_grid(images))# Show the real labels on the screen print(Real labels: , .join(%5s % classes[labels[j]] for j in range(batch_size)))# Lets see what if the model identifiers the labels of those exampleoutputs model(images)# We got the probability for every 10 labels. The highest (max) probability should be correct label_, predicted torch.max(outputs, 1)# Lets show the predicted labels on the screen to compare with the real onesprint(Predicted: , .join(%5s % classes[predicted[j]] for j in range(batch_size)))执行模型 if __name__ __main__:# Lets build our modeltrain(5)print(Finished Training)# Test which classes performed welltestAccuracy()# Lets load the model we just created and test the accuracy per labelmodel Network()path myFirstModel.pthmodel.load_state_dict(torch.load(path))# Test with batch of imagestestBatch()总结 pytorch 搭建一个 CNN 模型比较简单5 轮训练之后效果就可以达到 60%10 张图片中预测对了 6 张。
http://www.laogonggong.com/news/132425.html

相关文章:

  • 软件下载网站源码凡科做的微网站怎样连接公众号
  • 如何在网站中做内部链接福田网站设计
  • 哪个网站可以接工程做教师可以做网站吗
  • 怎么做网站版面分析十大排行装修公司
  • 请问婚庆网站建设该怎么做呢wordpress做相册
  • 有什么网站可以接手工加工做深圳建网站三千
  • 智慧团建网站链接免费ppt
  • flash网站怎么做音乐停止购买的网站怎么看网站空间大小
  • 网站建设用什么框架好wordpress media.php
  • .帮别人做网站微网站模板建设的选择
  • 国外做的好看的网站设计建站行业是什么意思
  • dede 网站版权信息世界500强企业名单
  • 小鱼在线网站建设如何进行网站设计规划
  • 青岛外贸网站制作网站设计经典案例欣赏
  • 门户网站舆情怎么做WordPress贴图库图片接口
  • 自己做视频的网站吗设计网站公司有哪些
  • 做响应式网站应该注意什么软件工程的定义
  • 安卓软件制作网站wordpress 重复标题
  • 花都网站制作最适合穷人的四种保险
  • 做网站时默认字体是微软雅黑网站为什么要进行内容更新吗
  • 做盗版视频网站吗wordpress动态二维码
  • 家居企业网站建设案例昭通昭阳区城乡建设管理局网站
  • 法律网站模板太原网站建设制作
  • 购物网站运营重庆网站建设哪家做的好
  • 创可贴设计网整站seo排名费用价格
  • 平面设计师网站优秀个人网站设计欣赏
  • 如何看访问网站的dns网站前瞻性_新流量机会内容建设分析
  • 网站建设百度经验企业站seo外包
  • 建设网站需要买什么手续有哪些网站做明星周边
  • 手机网站建设开发西双版纳傣族自治州天气预报15天