BAAI / Bunny-Llama-3-8B-V

huggingface.co
Total runs: 272
24-hour runs: 13
7-day runs: 72
30-day runs: -318
Model's Last Updated: June 24 2024
text-generation

Introduction of Bunny-Llama-3-8B-V

Model Details of Bunny-Llama-3-8B-V

Model Card

Logo

📖 Technical report | 🏠 Code | 🐰 Demo | 🤗 GGUF

This is Bunny-Llama-3-8B-V.

We also provide v1.1 version accepting high-resolution images up to 1152x1152. 🤗 v1.1

Bunny is a family of lightweight but powerful multimodal models. It offers multiple plug-and-play vision encoders, like EVA-CLIP, SigLIP and language backbones, including Llama-3-8B, Phi-1.5, StableLM-2, Qwen1.5, MiniCPM and Phi-2. To compensate for the decrease in model size, we construct more informative training data by curated selection from a broader data source.

We provide Bunny-Llama-3-8B-V, which is built upon SigLIP and Llama-3-8B-Instruct . More details about this model can be found in GitHub .

comparison

Quickstart

Here we show a code snippet to show you how to use the model with transformers.

Before running the snippet, you need to install the following dependencies:

pip install torch transformers accelerate pillow

If the CUDA memory is enough, it would be faster to execute this snippet by setting CUDA_VISIBLE_DEVICES=0 .

Users especially those in Chinese mainland may want to refer to a HuggingFace mirror site .

import torch
import transformers
from transformers import AutoModelForCausalLM, AutoTokenizer
from PIL import Image
import warnings

# disable some warnings
transformers.logging.set_verbosity_error()
transformers.logging.disable_progress_bar()
warnings.filterwarnings('ignore')

# set device
device = 'cuda'  # or cpu
torch.set_default_device(device)

# create model
model = AutoModelForCausalLM.from_pretrained(
    'BAAI/Bunny-Llama-3-8B-V',
    torch_dtype=torch.float16, # float32 for cpu
    device_map='auto',
    trust_remote_code=True)
tokenizer = AutoTokenizer.from_pretrained(
    'BAAI/Bunny-Llama-3-8B-V',
    trust_remote_code=True)

# text prompt
prompt = 'Why is the image funny?'
text = f"A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. USER: <image>\n{prompt} ASSISTANT:"
text_chunks = [tokenizer(chunk).input_ids for chunk in text.split('<image>')]
input_ids = torch.tensor(text_chunks[0] + [-200] + text_chunks[1][1:], dtype=torch.long).unsqueeze(0).to(device)

# image, sample images can be found in images folder
image = Image.open('example_2.png')
image_tensor = model.process_images([image], model.config).to(dtype=model.dtype, device=device)

# generate
output_ids = model.generate(
    input_ids,
    images=image_tensor,
    max_new_tokens=100,
    use_cache=True,
    repetition_penalty=1.0 # increase this to avoid chattering
)[0]

print(tokenizer.decode(output_ids[input_ids.shape[1]:], skip_special_tokens=True).strip())

Runs of BAAI Bunny-Llama-3-8B-V on huggingface.co

272
Total runs
13
24-hour runs
23
3-day runs
72
7-day runs
-318
30-day runs

More Information About Bunny-Llama-3-8B-V huggingface.co Model

More Bunny-Llama-3-8B-V license Visit here:

https://choosealicense.com/licenses/apache-2.0

Bunny-Llama-3-8B-V huggingface.co

Bunny-Llama-3-8B-V huggingface.co is an AI model on huggingface.co that provides Bunny-Llama-3-8B-V's model effect (), which can be used instantly with this BAAI Bunny-Llama-3-8B-V model. huggingface.co supports a free trial of the Bunny-Llama-3-8B-V model, and also provides paid use of the Bunny-Llama-3-8B-V. Support call Bunny-Llama-3-8B-V model through api, including Node.js, Python, http.

Bunny-Llama-3-8B-V huggingface.co Url

https://huggingface.co/BAAI/Bunny-Llama-3-8B-V

BAAI Bunny-Llama-3-8B-V online free

Bunny-Llama-3-8B-V huggingface.co is an online trial and call api platform, which integrates Bunny-Llama-3-8B-V's modeling effects, including api services, and provides a free online trial of Bunny-Llama-3-8B-V, you can try Bunny-Llama-3-8B-V online for free by clicking the link below.

BAAI Bunny-Llama-3-8B-V online free url in huggingface.co:

https://huggingface.co/BAAI/Bunny-Llama-3-8B-V

Bunny-Llama-3-8B-V install

Bunny-Llama-3-8B-V is an open source model from GitHub that offers a free installation service, and any user can find Bunny-Llama-3-8B-V on GitHub to install. At the same time, huggingface.co provides the effect of Bunny-Llama-3-8B-V install, users can directly use Bunny-Llama-3-8B-V installed effect in huggingface.co for debugging and trial. It also supports api for free installation.

Bunny-Llama-3-8B-V install url in huggingface.co:

https://huggingface.co/BAAI/Bunny-Llama-3-8B-V

Url of Bunny-Llama-3-8B-V

Bunny-Llama-3-8B-V huggingface.co Url

Provider of Bunny-Llama-3-8B-V huggingface.co

BAAI
ORGANIZATIONS

Other API from BAAI

huggingface.co

Total runs: 5.9M
Run Growth: 782.5K
Growth Rate: 13.29%
Updated: February 22 2024
huggingface.co

Total runs: 2.3M
Run Growth: -1.9M
Growth Rate: -81.65%
Updated: February 21 2024
huggingface.co

Total runs: 2.1M
Run Growth: -92.8K
Growth Rate: -4.30%
Updated: July 03 2024
huggingface.co

Total runs: 1.6M
Run Growth: -480.5K
Growth Rate: -29.33%
Updated: February 21 2024
huggingface.co

Total runs: 996.4K
Run Growth: 283.2K
Growth Rate: 28.79%
Updated: April 02 2024
huggingface.co

Total runs: 798.5K
Run Growth: 157.2K
Growth Rate: 19.69%
Updated: December 13 2023
huggingface.co

Total runs: 454.3K
Run Growth: 3.4K
Growth Rate: 0.75%
Updated: October 12 2023
huggingface.co

Total runs: 196.1K
Run Growth: 22.0K
Growth Rate: 11.11%
Updated: November 14 2023
huggingface.co

Total runs: 138.3K
Run Growth: 71.2K
Growth Rate: 51.30%
Updated: October 12 2023
huggingface.co

Total runs: 44.8K
Run Growth: -32.0K
Growth Rate: -77.40%
Updated: April 17 2024
huggingface.co

Total runs: 33.6K
Run Growth: 32.2K
Growth Rate: 95.93%
Updated: October 12 2023
huggingface.co

Total runs: 28.3K
Run Growth: 11.7K
Growth Rate: 41.06%
Updated: October 12 2023
huggingface.co

Total runs: 20.2K
Run Growth: -15.0K
Growth Rate: -75.06%
Updated: January 15 2025
huggingface.co

Total runs: 5.3K
Run Growth: 1.1K
Growth Rate: 18.98%
Updated: December 26 2022
huggingface.co

Total runs: 5.0K
Run Growth: 1.0K
Growth Rate: 21.01%
Updated: September 21 2023
huggingface.co

Total runs: 5.0K
Run Growth: 253
Growth Rate: 5.14%
Updated: August 15 2024
huggingface.co

Total runs: 4.5K
Run Growth: -10.8K
Growth Rate: -268.38%
Updated: February 22 2024
huggingface.co

Total runs: 2.7K
Run Growth: -328
Growth Rate: -11.49%
Updated: October 12 2023
huggingface.co

Total runs: 2.6K
Run Growth: 1.8K
Growth Rate: 71.57%
Updated: September 18 2023
huggingface.co

Total runs: 2.5K
Run Growth: -11.8K
Growth Rate: -272.27%
Updated: October 23 2024
huggingface.co

Total runs: 2.5K
Run Growth: 584
Growth Rate: 24.25%
Updated: August 15 2024
huggingface.co

Total runs: 2.3K
Run Growth: 579
Growth Rate: 24.61%
Updated: February 07 2024
huggingface.co

Total runs: 1.9K
Run Growth: -198
Growth Rate: -9.86%
Updated: November 28 2024
huggingface.co

Total runs: 1.5K
Run Growth: -3.5K
Growth Rate: -136.57%
Updated: October 23 2024
huggingface.co

Total runs: 1.4K
Run Growth: -3.0K
Growth Rate: -174.67%
Updated: October 24 2024
huggingface.co

Total runs: 791
Run Growth: 168
Growth Rate: 20.39%
Updated: June 07 2024
huggingface.co

Total runs: 725
Run Growth: -9.8K
Growth Rate: -1493.60%
Updated: March 07 2024
huggingface.co

Total runs: 638
Run Growth: 150
Growth Rate: 32.47%
Updated: April 02 2024
huggingface.co

Total runs: 599
Run Growth: 14
Growth Rate: 2.39%
Updated: October 27 2023
huggingface.co

Total runs: 517
Run Growth: 0
Growth Rate: 0.00%
Updated: January 15 2025
huggingface.co

Total runs: 437
Run Growth: 0
Growth Rate: 0.00%
Updated: January 14 2025
huggingface.co

Total runs: 300
Run Growth: 289
Growth Rate: 97.64%
Updated: April 18 2023
huggingface.co

Total runs: 218
Run Growth: -50
Growth Rate: -23.04%
Updated: October 29 2023
huggingface.co

Total runs: 142
Run Growth: -281
Growth Rate: -196.50%
Updated: August 15 2024
huggingface.co

Total runs: 114
Run Growth: 0
Growth Rate: 0.00%
Updated: January 20 2025
huggingface.co

Total runs: 94
Run Growth: 49
Growth Rate: 52.13%
Updated: August 23 2023
huggingface.co

Total runs: 94
Run Growth: 36
Growth Rate: 35.29%
Updated: December 21 2023
huggingface.co

Total runs: 90
Run Growth: 57
Growth Rate: 62.64%
Updated: August 15 2024
huggingface.co

Total runs: 66
Run Growth: -261
Growth Rate: -383.82%
Updated: June 21 2024
huggingface.co

Total runs: 65
Run Growth: 0
Growth Rate: 0.00%
Updated: January 01 2025
huggingface.co

Total runs: 61
Run Growth: -264
Growth Rate: -660.00%
Updated: June 24 2024
huggingface.co

Total runs: 56
Run Growth: 6
Growth Rate: 10.71%
Updated: August 23 2023
huggingface.co

Total runs: 49
Run Growth: -57
Growth Rate: -116.33%
Updated: December 21 2023
huggingface.co

Total runs: 47
Run Growth: -23
Growth Rate: -46.94%
Updated: October 27 2023
huggingface.co

Total runs: 42
Run Growth: -7
Growth Rate: -16.67%
Updated: August 15 2024
huggingface.co

Total runs: 40
Run Growth: -10.2K
Growth Rate: -21693.62%
Updated: February 07 2024
huggingface.co

Total runs: 39
Run Growth: 12
Growth Rate: 29.27%
Updated: August 28 2024
huggingface.co

Total runs: 33
Run Growth: 49
Growth Rate: 25.26%
Updated: June 24 2024
huggingface.co

Total runs: 31
Run Growth: -171
Growth Rate: -551.61%
Updated: April 19 2024
huggingface.co

Total runs: 26
Run Growth: 13
Growth Rate: 48.15%
Updated: July 24 2023
huggingface.co

Total runs: 20
Run Growth: -58
Growth Rate: -290.00%
Updated: December 31 2022
huggingface.co

Total runs: 18
Run Growth: -105
Growth Rate: -552.63%
Updated: May 13 2024
huggingface.co

Total runs: 17
Run Growth: -22
Growth Rate: -129.41%
Updated: July 02 2024
huggingface.co

Total runs: 16
Run Growth: -17
Growth Rate: -106.25%
Updated: December 25 2023