Copy of pointnet code (the most complete in the whole network) from scratch
import numpy as np
import matplotlib.pyplot as plt
import torch
import torch.nn as nn
import torch.nn.functional as F
import torch.optim as optim
from torch.utils.data import Dataset,DataLoader
import h5py
import glob
import os
import json
from tqdm import tqdm
import sys
import open3d as o3d
Written in the front, the directory structure of ...
Posted by dourvas on Wed, 23 Feb 2022 16:41:50 +0100
Deep learning pytorch framework -- convolutional neural network
This blog is only used to record the learning process, avoid forgetting and facilitate future review
Convolutional neural network is good at image processing. It is inspired by human visual nervous system. CNN has two characteristics: 1. It can effectively reduce the dimension of pictures with large amount of data into small amount of ...
Posted by thangappan on Tue, 22 Feb 2022 15:20:50 +0100
pytorch training classifier
Training a Classifier
We learned how to define the neural network, calculate the loss and update the network weight
What about data?
Usually, when you have to deal with images, text, audio or video, you can use a standard python package that can load data into a numpy array, and then convert the array to torch* Tensor
Image: pilot, opencvAu ...
Posted by hunainrasheed on Tue, 22 Feb 2022 14:24:29 +0100
PyTorch source code interpretation of BN & SyncBN: detailed explanation of BN and multi card synchronous BN
catalogue1. BatchNorm principle2. Implementation of PyTorch in batchnorm2.1 _NormBase class2.1.1 initialization2.1.2 analog BN forward2.1.3 running_mean,running_ Update of VaR2.1.4 update of \ gamma \ beta2.1.5 eval mode2.2 BatchNormNd class3. PyTorch implementation of syncbatchnorm3.1 forward3.2 backward1. BatchNorm principleBatchNorm was firs ...
Posted by SilverFoxDesign on Mon, 21 Feb 2022 05:40:53 +0100
PyTorch detailed common image data set loading and preprocessing (three kinds)
preface:
from torch.utils.data import Dataset
from torch.utils.data import DataLoader
import torchvision.transforms as transforms
1. Dataset in torch utils. data 2. It is required for loading text or image data sets, custom data sets, special formats or official data sets. DataLoader in 3,torch.utils.data uses this package for both text a ...
Posted by andre3 on Sun, 20 Feb 2022 18:19:23 +0100
Summary of six common methods of visual deep learning model architecture
Visualization helps to explain and understand the internal structure of deep learning model. Through the visualization of the model calculation diagram, we can find out how the neural network is calculated. The visualization of the model mainly includes the following aspects:How many layers does the model haveInput and output shapes of each lay ...
Posted by zonkd on Sun, 20 Feb 2022 05:26:17 +0100
[12] Introduction of auto encoder and implementation of pytorch
1. Introduction of self encoder
The idea of self Encoder is very simple. It is to convert an image into a code through Encoder, and then reconstruct the generated code into an image through Decoder, and then hope that the reconstructed image is closer to the original image.
1) Traditional self encoder
The traditional self encoder is rea ...
Posted by weazy on Sat, 19 Feb 2022 02:23:04 +0100
Pytorch: Target Detection Networks - Overview, Indicator Calculation and Use of Pre-training Networks
Pytorch: Overview of target detection networks, indicator calculation and use of pre-training networks
Copyright: Jingmin Wei, Pattern Recognition and Intelligent System, School of Artificial and Intelligence, Huazhong University of Science and Technology
Pytorch Tutorial Column Link
This tutorial is not commercial and is only for lear ...
Posted by Lyleyboy on Wed, 16 Feb 2022 18:11:43 +0100
pytorch learning notes 7: nn network layer - pool layer and linear layer
1, Pool layer
Pooling operation: to "collect" and "summarize" signals, which is similar to the pool collecting water resources, so it is named pooling layer.
Collection: from changeable to less, the size of the image changes from large to smallSummary: maximum / average The following is a schematic diagram of maximum pooli ...
Posted by jaret on Wed, 16 Feb 2022 16:47:37 +0100
[English text classification practice] Part III - Data Cleaning
·Please refer to the catalogue of this series: [English text classification practice] 1 - overview of practical projects ·Download the actual project resources: English text classification based on neural network zip(pytorch)
[1] Why clean text
this involves the two concepts of dictionary and word vector in the t ...
Posted by Jaguar on Wed, 16 Feb 2022 15:13:56 +0100