일 | 월 | 화 | 수 | 목 | 금 | 토 |
---|---|---|---|---|---|---|
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 |
- 오류
- paramiko
- C#
- error
- Visual Studio
- 프로그래머스
- ubuntu
- OpenCV
- 채보
- pandas
- mysql
- Numpy
- VS Code
- label
- Selenium
- 기타 연주
- 컨테이너
- Linux
- pip
- YOLO
- LIST
- Docker
- JSON
- pytorch
- windows forms
- Python
- C++
- C
- 핑거스타일
- SSH
- Today
- Total
목록AI (32)
기계는 거짓말하지 않는다
torchvision.transforms.Resize에서 size 매개변수는 두 가지 사용 방식이 있다.매개변수는 int와 tuple 형식의 (height, width)을 전달할 수 있다.transforms.Resize(256)매개변수에 int 형식을 전달하면 짧은 축을 기준으로 크기를 조정한다.이는 종횡비가 유지된다.입력 이미지의 가로 또는 세로 길이 중 짧은 쪽이 256 픽셀이 되도록 이미지의 크기를 조정한다.긴 쪽은 원래 비율을 유지하면서 비례적으로 조정한다.원본 이미지가 800 x 600(width x height)인 경우, 짧은 축인 세로 길이가 256 픽셀로 조정된다.가로 길이는 size * width / height인 341 픽셀이 된다.transforms.Resize(256, 256)매개변..
Creating a tensor from a list of numpy.ndarrays is extremely slow.Please consider converting the list to a single numpy.ndarray with numpy.array()before converting to a tensor.Pytorch에서 List에 다수의 numpy.ndarray가 있을 경우 torch.tensor로 변환하는 경우 발생한다.이렇게 하면 성능이 저하될 수 있고, List를 단일 numpy.ndarray로 변환 후 tensor로 다시 변환하여야 한다.import numpy as npimport torchdef convert_to_tensor(list_of_arrays): # 리스트를 numpy..
Python torch 프레임워크 실행 시 다음과 같은 오류가 발생한 경우Could not load library libcudnn_cnn_train.so.8. Error: /usr/local/cuda-12.2/lib64/libcudnn_cnn_train.so.8: undefined symbol: _ZN5cudnn3cnn34layerNormFwd_execute_internal_implERKNS_7backend11VariantPackEP11CUstream_stRNS0_18LayerNormFwdParamsERKNS1_20NormForwardOperationEmb, version libcudnn_cnn_infer.so.8Traceback (most recent call last): File "/python_p..
YOLO 텍스트로 된 라벨 bbox를 이용하여 object들을 crop 하여 이미지로 저장하는 코드이다.확장자나 경로는 사용자에 맞게 바꿔야 한다.이미지, 라벨 이름의 짝과 개수가 맞는지는 코드 실행 전 검사하여야 한다.import cv2import osimport globdef get_x_y_points(point1_x, point1_y, point2_x, point2_y): xmin, ymin, xmax, ymax = 0, 0, 0, 0 if point1_x point2_x and point1_y point2_y: xmin = point1_x ymin = point2_y xmax = point2_x ymax = point1_y ..
YOLO 텍스트로 된 라벨 bbox를 이미지에 표시하는 샘플 코드이다. 다른 용도로 변형 가능하며, 경로는 사용자에 맞게 바꿔야 한다. import os import glob import cv2 import shutil import numpy as np # opencv 한글 경로 읽을 수 있도록 def imread(file_path): f = open(file_path.encode("utf-8"), "rb") bytes = bytearray(f.read()) npArr = np.asarray(bytes, dtype=np.uint8) return cv2.imdecode(npArr, cv2.IMREAD_UNCHANGED) # image, label 짝 체크 def pair_img_label_check(img..
Pytorch 모델 사용 시, 입력 텐서와 가중치 텐서의 데이터 유형이 서로 일치하지 않을 때 발생할 수 있는 오류이다. 아래는 오류 내용들이다. RuntimeError: Input type (torch.FloatTensor) and weight type (torch.cuda.FloatTensor) should be the same or input should be a MKLDNN tensor and weight is a dense tensor RuntimeError: Input type (torch.cuda.HalfTensor) and weight type (torch.cuda.FloatTensor) should be the same ~ to() method를 이용해 같은 데이터 유형으로 만들어주면 된..
Tensorflow 2.10 GPU 버전을 사용하였다. keras 모델 fit 함수에서 오류가 발생했다. 아래는 오류 내용이다. tensors = pywrap_tfe.TFE_Py_Execute(ctx._handle, device_name, op_name, tensorflow.python.framework.errors_impl.UnimplementedError: Graph execution error: ... Deterministic GPU implementation of unsorted segment reduction op not available. [[{{node gradient_tape/sparse_categorical_crossentropy/SparseSoftmaxCrossEntropyWithLog..
torch의 load를 이용하여 model weight를 불러올 때, module. model 등이 key 값에 더 붙어있거나, key 이름이 다른 경우 변경하여 가지고 올 수 있다. 단, model 구조는 같아야 한다. state_dict = checkpoint[state_key] new_state_dict = {} # load된 model의 key에 model. 이 붙어있을 경우 제거 for k, v in state_dict.items(): if "model." in k: name = k[6:] new_state_dict[name] = v print(new_state_dict.keys()) if len(new_state_dict.keys()) == 0: model.load_state_dict(stat..