UCSC-VLAA / ViT-L-16-HTxt-Recap-CLIP

huggingface.co
Total runs: 3.0K
24-hour runs: 0
7-day runs: 536
30-day runs: -1.9K
Model's Last Updated: Junio 24 2024
zero-shot-image-classification

Introduction of ViT-L-16-HTxt-Recap-CLIP

Model Details of ViT-L-16-HTxt-Recap-CLIP

Model card for Recap-CLIP-ViT-L-16-Txt-Huge-2.56B

A CLIPA model trained on Recap-DataComp-1B...

Model Details
Model Usage
With OpenCLIP
import torch
import torch.nn.functional as F
from urllib.request import urlopen
from PIL import Image
from open_clip import create_model_from_pretrained, get_tokenizer

model, preprocess = create_model_from_pretrained('hf-hub:UCSC-VLAA/ViT-L-16-HTxt-Recap-CLIP')
tokenizer = get_tokenizer('hf-hub:UCSC-VLAA/ViT-L-16-HTxt-Recap-CLIP')

image = Image.open(urlopen(
    'https://huggingface.co/datasets/huggingface/documentation-images/resolve/main/beignets-task-guide.png'
))
image = preprocess(image).unsqueeze(0)

text = tokenizer(["a diagram", "a dog", "a cat", "a beignet"], context_length=model.context_length)

with torch.no_grad(), torch.cuda.amp.autocast():
    image_features = model.encode_image(image)
    text_features = model.encode_text(text)
    image_features = F.normalize(image_features, dim=-1)
    text_features = F.normalize(text_features, dim=-1)

    text_probs = (100.0 * image_features @ text_features.T).softmax(dim=-1)

print("Label probs:", text_probs)  # prints: [[0., 0., 0., 1.0]]
Bias, Risks, and Limitations

This model is trained on image-text dataset with LLaVA-1.5-LLaMA3-8B generated captions, which may still contain biases and inaccuracies inherent in the original web-crawled data. Users should be aware of the bias, risks, or limitations when using this model. check the dataset card page for more details.

Citation
@article{li2024recaption,
      title={What If We Recaption Billions of Web Images with LLaMA-3?}, 
      author={Xianhang Li and Haoqin Tu and Mude Hui and Zeyu Wang and Bingchen Zhao and Junfei Xiao and Sucheng Ren and Jieru Mei and Qing Liu and Huangjie Zheng and Yuyin Zhou and Cihang Xie},
      journal={arXiv preprint arXiv:2406.08478},
      year={2024}
}
Model Contact

zwang615@ucsc.edu

Runs of UCSC-VLAA ViT-L-16-HTxt-Recap-CLIP on huggingface.co

3.0K
Total runs
0
24-hour runs
714
3-day runs
536
7-day runs
-1.9K
30-day runs

More Information About ViT-L-16-HTxt-Recap-CLIP huggingface.co Model

More ViT-L-16-HTxt-Recap-CLIP license Visit here:

https://choosealicense.com/licenses/cc-by-4.0

ViT-L-16-HTxt-Recap-CLIP huggingface.co

ViT-L-16-HTxt-Recap-CLIP huggingface.co is an AI model on huggingface.co that provides ViT-L-16-HTxt-Recap-CLIP's model effect (), which can be used instantly with this UCSC-VLAA ViT-L-16-HTxt-Recap-CLIP model. huggingface.co supports a free trial of the ViT-L-16-HTxt-Recap-CLIP model, and also provides paid use of the ViT-L-16-HTxt-Recap-CLIP. Support call ViT-L-16-HTxt-Recap-CLIP model through api, including Node.js, Python, http.

ViT-L-16-HTxt-Recap-CLIP huggingface.co Url

https://huggingface.co/UCSC-VLAA/ViT-L-16-HTxt-Recap-CLIP

UCSC-VLAA ViT-L-16-HTxt-Recap-CLIP online free

ViT-L-16-HTxt-Recap-CLIP huggingface.co is an online trial and call api platform, which integrates ViT-L-16-HTxt-Recap-CLIP's modeling effects, including api services, and provides a free online trial of ViT-L-16-HTxt-Recap-CLIP, you can try ViT-L-16-HTxt-Recap-CLIP online for free by clicking the link below.

UCSC-VLAA ViT-L-16-HTxt-Recap-CLIP online free url in huggingface.co:

https://huggingface.co/UCSC-VLAA/ViT-L-16-HTxt-Recap-CLIP

ViT-L-16-HTxt-Recap-CLIP install

ViT-L-16-HTxt-Recap-CLIP is an open source model from GitHub that offers a free installation service, and any user can find ViT-L-16-HTxt-Recap-CLIP on GitHub to install. At the same time, huggingface.co provides the effect of ViT-L-16-HTxt-Recap-CLIP install, users can directly use ViT-L-16-HTxt-Recap-CLIP installed effect in huggingface.co for debugging and trial. It also supports api for free installation.

ViT-L-16-HTxt-Recap-CLIP install url in huggingface.co:

https://huggingface.co/UCSC-VLAA/ViT-L-16-HTxt-Recap-CLIP

Url of ViT-L-16-HTxt-Recap-CLIP

ViT-L-16-HTxt-Recap-CLIP huggingface.co Url

Provider of ViT-L-16-HTxt-Recap-CLIP huggingface.co

UCSC-VLAA
ORGANIZATIONS

Other API from UCSC-VLAA

huggingface.co

Total runs: 74
Run Growth: 3
Growth Rate: 4.05%
Updated: Agosto 28 2024