The fourth assignment: CNN actual combat
Use VGG model to fight cat and dog
import numpy as np
import matplotlib.pyplot as plt
import os
import shutil,os
import torch
import torch.nn as nn
import torchvision
from torchvision import models,transforms,datasets
import time
import json
# Determine whether there is a GPU device
device = torch.device("cuda:0" if torch.cuda.is_available() ...
Added by TonyIOD on Sat, 23 Oct 2021 10:17:43 +0300
CGAN implementation process
In this paper, MNIST data set is used for training, and the graphical method is used to show the difference between the input in CGAN and GAN, so as to help understand the operation process of CGAN
1, Principle
As shown in the figure below, when we input noise z, we add an additional restriction condition, z and c to obtain the generated ...
Added by AdamSnow on Sat, 23 Oct 2021 05:42:09 +0300
PyTorch Week 3 -- weight initialization
Catalogue of series articles
PyTorch Week 3 - nn.MaxPool2d, nn.AvgPool2d, nn.Linear, active layer PyTorch Week 3 - convolution PyTorch Week 3 -- container of nn.Module: Sequential, ModuleList, ModuleDice PyTorch Week 3 - model creation PyTorch Week 2 - Dataloader and Dataset PyTorch Week 1
preface
In this section, the principle of gradie ...
Added by vikramjeet.singla on Thu, 21 Oct 2021 21:48:55 +0300
PyTorch | torch.nn Toolkit - Containers
t
o
r
c
n
.
n
n
\qquad torcn.nn
torcn.nn is a modular interface specially desi ...
Added by runelore on Wed, 20 Oct 2021 21:20:38 +0300
In depth learning notes:
The previous article explained the logistic regression model of deep learning. This article will next talk about the vectorization of logistic regression and the basic code required for compilation.
1.sigmoid function:
The sigmoid function can be compiled using python's math libraryH ...
Added by lalov1 on Wed, 20 Oct 2021 09:40:55 +0300
ShapeNet dataset and dataset code analysis
1 data set introduction
ShpaeNet is a common data set in the point cloud. It can complete the task of component segmentation, that is, the component knows the segmentation of large data in the point cloud, and also needs to segment its widgets. It includes a total of 16 categories, each of which can be divided into several sub categories (for ...
Added by gintjack on Tue, 19 Oct 2021 07:07:24 +0300
100 cases of in-depth learning | day 33: Transfer Learning - practical case tutorial (a point that must be mastered)
What do I knowMy WeChat official accountMy CSDNDownload this article source code + dataNeed help.
Ctrl+D: favorite this page
In this tutorial, you will learn how to use migration learning to classify images of cats and dogs through a pre training network.
The pre training model is a saved network previously trained based on large data sets ...
Added by palpie on Mon, 18 Oct 2021 09:40:35 +0300
MMdetection official Chinese document 1: reasoning on standard data sets using existing models
MMdetection official Chinese document 1: reasoning on standard data sets using existing models
MMDetection in Model Zoo It provides hundreds of detection models and supports a variety of standard data sets, including Pascal, VOC, COCO, Cityscapes, LVIS, etc. This document will describe how to use these models and standard data sets to run some ...
Added by jjacquay712 on Sun, 17 Oct 2021 20:47:11 +0300
Optimizer and training process (can't learn to hit me)
Learning Summary
(1) Each optimizer is a class and must be instantiated before it can be used, for example:
class Net(nn.Moddule):
···
net = Net()
optim = torch.optim.SGD(net.parameters(), lr=lr)
optim.step()
(2) optimizer implements the following two steps in epoch of a neural network: Gradient zero, gradient update.
optimizer = torch ...
Added by juhl on Sat, 16 Oct 2021 19:35:25 +0300
Explanation of BILSTM-CRF code
BILSTM-CRF code
Code from Named entity recognition (NER): introduction to the principle of BiLSTM-CRF + pytoch_ Tutorial code parsing Part I: Guide Package 1.torch.nn package mainly contains Modules used to build each layer, such as full connection, two-dimensional convolution, pooling, etc; The torch.nn package also contains a series of usefu ...
Added by msurabbott on Fri, 15 Oct 2021 23:47:19 +0300