lucataco / ollama-nemotron-70b

Ollama Nemotron 70b

replicate.com
Total runs: 8.7K
24-hour runs: 0
7-day runs: 0
30-day runs: 100
Github
Model's Last Updated: October 17 2024

Introduction of ollama-nemotron-70b

Model Details of ollama-nemotron-70b

Readme
About

This is a Cog implementation of Ollama’s Nemotron 70b model using the default Q4_K_M weights

Description:

Llama-3.1-Nemotron-70B-Instruct is a large language model customized by NVIDIA to improve the helpfulness of LLM generated responses to user queries.

This model reaches Arena Hard of 85.0, AlpacaEval 2 LC of 57.6 and GPT-4-Turbo MT-Bench of 8.98, which are known to be predictive of LMSys Chatbot Arena Elo

As of 1 Oct 2024, this model is #1 on all three automatic alignment benchmarks (verified tab for AlpacaEval 2 LC), edging out strong frontier models such as GPT-4o and Claude 3.5 Sonnet.

This model was trained using RLHF (specifically, REINFORCE), Llama-3.1-Nemotron-70B-Reward and HelpSteer2-Preference prompts on a Llama-3.1-70B-Instruct model as the initial policy.

If you prefer to use the model in the HuggingFace Transformers codebase, we have done a model conversion format into Llama-3.1-Nemotron-70B-Instruct-HF .

Try hosted inference for free at build.nvidia.com - it comes with an OpenAI-compatible API interface.

See details on our paper at https://arxiv.org/abs/2410.01257 - as a preview, this model can correctly the question How many r in strawberry? without specialized prompting or additional reasoning tokens:

A sweet question!
Let’s count the “R”s in “strawberry”:
1. S
2. T
3. R
4. A
5. W
6. B
7. E
8. R
9. R
10. Y
There are **3 “R”s** in the word “strawberry”.

Note: This model is a demonstration of our techniques for improving helpfulness in general-domain instruction following. It has not been tuned for performance in specialized domains such as math.

Terms of use

By accessing this model, you are agreeing to the LLama 3.1 terms and conditions of the license , acceptable use policy and Meta’s privacy policy

Evaluation Metrics

As of 1 Oct 2024, Llama-3.1-Nemotron-70B-Instruct performs best on Arena Hard, AlpacaEval 2 LC (verified tab) and MT Bench (GPT-4-Turbo)

Model Arena Hard AlpacaEval MT-Bench Mean Response Length
Details (95% CI) 2 LC (SE) (GPT-4-Turbo) (# of Characters for MT-Bench)
Llama-3.1-Nemotron-70B-Instruct 85.0 (-1.5, 1.5) 57.6 (1.65) 8.98 2199.8
Llama-3.1-70B-Instruct 55.7 (-2.9, 2.7) 38.1 (0.90) 8.22 1728.6
Llama-3.1-405B-Instruct 69.3 (-2.4, 2.2) 39.3 (1.43) 8.49 1664.7
Claude-3-5-Sonnet-20240620 79.2 (-1.9, 1.7) 52.4 (1.47) 8.81 1619.9
GPT-4o-2024-05-13 79.3 (-2.1, 2.0) 57.5 (1.47) 8.74 1752.2
Usage:

We demonstrate inference using NVIDIA NeMo Framework, which allows hassle-free model deployment based on NVIDIA TRT-LLM , a highly optimized inference solution focussing on high throughput and low latency.

Pre-requisite: You would need at least a machine with 4 40GB or 2 80GB NVIDIA GPUs, and 150GB of free disk space.

  1. Please sign up to get free and immediate access to NVIDIA NeMo Framework container . If you don’t have an NVIDIA NGC account, you will be prompted to sign up for an account before proceeding.
  2. If you don’t have an NVIDIA NGC API key, sign into NVIDIA NGC , selecting organization/team: ea-bignlp/ga-participants and click Generate API key. Save this key for the next step. Else, skip this step.
  3. On your machine, docker login to nvcr.io using docker login nvcr.io Username: $oauthtoken Password: <Your Saved NGC API Key>
  4. Download the required container docker pull nvcr.io/nvidia/nemo:24.05.llama3.1

  5. Download the checkpoint git lfs install git clone https://huggingface.co/nvidia/Llama-3.1-Nemotron-70B-Instruct

  6. Run Docker container (In addition, to use Llama3.1 tokenizer, you need to export HF_HOME=<YOUR_HF_HOME_CONTAINING_TOKEN_WITH_LLAMA3.1_70B_ACCESS> ) docker run --gpus all -it --rm --shm-size=150g -p 8000:8000 -v ${PWD}/Llama-3.1-Nemotron-70B-Instruct:/opt/checkpoints/Llama-3.1-Nemotron-70B-Instruct,${HF_HOME}:/hf_home -w /opt/NeMo nvcr.io/nvidia/nemo:24.05.llama3.1

  7. Within the container, start the server in the background. This step does both conversion of the nemo checkpoint to TRT-LLM and then deployment using TRT-LLM. For an explanation of each argument and advanced usage, please refer to NeMo FW Deployment Guide

HF_HOME=/hf_home python scripts/deploy/nlp/ deploy_inframework_triton.py --nemo_checkpoint /opt/checkpoints/Llama-3.1-Nemotron-70B-Instruct --model_type="llama" --triton_model_name nemotron --triton_http_address 0.0.0.0 --triton_port 8000 --num_gpus 2 --max_input_len 3072 --max_output_len 1024 --max_batch_size 1 &

  1. Once the server is ready (i.e. when you see this messages below), you are ready to launch your client code

    Started HTTPService at 0.0.0.0:8000 Started GRPCInferenceService at 0.0.0.0:8001 Started Metrics Service at 0.0.0.0:8002

    python scripts/deploy/nlp/ query_inframework.py -mn nemotron -p "How many r in strawberry?" -mol 1024

References(s):
Model Architecture:

Architecture Type: Transformer
Network Architecture: Llama 3.1

Input:

Input Type(s): Text
Input Format: String
Input Parameters: One Dimensional (1D)
Other Properties Related to Input: Max of 128k tokens

Output:

Output Type(s): Text
Output Format: String
Output Parameters: One Dimensional (1D)
Other Properties Related to Output: Max of 4k tokens

Software Integration:

Supported Hardware Microarchitecture Compatibility:
* NVIDIA Ampere
* NVIDIA Hopper
* NVIDIA Turing
Supported Operating System(s): Linux

Model Version:

v1.0

Training & Evaluation:

  • REINFORCE implemented in NeMo Aligner
Datasets:

Data Collection Method by dataset
* [Hybrid: Human, Synthetic]

Labeling Method by dataset
* [Human]

Link: * HelpSteer2

Properties (Quantity, Dataset Descriptions, Sensor(s)):
* 21, 362 prompt-responses built to make more models more aligned with human preference - specifically more helpful, factually-correct, coherent, and customizable based on complexity and verbosity. * 20, 324 prompt-responses used for training and 1, 038 used for validation.

Inference:

Engine: Triton
Test Hardware: H100, A100 80GB, A100 40GB

Ethical Considerations:

NVIDIA believes Trustworthy AI is a shared responsibility and we have established policies and practices to enable development for a wide array of AI applications. When downloaded or used in accordance with our terms of service, developers should work with their supporting model team to ensure this model meets requirements for the relevant industry and use case and addresses unforeseen product misuse. For more detailed information on ethical considerations for this model, please see the Model Card++ Explainability, Bias, Safety & Security, and Privacy Subcards. Please report security vulnerabilities or NVIDIA AI Concerns here .

Please report security vulnerabilities or NVIDIA AI Concerns here .

Citation

If you find this model useful, please cite the following works

@misc{wang2024helpsteer2preferencecomplementingratingspreferences,
      title={HelpSteer2-Preference: Complementing Ratings with Preferences}, 
      author={Zhilin Wang and Alexander Bukharin and Olivier Delalleau and Daniel Egert and Gerald Shen and Jiaqi Zeng and Oleksii Kuchaiev and Yi Dong},
      year={2024},
      eprint={2410.01257},
      archivePrefix={arXiv},
      primaryClass={cs.LG},
      url={https://arxiv.org/abs/2410.01257}, 
}

Runs of lucataco ollama-nemotron-70b on replicate.com

8.7K
Total runs
0
24-hour runs
0
3-day runs
0
7-day runs
100
30-day runs

More Information About ollama-nemotron-70b replicate.com Model

ollama-nemotron-70b replicate.com

ollama-nemotron-70b replicate.com is an AI model on replicate.com that provides ollama-nemotron-70b's model effect (Ollama Nemotron 70b), which can be used instantly with this lucataco ollama-nemotron-70b model. replicate.com supports a free trial of the ollama-nemotron-70b model, and also provides paid use of the ollama-nemotron-70b. Support call ollama-nemotron-70b model through api, including Node.js, Python, http.

ollama-nemotron-70b replicate.com Url

https://replicate.com/lucataco/ollama-nemotron-70b

lucataco ollama-nemotron-70b online free

ollama-nemotron-70b replicate.com is an online trial and call api platform, which integrates ollama-nemotron-70b's modeling effects, including api services, and provides a free online trial of ollama-nemotron-70b, you can try ollama-nemotron-70b online for free by clicking the link below.

lucataco ollama-nemotron-70b online free url in replicate.com:

https://replicate.com/lucataco/ollama-nemotron-70b

ollama-nemotron-70b install

ollama-nemotron-70b is an open source model from GitHub that offers a free installation service, and any user can find ollama-nemotron-70b on GitHub to install. At the same time, replicate.com provides the effect of ollama-nemotron-70b install, users can directly use ollama-nemotron-70b installed effect in replicate.com for debugging and trial. It also supports api for free installation.

ollama-nemotron-70b install url in replicate.com:

https://replicate.com/lucataco/ollama-nemotron-70b

ollama-nemotron-70b install url in github:

https://github.com/lucataco/cog-ollama-nemotron-70b

Url of ollama-nemotron-70b

ollama-nemotron-70b replicate.com Url

ollama-nemotron-70b Owner Github

Provider of ollama-nemotron-70b replicate.com

Other API from lucataco

replicate

Remove background from an image

Total runs: 5.3M
Run Growth: 100.0K
Growth Rate: 1.89%
Updated: September 15 2023
replicate

Falcons.ai Fine-Tuned Vision Transformer (ViT) for NSFW Image Classification

Total runs: 4.5M
Run Growth: 0
Growth Rate: 0.00%
Updated: November 21 2023
replicate

Implementation of Realistic Vision v5.1 with VAE

Total runs: 3.7M
Run Growth: 400.0K
Growth Rate: 10.81%
Updated: August 15 2023
replicate

FLUX.1-Dev LoRA Explorer

Total runs: 2.9M
Run Growth: 300.0K
Growth Rate: 10.34%
Updated: October 05 2024
replicate

SDXL ControlNet - Canny

Total runs: 2.1M
Run Growth: 100.0K
Growth Rate: 4.76%
Updated: October 04 2023
replicate

SDXL Inpainting by the HF Diffusers team

Total runs: 1.8M
Run Growth: 200.0K
Growth Rate: 11.11%
Updated: March 05 2024
replicate

Turn any image into a video

Total runs: 1.3M
Run Growth: 0
Growth Rate: 0.00%
Updated: September 02 2023
replicate

Segmind Stable Diffusion Model (SSD-1B) is a distilled 50% smaller version of SDXL, offering a 60% speedup while maintaining high-quality text-to-image generation capabilities

Total runs: 992.2K
Run Growth: 600
Growth Rate: 0.06%
Updated: November 08 2023
replicate

Hyper FLUX 8-step by ByteDance

Total runs: 926.0K
Run Growth: 0
Growth Rate: 0.00%
Updated: August 28 2024
replicate

CLIP Interrogator for SDXL optimizes text prompts to match a given image

Total runs: 845.8K
Run Growth: 200
Growth Rate: 0.02%
Updated: May 16 2024
replicate

FLUX.1-Dev Multi LoRA Explorer

Total runs: 817.2K
Run Growth: 142.6K
Growth Rate: 17.45%
Updated: October 06 2024
replicate

A multimodal LLM-based AI assistant, which is trained with alignment techniques. Qwen-VL-Chat supports more flexible interaction, such as multi-round question answering, and creative capabilities.

Total runs: 796.6K
Run Growth: 1.4K
Growth Rate: 0.18%
Updated: October 15 2023
replicate

Robust face restoration algorithm for old photos/AI-generated faces

Total runs: 768.8K
Run Growth: 156.2K
Growth Rate: 20.32%
Updated: September 06 2023
replicate

FLUX.1-Schnell LoRA Explorer

Total runs: 693.3K
Run Growth: 97.0K
Growth Rate: 13.99%
Updated: September 07 2024
replicate

Coqui XTTS-v2: Multilingual Text To Speech Voice Cloning

Total runs: 644.5K
Run Growth: 48.5K
Growth Rate: 7.53%
Updated: November 28 2023
replicate

SDXL v1.0 - A text-to-image generative AI model that creates beautiful images

Total runs: 477.4K
Run Growth: 200
Growth Rate: 0.04%
Updated: November 01 2023
replicate

😊 Hotshot-XL is an AI text-to-GIF model trained to work alongside Stable Diffusion XL

Total runs: 464.2K
Run Growth: 39.4K
Growth Rate: 8.49%
Updated: October 23 2023
replicate

snowflake-arctic-embed is a suite of text embedding models that focuses on creating high-quality retrieval models optimized for performance

Total runs: 397.2K
Run Growth: 300
Growth Rate: 0.08%
Updated: April 19 2024
replicate

Latent Consistency Model (LCM): SDXL, distills the original model into a version that requires fewer steps (4 to 8 instead of the original 25 to 50)

Total runs: 394.2K
Run Growth: 0
Growth Rate: 0.00%
Updated: November 12 2023
replicate

Monster Labs QrCode ControlNet on top of SD Realistic Vision v5.1

Total runs: 387.3K
Run Growth: 1.6K
Growth Rate: 0.41%
Updated: September 24 2023
replicate

RealvisXL-v2.0 with LCM LoRA - requires fewer steps (4 to 8 instead of the original 40 to 50)

Total runs: 290.9K
Run Growth: 200
Growth Rate: 0.07%
Updated: November 15 2023
replicate

moondream2 is a small vision language model designed to run efficiently on edge devices

Total runs: 285.9K
Run Growth: 44.8K
Growth Rate: 15.67%
Updated: July 29 2024
replicate

Implementation of SDXL RealVisXL_V2.0

Total runs: 283.6K
Run Growth: 500
Growth Rate: 0.18%
Updated: November 09 2023
replicate

Animate Your Personalized Text-to-Image Diffusion Models

Total runs: 281.9K
Run Growth: 2.9K
Growth Rate: 1.03%
Updated: September 24 2023
replicate

Practical face restoration algorithm for *old photos* or *AI-generated faces* (for larger images)

Total runs: 234.2K
Run Growth: 9.0K
Growth Rate: 3.84%
Updated: August 02 2023
replicate

DreamShaper is a general purpose SD model that aims at doing everything well, photos, art, anime, manga. It's designed to match Midjourney and DALL-E.

Total runs: 194.5K
Run Growth: 3.9K
Growth Rate: 2.01%
Updated: December 19 2023
replicate

Real-ESRGAN Video Upscaler

Total runs: 137.7K
Run Growth: 20.5K
Growth Rate: 14.89%
Updated: November 24 2023
replicate

A unique fusion that showcases exceptional prompt adherence and semantic understanding, it seems to be a step above base SDXL and a step closer to DALLE-3 in terms of prompt comprehension

Total runs: 124.3K
Run Growth: 600
Growth Rate: 0.48%
Updated: December 27 2023
replicate

CLIP Interrogator (for faster inference)

Total runs: 122.0K
Run Growth: 400
Growth Rate: 0.33%
Updated: September 12 2023
replicate

dreamshaper-xl-lightning is a Stable Diffusion model that has been fine-tuned on SDXL

Total runs: 107.0K
Run Growth: 6.6K
Growth Rate: 6.17%
Updated: February 27 2024
replicate

Phi-3-Mini-4K-Instruct is a 3.8B parameters, lightweight, state-of-the-art open model trained with the Phi-3 datasets

Total runs: 81.7K
Run Growth: 0
Growth Rate: 0.00%
Updated: July 02 2024
replicate

SDXL_Niji_Special Edition

Total runs: 64.6K
Run Growth: 2.3K
Growth Rate: 3.56%
Updated: November 13 2023
replicate

PixArt-Alpha 1024px is a transformer-based text-to-image diffusion system trained on text embeddings from T5

Total runs: 64.0K
Run Growth: 11.4K
Growth Rate: 17.81%
Updated: December 04 2023
replicate

MagicAnimate: Temporally Consistent Human Image Animation using Diffusion Model

Total runs: 55.5K
Run Growth: 300
Growth Rate: 0.54%
Updated: December 05 2023
replicate

Dreamshaper-7 img2img with LCM LoRA for faster inference

Total runs: 55.1K
Run Growth: 0
Growth Rate: 0.00%
Updated: November 17 2023
replicate

AI-driven audio enhancement for your audio files, powered by Resemble AI

Total runs: 52.3K
Run Growth: 9.5K
Growth Rate: 18.16%
Updated: December 15 2023
replicate

Ostris AI-Toolkit for Flux LoRA Training (DEPRECATED. Please use: ostris/flux-dev-lora-trainer)

Total runs: 50.9K
Run Growth: 3.1K
Growth Rate: 6.09%
Updated: August 18 2024
replicate

Florence-2: Advancing a Unified Representation for a Variety of Vision Tasks

Total runs: 49.5K
Run Growth: 3.4K
Growth Rate: 6.87%
Updated: June 25 2024
replicate

Implementation of SDXL RealVisXL_V1.0

Total runs: 44.0K
Run Growth: 0
Growth Rate: 0.00%
Updated: September 13 2023
replicate

SDXL Image Blending

Total runs: 42.4K
Run Growth: 0
Growth Rate: 0.00%
Updated: December 11 2023
replicate

(Academic and Non-commercial use only) Pixel-Aware Stable Diffusion for Realistic Image Super-resolution and Personalized Stylization

Total runs: 39.5K
Run Growth: 300
Growth Rate: 0.76%
Updated: January 08 2024
replicate

BakLLaVA-1 is a Mistral 7B base augmented with the LLaVA 1.5 architecture

Total runs: 39.0K
Run Growth: 0
Growth Rate: 0.00%
Updated: October 24 2023
replicate

lmsys/vicuna-13b-v1.3

Total runs: 38.4K
Run Growth: 0
Growth Rate: 0.00%
Updated: June 29 2023
replicate

Mistral-7B-v0.1 fine tuned for chat with the Dolphin dataset (an open-source implementation of Microsoft's Orca)

Total runs: 35.0K
Run Growth: 400
Growth Rate: 1.14%
Updated: October 31 2023
replicate

Real-ESRGAN with optional face correction and adjustable upscale (for larger images)

Total runs: 34.3K
Run Growth: 200
Growth Rate: 0.58%
Updated: July 17 2023
replicate

Gemma2 2b by Google

Total runs: 33.1K
Run Growth: 0
Growth Rate: 0.00%
Updated: August 01 2024
replicate

The image prompt adapter is designed to enable a pretrained text-to-image diffusion model to generate SDXL images with an image prompt

Total runs: 31.1K
Run Growth: 200
Growth Rate: 0.64%
Updated: November 11 2023
replicate

Florence-2: Advancing a Unified Representation for a Variety of Vision Tasks

Total runs: 31.1K
Run Growth: 1000
Growth Rate: 3.22%
Updated: June 25 2024
replicate

lmsys/vicuna-7b-v1.3

Total runs: 28.6K
Run Growth: 100
Growth Rate: 0.35%
Updated: June 29 2023
replicate

(Research only) IP-Adapter-FaceID can generate various style images conditioned on a face with only text prompts

Total runs: 28.3K
Run Growth: 0
Growth Rate: 0.00%
Updated: December 20 2023
replicate

Meta's Llama 2 7b Chat - GPTQ

Total runs: 20.3K
Run Growth: 100
Growth Rate: 0.49%
Updated: July 24 2023
replicate

sdxs-512-0.9 can generate high-resolution images in real-time based on prompt texts, trained using score distillation and feature matching

Total runs: 18.8K
Run Growth: 0
Growth Rate: 0.00%
Updated: March 28 2024
replicate

Stylized Audio-Driven Single Image Talking Face Animation

Total runs: 18.6K
Run Growth: 100
Growth Rate: 0.54%
Updated: October 08 2023
replicate

Meta's Llama 2 13b Chat - GPTQ

Total runs: 18.5K
Run Growth: 0
Growth Rate: 0.00%
Updated: July 24 2023
replicate

WizardCoder: Empowering Code Large Language Models with Evol-Instruct

Total runs: 17.0K
Run Growth: 0
Growth Rate: 0.00%
Updated: January 23 2024
replicate

ThinkDiffusionXL is a go-to model capable of amazing photorealism that's also versatile enough to generate high-quality images across a variety of styles and subjects without needing to be a prompting genius

Total runs: 15.5K
Run Growth: 100
Growth Rate: 0.65%
Updated: November 06 2023
replicate

This is wizard-vicuna-13b trained with a subset of the dataset - responses that contained alignment / moralizing were removed

Total runs: 15.1K
Run Growth: 0
Growth Rate: 0.00%
Updated: April 25 2024
replicate

Hyper FLUX 16-step by ByteDance

Total runs: 15.0K
Run Growth: 0
Growth Rate: 0.00%
Updated: August 28 2024
replicate

Mistral-7B-v0.1 fine tuned for chat with the Dolphin dataset (an open-source implementation of Microsoft's Orca)

Total runs: 13.4K
Run Growth: 0
Growth Rate: 0.00%
Updated: October 31 2023
replicate

Image-to-video - SEINE: Short-to-Long Video Diffusion Model for Generative Transition and Prediction

Total runs: 12.0K
Run Growth: 600
Growth Rate: 5.00%
Updated: November 23 2023
replicate

InterpAny-Clearer: Clearer anytime frame interpolation & Manipulated interpolation

Total runs: 11.4K
Run Growth: 0
Growth Rate: 0.00%
Updated: November 29 2023
replicate

Segments an audio recording based on who is speaking (on A100)

Total runs: 11.4K
Run Growth: 0
Growth Rate: 0.00%
Updated: July 21 2023
replicate

Latest model in the Qwen family for chatting with video and image models

Total runs: 11.3K
Run Growth: 0
Growth Rate: 0.00%
Updated: December 20 2024
replicate

(Research only) Moondream1 is a vision language model that performs on par with models twice its size

Total runs: 10.7K
Run Growth: 0
Growth Rate: 0.00%
Updated: January 24 2024
replicate

Image to Image enhancer using DemoFusion

Total runs: 10.4K
Run Growth: 100
Growth Rate: 0.96%
Updated: December 08 2023
replicate

Open diffusion model for high-quality video generation

Total runs: 10.3K
Run Growth: 100
Growth Rate: 0.97%
Updated: October 19 2023
replicate

Auto fuse a user's face onto the template image, with a similar appearance to the user

Total runs: 10.1K
Run Growth: 200
Growth Rate: 1.98%
Updated: November 15 2023
replicate

DemoFusion: Democratising High-Resolution Image Generation With No 💰

Total runs: 9.0K
Run Growth: 0
Growth Rate: 0.00%
Updated: December 03 2023
replicate

Segment Anything 2 (SAM2) by Meta - Automatic mask generation

Total runs: 8.9K
Run Growth: 1.2K
Growth Rate: 13.48%
Updated: July 31 2024
replicate

Implementation of SDXL RealVisXL_V2.0 img2img

Total runs: 8.6K
Run Growth: 0
Growth Rate: 0.00%
Updated: November 07 2023
replicate

Phi-3-Mini-128K-Instruct is a 3.8 billion-parameter, lightweight, state-of-the-art open model trained using the Phi-3 datasets

Total runs: 8.0K
Run Growth: 0
Growth Rate: 0.00%
Updated: April 25 2024
replicate

Cog wrapper for Ollama llama3:70b

Total runs: 6.6K
Run Growth: 6.5K
Growth Rate: 98.42%
Updated: July 09 2024
replicate

360 Panorama SDXL image with inpainted wrapping seam

Total runs: 6.3K
Run Growth: 100
Growth Rate: 1.59%
Updated: September 09 2023
replicate

Convert your videos to DensePose and use it with MagicAnimate

Total runs: 5.7K
Run Growth: 0
Growth Rate: 0.00%
Updated: December 06 2023
replicate

Projection module trained to add vision capabilties to Llama 3 using SigLIP

Total runs: 5.5K
Run Growth: 100
Growth Rate: 1.82%
Updated: November 05 2024
replicate

Fuyu-8B is a multi-modal text and image transformer trained by Adept AI

Total runs: 4.6K
Run Growth: 0
Growth Rate: 0.00%
Updated: October 20 2023
replicate

Qwen1.5 is the beta version of Qwen2, a transformer-based decoder-only language model pretrained on a large amount of data

Total runs: 4.1K
Run Growth: 100
Growth Rate: 2.44%
Updated: February 06 2024
replicate

Controlnet v1.1 - Tile Version

Total runs: 4.0K
Run Growth: 0
Growth Rate: 0.00%
Updated: November 27 2023
replicate

SDXL using DeepCache

Total runs: 3.8K
Run Growth: 0
Growth Rate: 0.00%
Updated: January 07 2024
replicate

Playground v2 is a diffusion-based text-to-image generative model trained from scratch. Try out all 3 models here

Total runs: 3.6K
Run Growth: 0
Growth Rate: 0.00%
Updated: December 07 2023
replicate

nomic-embed-text-v1 is 8192 context length text encoder that surpasses OpenAI text-embedding-ada-002 and text-embedding-3-small performance on short and long context tasks

Total runs: 3.6K
Run Growth: 0
Growth Rate: 0.00%
Updated: February 12 2024
replicate

Segmind Stable Diffusion Model (SSD-1B) img2img

Total runs: 3.6K
Run Growth: 0
Growth Rate: 0.00%
Updated: November 03 2023
replicate

A combination of ip_adapter SDv1.5 and mediapipe-face to inpaint a face

Total runs: 3.6K
Run Growth: 200
Growth Rate: 5.56%
Updated: November 15 2023
replicate

Phi-2 by Microsoft

Total runs: 3.5K
Run Growth: 200
Growth Rate: 5.71%
Updated: January 30 2024
replicate

Implementation of SDXL RealVisXL_V1.0 img2img

Total runs: 3.4K
Run Growth: 0
Growth Rate: 0.00%
Updated: November 01 2023
replicate

A Flux LoRA trained on watercolor style photos

Total runs: 3.2K
Run Growth: 500
Growth Rate: 15.63%
Updated: August 15 2024