본문 바로가기
[Super Resolution] Using Hugging Face Diffusers 출처 : https://pyimagesearch.com/2024/06/03/sharpen-your-vision-super-resolution-of-cctv-images-using-hugging-face-diffusers/ 의 글을 한글 번역과 저의 의견 및 코드 수정을 거친 Post입니다. Sharpen Your Vision: Super-Resolution of CCTV Images Using Hugging Face Diffusers - PyImageSearchLearn how to perform super-resolution on real-life CCTV images using Hugging Face Diffusers, enhancing clarity and detail.pyimagesearch.co.. 2024. 9. 10.
[SAM2] SAM2 transfer learning with custom datasets, .py format SAM2 모델의 배치 학습 구현하기안녕하세요! 오늘은 SAM2(Segment Anything Model 2) 모델의 배치 학습을 구현하는 방법에 대해 알아보겠습니다. SAM2는 이미지 세그멘테이션 작업에 매우 효과적인 모델이지만, 기본 구현은 단일 이미지 처리에 초점이 맞춰져 있습니다. 여기서는 배치 학습을 통해 학습 효율성을 높이는 방법을 소개하겠습니다.1. 필요한 라이브러리 임포트 및 설정먼저, 필요한 라이브러리를 임포트 하고 GPU 설정을 합니다:pythonimport torchimport os import numpy as np import cv2 from sam2.build_sam import build_sam2 from sam2.sam2_image_predictor import SAM2Image.. 2024. 9. 9.
[SAM2] Custom 학습 - SAM2 transfer learning with custom datasets, .ipynb SAM2 model의 custom 학습을 진행해 보겠습니다. 대화형 인터프리터 버전import torchimport numpy as npimport cv2,osimport matplotlib.pyplot as pltfrom PIL import Imagefrom sam2.build_sam import build_sam2from sam2.sam2_image_predictor import SAM2ImagePredictor  우선 필요한 package들을 import 해줍니다.  # use bfloat16 for the entire notebooktorch.autocast(device_type="cuda", dtype=torch.bfloat16).__enter__()if torch.cuda.get_device_.. 2024. 9. 9.
[SAM2] segment anything 2 Sam2가 공개됐습니다. https://sam2.metademolab.com/demo  직접해보시면 아시겠지만 성능이 매우 뛰어납니다. 없어졌다 다시 나오는것도 찾아 tracking하구요. 이름은 Segment anything인데 yolo도 씹어먹을 tracking성능까지 뛰어난것을 확인 할 수 있습니다. https://github.com/facebookresearch/segment-anything-2또한, 빅테크에서 시원하게 오픈한 기술답게 github를 통해 쉽게 사용할 수있습니다.  환경설정도 쉽고 ipynb예시도 줘서 간단하게 사용해 볼 수 있습니다. notebook폴더에 들어있는 ipynb를 사용할 때 한가지 기본적인 내용은 ipynb파일들이 notebook보다 상위 폴더에서 실행된다는 것입니다.. 2024. 8. 8.
[ECW] ECW 파일포맷을 다루고싶어!! ECW을 앞선 포스팅으로 해결하실수 있으시다면 그거슨 축복입니다.. 아래의 코드를 실행했을때 None이 나오지 않아야 ECW를 다룰수있는데요from osgeo import gdalprint(gdal.__version__)print(gdal.GetDriverByName('ECW')) 저는 약 10일간의 고군분투를 하고있으나 여전히 None을 return 하고있는 상황입니다.. # Install ECW SDKsudo unzip erdas-ecw-sdk-5.4.0-linux.zipsudo chmod +x ERDAS_ECWJP2_SDK-5.4.0.bin./ERDAS_ECWJP2_SDK-5.4.0.binsudo cp -r ~/hexagon/ERDAS-ECW_JPEG_2000_SDK-5.4.0/Desktop_Rea.. 2024. 8. 6.
[ECW] ECW file 포맷을 다루고 싶어! 출처 : https://www.adobe.com/kr/creativecloud/file-types/image/raster/ecw-file.html ECW 파일 탐구: 향상된 압축 웨이브릿 형식 항공 사진이나 위성 사진과 같은 대규모 이미지를 처리할 때 파일 크기를 줄이면서도 품질을 유지하는 것은 매우 중요합니다. 이때 유용한 것이 ECW(Enhanced Compression Wavelet) 파일입니다. 최대 1:100의 놀라운 압축 비율로 잘 알려진 이 형식은 기상학과 해양학처럼 대규모 이미지가 필요한 분야에 이상적입니다. ECW 파일이란? ECW 파일은 호주의 소프트웨어 개발사 Earth Resource (ER) Mapping Ltd.에 의해 개발되었습니다. 이 파일 형식은 대용량 이미지 파일을 효율적.. 2024. 8. 6.
History of Super Resolution AI Methodologies of Super-Resolution TechniquesSuper-resolution technology has evolved using three main methodologies: Convolutional Neural Networks (CNN), Generative Adversarial Networks (GAN), and Transformers.1. CNN-based Super-Resolution1.1. SRCNN (Super-Resolution Convolutional Neural Network): Introduced in 2015, SRCNN was one of the first CNN-based super-resolution models. It has a simple st.. 2024. 7. 17.
위성영상에 대한 이해 There are four types of resolution in the satellite image industry:Spatial Resolution: The real-world metric represented by one pixel.Spectral Resolution: The ability to measure specific bands or wavelength ranges.Radiometric Resolution: The number of bits representing the variety of colors (e.g., 8-bit = 2^8 = 256 levels, ranging from 0 to 255).Temporal Resolution: The time interval required to.. 2024. 7. 5.
SLAM의 input과 output에 대해 알아보자 우선 다양한 종류의 data를 종합하여 environment를 조성한다는 것을 이해해야 한다. DATA Input 1. LIDAR(light detection and ranging)- Data : Distance Measurements in the form of point clouds.- Usage : Provides highly accurate spatial information, useful for building detailed maps. 2. cameras- Data : Vsual information in the form of images or video streams.- Usage : Used in visual SLAM to extract features from the environment... 2024. 6. 18.
SLAM (Simultaneous Localization and Mapping) 관련 개념정리 SLAM은 이름에서부터 알 수 있듯 Localization과 Mapping을 동시에 하는 알고리즘이다. Key concpets of SLAM1. Localization : Determining the position and orientation of the robot within the map. (map상에서 robot의 위치와 방향을 결정)2. Mapping : building a map of the environment using sensor data. (sensor data를 이용한 주변 공간의 map 생성)3. Sensors : Typically involves various types of sensors, such as Lidar, cameras. IMUs(Inertial measurement .. 2024. 6. 18.
Multi-modal learning 1. Over of multi-modal learning(다중 감각) Challenge (1) - Different representations between modalities (2) - Unbalance between heterogeneous feature spaces - 1:N matching가능성 (3) - May a model be biased on a specific modality Desipite the challenges, multi-modal learning is fruitful and important Matching : 서로 다른 데이터 타입을 공통된 space로 match Translating : 하나의 데이터타입을 다른 데이터 타입으로 translate Referencing : 서.. 2023. 12. 7.
Landmark localization Landmark localization - 예시(facial landmark localization & Human pose estimation) Predicting the coordinate of keypoints 1. Coordinate regression : Usually inaccurate and biased 2. heatmap classification : better performance but high computational cost Hourglass network stacked hourglass modules allow for repeated bottom-up and top-down inference that refines the output of the previous hourglass .. 2023. 12. 5.
Segmentations(Instance & Panoptic) Semantic segmentation(stuff + things) = pixel-wise classification object detection Instance Segmentation = Semantic segmentation + distinguishing instances two-stage Mask R-CNN = Faster R-CNN + Mask branch RoIAlign single-stage YOLACT(You Only Look At CoefficienTs) - real-time 연산은 어려움 mask는 아니지만 mask처럼 쓰이는 component인 prototypes(재료)를 구하여 span 하여(선형결합) mask를 만들고자 함 YolactEdge - (Yolact의 key 부분만 가져.. 2023. 12. 5.
Object detection TASKS Image Segmentic segmentation instance segmentation (같은 클래스끼리 객체의 구분이 가능하냐) panoptic segmentation (instace segmentaion + alpha) Object Detection = classification + Box localization (label :(P_class, x_min, y_min, x_max, y_max) 꼴) 무인차 응용사례, OCR 등 object detection의 역사 - image의 경계(gradient)를 근사하는 접근(SVM) - selective search : box proposal(candidate object) 1) over-segmentation : 일단 색깔 전체를 나눔 2).. 2023. 12. 5.
[Computer Vision] Super Resolution https://www.youtube.com/watch?v=vMlLgA-nhuY&t=205s https://github.com/kairess/BSRGAN GitHub - kairess/BSRGAN: 4배 고해상도 복원 BSRGAN (옛날 사진, 인물 사진, 옛날 만화책) 4배 고해상도 복원 BSRGAN (옛날 사진, 인물 사진, 옛날 만화책). Contribute to kairess/BSRGAN development by creating an account on GitHub. github.com 빵형의 개발도상국채널에서 본것 중 오늘은 Super Resolution (화질 개선, 화질 향상) + Colorization (흑백사진의 컬러복원)이 매우 흥미로워 보여서 천천히 따라해보며 이해하도록 하겠습니다. .. 2022. 4. 11.
[Computer Vision] Face detector https://github.com/kairess/face_detector GitHub - kairess/face_detector Contribute to kairess/face_detector development by creating an account on GitHub. github.com https://www.youtube.com/watch?v=tpWVyJqehG4 오늘 해볼것은 FACE DETECT한뒤 다른 이미지로 대체하는 project입니다. 우선 유튜브와 github 동시에 공유 해드리겠습니다. 직접 확인해보시는것도 좋겠죠? terminal 에서 git clone https://github.com/kairess/face_detector.git 입력해주시면 됩니다 그러면 이런 폴더가 생성되는데.. 2022. 3. 16.
[Computer Vision] 나의 관심 분야 빵형의 개발도상국이라는 유튜버가 계십니다. 여러 가지 재밌는 주제를 다루시는 것 같아서 그중에 제가 재밌어하는 분야들을 따라 쳐보면서 좀 더 뻗어나가보려 합니다. RESPECT! https://www.youtube.com/c/%EB%B9%B5%ED%98%95%EC%9D%98%EA%B0%9C%EB%B0%9C%EB%8F%84%EC%83%81%EA%B5%AD/videos 빵형의 개발도상국 신기하고 재밌는 인공지능을 쉽게, 짧게, 내손으로 만들어 봅니다! 📮사업 및 개발문의 kairess87@gmail.com 😘빵형의 개발도상국 후원 카카오페이 : https://qr.kakaopay.com/Ej86nqvdu 투네이션 : https://toon.at www.youtube.com https://github.com/.. 2022. 3. 15.