카테고리 없음

마이크로소프트 CLIP 사용후기

김은수2 2023. 5. 31. 23:55

 

음식의 이미지를 보고 이름을 유추하는 ai를 만들기 위해 

여러가지 찾아보고 하던중 

 

open ai인 clip의 존재를 튜터님을 통하여 알게되었다. 

 

https://github.com/openai/CLIP

 

GitHub - openai/CLIP: CLIP (Contrastive Language-Image Pretraining), Predict the most relevant text snippet given an image

CLIP (Contrastive Language-Image Pretraining), Predict the most relevant text snippet given an image - GitHub - openai/CLIP: CLIP (Contrastive Language-Image Pretraining), Predict the most releva...

github.com

$ conda install --yes -c pytorch pytorch=1.7.1 torchvision cudatoolkit=11.0
$ pip install ftfy regex tqdm
$ pip install git+https://github.com/openai/CLIP.git

이와 같은 주소에서 받았으며 

다음과 같은 가상환경에서 진행하였다. 

 

그런데 첫번째 

conda ~ 줄을 프롬프트에서 실행하는데 문제가 있어 

 

부득이하게 cpu에서 프로그램을 돌리게 되었다. 

 

 

 

import torch
import clip
from PIL import Image

device = "cuda" if torch.cuda.is_available() else "cpu"
model, preprocess = clip.load("ViT-B/32", device=device)

image = preprocess(Image.open("CLIP.png")).unsqueeze(0).to(device)
text = clip.tokenize(["a diagram", "a dog", "a cat"]).to(device)

with torch.no_grad():
    image_features = model.encode_image(image)
    text_features = model.encode_text(text)
    
    logits_per_image, logits_per_text = model(image, text)
    probs = logits_per_image.softmax(dim=-1).cpu().numpy()

print("Label probs:", probs)  # prints: [[0.9927937  0.00421068 0.00299572]]

 

위 코드를 참고해서 적었으며 

마지막에 prob에서 가장 높은 확률값이 나온값을

텍스트로 변환하여 모델에 사용하였다.