GAN animation character avatar generation

GAN animation character avatar generation 1. Introduction A simple DCGAN network is built to generate the avatars of animation characters. The avatar data set of animation characters is taken from kaggle, and the website is as follows link 2. Network structure data setgenerator Discriminator 2.1 data set The data size is 64x64x3, and the ...

Posted by RHolm on Thu, 24 Feb 2022 09:05:11 +0100

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

opencv geometric transformation (python)

Geometric transformation Geometric transformation refers to the operation of mapping one image to another. zoom Use function CV2 Resize() to zoom the image dst = cv2.resize( src, dsize[, fx[, fy[, interpolation]]] ) dst represents the output target image. The type of the image is the same as src, and its size is dsize (when the value ...

Posted by forcom on Wed, 23 Feb 2022 15:54:59 +0100

Normalized opencv template after pit matching

Normalized opencv template after pit matching Direct code #include<opencv2/opencv.hpp> using namespace cv; using namespace std; int main(){ ///Single template matching //Mat temp = imread("D://jy7188//cppProject//image//23//huge_eye.png"); // Template image Mat temp = imread("D://jy7188//cppProject//image//23//temp ...

Posted by rob on Tue, 22 Feb 2022 10:39:12 +0100

opencv template matching

template matching Template matching is often used in image processing. This algorithm is mainly used to find the same area in the image as the template image. In addition, it is also used for image positioning. The specified position is found through template matching, and then subsequent processing is carried out. The principle of templa ...

Posted by PHPGuru_2700 on Mon, 21 Feb 2022 10:38:24 +0100

tensorflow2 implements yolov3 and uses opencv4 5.5 DNN loading model prediction

overview For those detectors running on GPU platform, their backbone network may be VGG, ResNet, ResNeXt or DenseNet. For those detectors running on the CPU platform, their detectors may be SqueezeNet, MobileNet and shufflenet. The most representative two-stage target detector R-CNN series include fast R-CNN, fast R-CNN, R-FCN [9], Libra ...

Posted by MisterWebz on Mon, 21 Feb 2022 06:15:54 +0100

BM3D algorithm semi solution with python code

1. Ideas There are some similarities between BM3D and NLM algorithms. NLM has written before: go to They all use the features of other regions of the image and the current block features to fuse into denoised image blocks. The main differences are as follows:         1. Search only within a fixed radi ...

Posted by mattachoo on Sun, 20 Feb 2022 16:25:39 +0100

[Valentine's day limit] dog food artifact in the circle of friends_ copy

[exclusive for Valentine's day] dog food is sprinkled in the circle of friends, which is a high force artifact Reprinted from AI Studio Title item link https://aistudio.baidu.com/aistudio/projectdetail/3472196 The annual Valentine's Day is coming. Are all those who have objects worried about how to make a high-profile circle of friends. As a ...

Posted by Neoraven456 on Sun, 20 Feb 2022 10:40:10 +0100

[personal notes] OpenCV4 C + + image processing and video analysis 13 lessons

Personal data, for learning purposes only Modification time - 21:11:31, February 19, 2022 Course of study: OpenCV4 image processing and video analysis practical tutorial Lecturer: Jia Zhigang 13 custom filtering opencv knowledge points: Convolute image with kernel - filter2DScaling takes absolute value and converts it to 8 bits - convertSc ...

Posted by johnnyblaze1980 on Sun, 20 Feb 2022 00:38:21 +0100

Several ways of cutting / Intercepting pictures in Python+opencv

preface In computer vision tasks, such as image classification, image data set is essential. The pictures collected by yourself often have a lot of noise or useless information, which will affect the model training. Therefore, the image needs to be cropped to prevent the useless information at the edge of the image from affecting the mod ...

Posted by jlive on Sat, 19 Feb 2022 16:52:33 +0100