PP-YOLO: An Effective and Efficient Implementation of Object Detector arxiv.org/pdf/2007.12099v3.pdf Bag of Freebies for Training Object Detection Neural Networks arxiv.org/pdf/1902.04103.pdf YOLOv4: Optimal Speed and Accuracy of Object Detection arxiv.org/pdf/2004.10934.pdf
Backbone: CSPDarknet53 github.com/WongKinYiu/CrossStagePartialNetworks WongKinYiu/CrossStagePartialNetworks Cross Stage Partial Networks. Contribute to WongKinYiu/CrossStagePartialNetworks development by creating an account on GitHub. github.com Darknet2Pytorch github.com/Tianxiaomo/pytorch-YOLOv4/blob/master/tool/darknet2pytorch.py Tianxiaomo/pytorch-YOLOv4 PyTorch ,ONNX and TensorRT implementa..
github.com/ultralytics/yolov3/issues/1098 Memory Friendly Mish() Activation · Issue #1098 · ultralytics/yolov3 Hello, I tried yolov4.cfg on 2080Ti with input size 448*448, the training runs out of cuda memory even with batch size = 8 Have you tried the largest batch size value which won't break the cuda... github.com Mish activiation function을 사용하면 메모리 사용량이 크게 증가하는 것으로 보인다. Single Gpu에서 학습 가능한 모..
1. 이미지를 Load 한다. 2. 이미지를 Resize 한다. 3. (모델이 요구하는 인풋 텐서의 컬러 포맷이 RGB인 경우) 이미지의 컬러 포맷을 RGB로 변환한다. *OpenCV는 기본적으로 BGR 포맷으로 이미지를 처리한다. 4. 이미지를 텐서(torch::Tensor 형)로 변환한다. 5. 모델이 요구하는 인풋 텐서의 Shape에 맞도록 텐서를 Reshape한다. (본 예제에서는 NCHW 포맷을 따름) 6. 텐서를 정규화한다. 7. (GPU를 사용하는 경우) 텐서를 GPU 메모리로 업로드한다. cv::Mat img_bgr_u8 = cv::imread("your_image.jpg",cv::IMREAD_COLOR); cv::Mat img_rgb_u8; //resize cv::resize(img_bg..
import torch import torch.nn as nn class Model(nn.Module): def __init__(self): super(Model, self).__init__() self.conv1 = nn.Conv2d(3, 16, 3, 1, 1) self.bn1 = nn.BatchNorm2d(16) self.conv2 = nn.Conv2d(16, 16, 3, 1, 1) self.bn2 = nn.BatchNorm2d(16) def forward(self, x): x = torch.relu(self.bn1(self.conv1(x))) x = x + torch.relu(self.bn2(self.conv2(x))) return x input = torch.randn((1, 3, 736, 128..
github.com/pytorch/pytorch/blob/master/torch/nn/modules/conv.py pytorch/pytorch Tensors and Dynamic neural networks in Python with strong GPU acceleration - pytorch/pytorch github.com 위 파일에서 reset_parameters() 함수를 보면 됨.
github.com/pytorch/pytorch/issues/1917 Get a single batch from DataLoader without iterating · Issue #1917 · pytorch/pytorch Is it possible to get a single batch from a DataLoader? Currently, I setup a for loop and return a batch manually. If there isn't a way to do this with the DataLoader currently, I would be happ... github.com dataloader_iterator = iter(dataloader) for i in range(iterations):..
- Total
- Today
- Yesterday
- 문제집
- 백트래킹
- 조합
- 백준
- Lowest Common Ancestor
- FairMOT
- MOT
- 위상 정렬 알고리즘
- 자료구조
- C++ Deploy
- 인공지능을 위한 선형대수
- LCA
- 단축키
- 백준 1766
- cosine
- PyCharm
- ㅂ
- 백준 11437
- 가장 긴 증가하는 부분 수열
- 파이참
- 백준 11053
- 순열
- 이분탐색
일 | 월 | 화 | 수 | 목 | 금 | 토 |
---|---|---|---|---|---|---|
1 | 2 | 3 | 4 | |||
5 | 6 | 7 | 8 | 9 | 10 | 11 |
12 | 13 | 14 | 15 | 16 | 17 | 18 |
19 | 20 | 21 | 22 | 23 | 24 | 25 |
26 | 27 | 28 | 29 | 30 | 31 |