Principle summary and implementation of convolutional neural network based on PyTorch

1. General 1.1 introduction of convolutional neural network In the previous blog, we made an implementation of fully connected neural network. Among them, the input layer has 784 (28 * 28 picture) elements, the four hidden layers have 400, 300, 200 and 100 neurons respectively, and the output layer includes 10 categories of handwritten digits ...

Added by Candise on Sun, 23 Jan 2022 14:53:36 +0200

Python error note: Python's torch Normal() function

0. Preface In the middle, there are many process notes to modify the code, which are not available. They are only used to record ideas. If you want to see the final code, turn to the bottom directly. Run Li Mo 2021 deep learning linear regression code as follows def synthetic_data(w, b, num_examples): """generate y = Xw + b + Noise."" ...

Added by thedotproduct on Sun, 23 Jan 2022 06:08:32 +0200

torch.optim.lr_scheduler -- learning rate adjustment summary

Reference link: https://blog.csdn.net/qyhaill/article/details/103043637 Call example: import torch import torch.nn as nn from torch.optim.lr_scheduler import LambdaLR initial_lr = 5 class model(nn.Module): def __init__(self): super().__init__() self.conv1 = nn.Conv2d(in_channels=3, out_channels=3, kernel_size=3) def ...

Added by jamesp on Sat, 22 Jan 2022 12:00:45 +0200

Implementation of Pytorch single machine multi card GPU (principle overview, basic framework and common error reporting)

Implementation of Pytorch single machine multi card GPU (principle overview, basic framework and common error reporting)   usually, when large-scale training tasks are required such as pre training, it is difficult for a single card to meet the needs. Therefore, resources such as clusters need to be used to meet the needs of acceleration. ...

Added by arcanechaos on Sat, 22 Jan 2022 08:40:29 +0200

Run yolov5 on Xavier and solve the pytorch version compatibility problem

This article mainly describes how I r u n yolov5:v4.0 on Jetson AGX Xavier 0 My Xavier configuration: JetPack: 4.3cuda:10.0python:3.6.9 YOLOv5 The download training reasoning here runs on the server. Download yolov5: git clone https://github.com/Oswells/yolov5.git Note: This is fork ultralytics/**yolov5 **Yolo V5, version 4.0 of the gre ...

Added by jstgermain on Sat, 22 Jan 2022 02:22:59 +0200

yolov5 train your own dataset

The position of yolo Series in the field of target detection goes without saying. There is a code for training yolov5 implemented by pytorch on github. This paper will use its own data to train a yolov5 model. Reference code address https://github.com/ultralytics/yolov5/tags Note that here we select v1.0 under tags 0 version for training, d ...

Added by Sakesaru on Fri, 21 Jan 2022 10:43:30 +0200

Learning notes from scratch of 3.6 softmax regression in hands on deep learning + PyTorch

preface Softmax regression, also known as multiple or multi class Logistic regression, is the generalization of Logistic regression in multi classification problems. 1, Training set and test set Use the data set fashion MNIST obtained in the previous section. 2, Steps 1. Import and storage import torch import torchvision import nu ...

Added by petitduc on Thu, 20 Jan 2022 21:53:13 +0200

60 minute entry depth learning tool (code comments plus learning pytorch)

preface Original translation from: Deep Learning with PyTorch: A 60 Minute Blitz Translation: Lin Yun catalogue 60 minute introduction to PyTorch (I) - Tensors 60 minute introduction to PyTorch (II) -- Autograd automatic derivation 60 minute introduction to pytoch (III) -- neural network 60 minute introduction to PyTorch (IV) -- training ...

Added by harley1387 on Thu, 20 Jan 2022 16:50:13 +0200

Pytorch Basics (14) video classification based on pytorch

So far, we have only processed images. We have established various image classification, detection and segmentation models. We can even generate new images (noise) out of thin air. But the image is still. There is no motion in the still image. Real happiness comes from exercise. That's how video works. In fact, video is not much more complex t ...

Added by RJP1 on Thu, 20 Jan 2022 07:21:36 +0200

[PYG] summary of common and mining pits

catalogue I Use of PyG 1. Overall introduction 1.1 processing of drawing data 1.2 common graph neural network data sets 1.3 how to load a dataset 2. Establishment of spatial map convolution neural network 2.1 implementation of GCN 2.2 implementation of edge revolution 3. Self mapping neural network data set 3.1 create a graph datase ...

Added by abushahin on Thu, 20 Jan 2022 01:54:57 +0200