일 | 월 | 화 | 수 | 목 | 금 | 토 |
---|---|---|---|---|---|---|
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 |
- docker
- GIT
- cocre
- ssh
- 티스토리챌린지
- HookNet
- 히비스서커스
- vscode
- Jupyter notebook
- numpy
- 백신후원
- CellPin
- IVI
- docker attach
- 오블완
- aiffel exploration
- Multi-Resolution Networks for Semantic Segmentation in Whole Slide Images
- logistic regression
- 사회조사분석사2급
- airflow
- 기초확률론
- 코크리
- 프로그래머스
- AIFFEL
- cs231n
- docker exec
- Decision Boundary
- 도커
- WSSS
- Pull Request
- Today
- Total
목록Programming/Python (42)
히비스서커스의 블로그
발생한 에러 error: OpenCV(4.5.5) /io/opencv/modules/imgcodecs/src/loadsave.cpp:77: error: (-215:Assertion failed) pixels
상황 pandas를 이용하여 데이터프레임(DataFrame)을 csv파일로 저장한 후 불러오는 중 다음과 같은 에러가 발생하였다. 에러메시지 UnicodeDecodeError: 'utf-8' codec can't decode byte 0xa7 in position 7: invalid start byte 원인 데이터프레임 안에 한글이나 특수문자가 있기 때문 해결방법 데이터프레임 안에 csv파일로 저장할 시 encoding을 cp949로 해준거나 한글이나 특수문자를 영어로 바꿔준다. csv파일로 저장할 시 encoding을 cp949로 해주기 import pandas as pd # df는 이미 만들어놓은 데이터 프레임 df.to_csv('cm_column', encoding='cp494') 한글이 없는데도 ..
상황 메서드 오버라이딩 중 다음과 같은 에러가 발생하였다. 대략적인 코드 class Test: def __init__(self, base): self.base = base def add(self): self.base_100 = self.base + 100 self.base_200 = self.base + 200 return self.base_100, self.base_200 def mul(self): raise NotImplementedError class Test1(Test): def __init__(self, base): super(Test, self).__init__( base = base ) def mul(self): self.base_mul = self.add[0] * self.add[1] re..
상황 np.where 후 cv2.findContours을 해주었더니 에러가 발생하였다. 대략적인 코드 import numpy as np import cv2 mask = np.zeros((300,300)) pts1 = [np.array([(100, 200), (100, 200), (200, 200), (200, 100)], dtype=np.int32)] cv2.drawContours(mask, pts1, -1, 2.5, 10) cv2.findContours(mask, ,cv2.RETR_EXTERNAL,cv2.CHAIN_APPROX_NONE) 에러메시지 error: OpenCV(4.5.4) /tmp/pip-req-build-sokf1_ny/opencv/modules/imgproc/src/contours.cp..
상황 torch로 segmentation model을 돌리는 상황에서 발생하였다. 대략적인 코드 # import unet from seg_model.py from seg_model import unet import torch # output 3 classes model = unet(class=3) # loss 4 classes weights = torch.tensor([1.2, 2.6, 7.5, 17.0], dtype=torch.float32) loss = torch.nn.CrossEntropyLoss(weight=weights) 에러메시지 RuntimeError: only batches of spatial targets supported (3D tensors) but got targets of size..
일반적으로 딥러닝 모델은 많은 이미지를 학습할수록 더 좋은 성능을 내지만 실질적으로 이미지의 수가 부족한 경우가 매우 많다. 그럴 때 사용하는 것이 image augmentation으로 가지고 있는 image를 변형하여 모델이 좀 더 다양한 데이터를 학습할 수 있도록 한다. 이런 image augmentation의 적용을 쉽게하고자 albumentations라는 라이브러리가 존재한다. 이 라이브러리를 더욱 확장성 있게 활용하는 방법(여러 이미지 적용, OneOf 활용 등)들을 알아보자. 기본 가장 간단한 활용할 수 있는 코드를 살펴보자. 먼저 augmentation 정의하는 코드는 다음과 같다. from albumentations import * def test_aug(): ret = Compose([ ..
상황 cv2.imwrite()를 쓰는 상황에서 에러가 발생하였다. 대략적인 코드 import numpy as np import cv2 name = 'sample_001.svs' mask = np.zeors((512,512), dtype=np.uint8) cv2.imwrite(f'../test_inference/results/{name[-7:-4]}/{name}', mask) 에러 메세지 error: OpenCV(4.5.4) /tmp/pip-req-build-sokf1_ny/opencv/modules/imgcodecs/src/loadsave.cpp:728: error: (-2:Unspecified error) could not find a writer for the specified extension in..
상황 np.argmax함수를 쓴 후 cv2.resize 해주려던 찰나 다음과 같은 에러 메세지를 마주하였다. 대략적인 코드 import numpy as np import cv2 # np.argmax를 위한 과정 arg_max = np.zeros((512,512,3)) arg_max[...,1] = np.where(mask==1,1,0) arg_max[...,2] = np.where(mask==2,1,0) arg_max[...,0] = np.ones((512,512)) - arg_max[...,1] - arg_max[...,2] arg_max = np.argmax(arg_max, axis=2) # cv2.resize를 위한 과정 arg_max_resized = cv2.resize(arg_max, (128,..