NeMo
Haoxiang-Wang commited on
Commit
b529477
1 Parent(s): b20bc77

Update README.md

Browse files
Files changed (1) hide show
  1. README.md +326 -3
README.md CHANGED
@@ -1,3 +1,326 @@
1
- ---
2
- license: apache-2.0
3
- ---
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ ---
2
+ license: other
3
+ license_name: nvidia-open-model-license
4
+ license_link: >-
5
+ https://developer.download.nvidia.com/licenses/nvidia-open-model-license-agreement-june-2024.pdf
6
+ library_name: nemo
7
+ ---
8
+ # **Cosmos Tokenizer**: A suite of image and video tokenizers
9
+
10
+ [**Website**](https://research.nvidia.com/labs/dir/cosmos-tokenizer) | [**Code**](https://github.com/NVIDIA/Cosmos-Tokenizer) | **Video**
11
+
12
+
13
+ # Model Overview
14
+
15
+ ## Description:
16
+ **Cosmos Tokenizer** is a suite of visual tokenizers for images and videos that delivers various compression rates while maintaining high reconstruction quality. Cosmos Tokenizer can serve as an effective and efficient building block in both diffusion-based and autoregressive models for image and video generation.
17
+
18
+
19
+ Our tokenizers come in two types: **Continuous** (C) and **Discrete** (D), each with **Image** (I) and **Video** (V) variants:
20
+ * Continuous tokenizers encode visual data into continuous latent embeddings, as shown in latent diffusion models like [Stable Diffusion](https://github.com/CompVis/stable-diffusion). These embeddings are suitable for models that generate data by sampling from continuous distributions.
21
+ * Discrete tokenizers encode visual data into discrete latent codes, mapping them into quantized indices, as seen in autoregressive transformers such as [VideoPoet](https://sites.research.google/videopoet/). This discretization is required for models that generate data by optimizing the cross-entropy loss, such as the GPT models.
22
+
23
+
24
+ | | Continuous ( C ) | Discrete ( D ) |
25
+ | ------------------|---------------------|---------------------|
26
+ | **Images ( I )** | Cosmos-Tokenizer-CI | Cosmos-Tokenizer-DI |
27
+ | **Videos ( V )** | Cosmos-Tokenizer-CV | Cosmos-Tokenizer-DV |
28
+
29
+
30
+ Given an image or a video, Cosmos Tokenizer outputs either continuous latents or discrete tokens. Cosmos Tokenizer achieves spatial compression rates of 8x8 or 16x16 and temporal compression factors of 4x or 8x, resulting in a total compression factor of up to 2048x (=8x16x16). Cosmos Tokenizer delivers 8x more total compression than state-of-the-art (SOTA) methods while simultaneously maintaining higher image quality and running up to 12x faster than the best available SOTA tokenizers.
31
+
32
+ **Model Developer**: NVIDIA
33
+
34
+ ## Model Versions
35
+
36
+ The initial release (v1.0) of Cosmos Tokenizer includes the following tokenizers:
37
+ * **Continuous Tokenizers**
38
+ * Continuous Image (CI) Tokenizer
39
+ * [Cosmos-Tokenizer-CI8x8](https://huggingface.co/nvidia/Cosmos-Tokenizer-CI8x8) (8x8 spatial compression)
40
+ * [Cosmos-Tokenizer-CI16x16](https://huggingface.co/nvidia/Cosmos-Tokenizer-CI16x16) (16x16 spatial compression)
41
+ * Continuous Video (CV) Tokenizer
42
+ * [Cosmos-Tokenizer-CV4x8x8](https://huggingface.co/nvidia/Cosmos-Tokenizer-CV4x8x8) (4x temporal compression, 8x8 spatial compression)
43
+ * [Cosmos-Tokenizer-CV8x8x8](https://huggingface.co/nvidia/Cosmos-Tokenizer-CV8x8x8) (8x temporal compression, 8x8 spatial compression)
44
+ * [Cosmos-Tokenizer-CV8x16x16](https://huggingface.co/nvidia/Cosmos-Tokenizer-CV8x16x16) (8x temporal compression, 16x16 spatial compression)
45
+ * **Discrete Tokenizers**
46
+ * Discrete Image (DI) Tokenizer
47
+ * [Cosmos-Tokenizer-DI8x8](https://huggingface.co/nvidia/Cosmos-Tokenizer-DI8x8) (8x8 spatial compression)
48
+ * [Cosmos-Tokenizer-DI16x16](https://huggingface.co/nvidia/Cosmos-Tokenizer-DI16x16) (16x16 spatial compression)
49
+ * Discrete Video (DV) Tokenizer
50
+ * [Cosmos-Tokenizer-DV4x8x8](https://huggingface.co/nvidia/Cosmos-Tokenizer-DV4x8x8) (4x temporal compression, 8x8 spatial compression)
51
+ * [Cosmos-Tokenizer-DV8x8x8](https://huggingface.co/nvidia/Cosmos-Tokenizer-DV8x8x8) (8x temporal compression, 8x8 spatial compression)
52
+ * [Cosmos-Tokenizer-DV8x16x16](https://huggingface.co/nvidia/Cosmos-Tokenizer-DV8x16x16) (8x temporal compression, 16x16 spatial compression)
53
+
54
+
55
+ ### License/Terms of Use:
56
+ [NVIDIA Open Model License](https://developer.download.nvidia.com/licenses/nvidia-open-model-license-agreement-june-2024.pdf)
57
+
58
+ Under the NVIDIA Open Model License, NVIDIA confirms:
59
+
60
+ * Models are commercially usable.
61
+ * You are free to create and distribute Derivative Models.
62
+ * NVIDIA does not claim ownership to any outputs generated using the Models or Derivative Models.
63
+
64
+ ## Model Architecture:
65
+
66
+ We designed Cosmos Tokenizer using a lightweight and computationally efficient architecture, featuring a temporally causal design. Specifically, we employ causal temporal convolution and causal temporal attention layers to preserve the natural temporal order of video frames, ensuring seamless tokenization of images and videos using a single unified network architecture. The encoder and decoder form a symmetrical pair, which are mirrors of each other. The encoder starts with a 2-level [Haar wavelet](https://link.springer.com/book/10.1007/978-3-319-04295-4) transform layer, which down-samples inputs by a factor of 4 in both spatial and temporal dimensions. Likewise, the decoder ends with an inverse wavelet transform. We employ the vanilla autoencoder (AE) formulation to model the latent space for continuous tokenizers. For discrete tokenizers, we adopt the [Finite-Scalar-Quantization](https://openreview.net/forum?id=8ishA3LxN8) (FSQ) as the latent space quantizer.
67
+
68
+ ![image/jpeg](https://cdn-uploads.huggingface.co/production/uploads/638fb8cf2380ffd99caf8c2a/gQH5n9iCEtqZc7uutUwdL.jpeg)
69
+
70
+
71
+
72
+ ## Input/Output Specifications
73
+
74
+ ### Encoder
75
+ * **Input**
76
+ * **Types:** Images or Videos
77
+ * **Format:** RGB (Red, Green, Blue)
78
+ * **Resolution:**
79
+ * Minimum: 256px (shorter side)
80
+ * Maximum: Up to 4K
81
+ * **Video Length:** Up to 8 seconds for 1080p videos (bounded by A100 80G GPU memory; higher resolutions will have shorter supported durations)
82
+
83
+ * **Output**
84
+ * **Types:** Tokens
85
+ * Continuous Image/Video Tokenizers: Continuous value feature vectors
86
+ * Discrete Image/Video Tokenizers: Integer indices
87
+
88
+ ### Decoder
89
+ * **Input**
90
+ * **Types:** Tokens from encoder
91
+
92
+ * **Output**
93
+ * **Types:** Images or Videos (matching input type)
94
+ * **Format:** RGB (Red, Green, Blue)
95
+ * **Resolution:** Same as input resolution
96
+ * **Video Length:** Same as input video length
97
+
98
+ ## Software Integration (Required For NVIDIA Models Only):
99
+ **Runtime Engine(s):**
100
+ * [Cosmos-Tokenizer](https://github.com/NVIDIA/Cosmos-Tokenizer)
101
+ * [NeMo](https://github.com/NVIDIA/NeMo) (please install the latest version from the GitHub main branch)
102
+
103
+ **Supported Hardware Microarchitecture Compatibility:**
104
+ * NVIDIA Ampere (e.g., A100)
105
+ * NVIDIA Hopper (e.g., H100)
106
+
107
+ Note: We have only tested Cosmos Tokenizer with BF16 precision on Ampere and Hopper GPUs. If you are using older versions of NVIDIA GPUs (e.g., NVIDIA Volta GPUs), you may need to switch to FP32 precision.
108
+
109
+
110
+ **Operating System(s):**
111
+ * Linux (We have not tested on other operating systems.)
112
+
113
+ # Usage
114
+ Inference Engines:
115
+ * [Cosmos-Tokenizer](https://github.com/NVIDIA/Cosmos-Tokenizer) (PyTorch)
116
+ * [NeMo](https://github.com/NVIDIA/NeMo)
117
+
118
+ ## Inference with `Cosmos-Tokenizer` (PyTorch)
119
+ ### Step-1: Installation of `Cosmos-Tokenizer`
120
+ Note: Currently, the `Cosmos-Tokenizer` code is only supported on Linux.
121
+
122
+ - Please clone the `Cosmos-Tokenizer` from GitHub repo [github.com/NVIDIA/Cosmos-Tokenizer](https://github.com/NVIDIA/Cosmos-Tokenizer).
123
+
124
+ ```bash
125
+ git clone https://github.com/NVIDIA/Cosmos-Tokenizer.git
126
+ cd Cosmos-Tokenizer
127
+ ```
128
+ - Install dependencies
129
+
130
+ ```bash
131
+ pip3 install -r requirements.txt
132
+ apt-get install -y ffmpeg
133
+ ```
134
+
135
+ - Preferably, you could build a docker image using our provided Dockerfile.
136
+ ```bash
137
+ docker build -t cosmos-docker -f Dockerfile.
138
+ # You can run the container as:
139
+ docker run --gpus all -it --rm -v /home/${USER}:/home/${USER} \
140
+ --workdir ${PWD} cosmos-docker /bin/bash
141
+ ```
142
+
143
+ ### Step-2: Download Pre-trained Checkpoints
144
+ - Create a local directory for the pre-trained checkpoints and download the
145
+ pre-trained checkpoints from HuggingFace.
146
+
147
+ ```python
148
+ from huggingface_hub import login, snapshot_download
149
+ import os
150
+ # You could get your Hugging Face token from https://huggingface.co/settings/tokens
151
+ login(token=<YOUT-HF-TOKEN>, add_to_git_credential=True)
152
+ # You could specify the tokenizers you want to download.
153
+ model_names = [
154
+ "Cosmos-Tokenizer-CI8x8",
155
+ "Cosmos-Tokenizer-CI16x16",
156
+ "Cosmos-Tokenizer-CV4x8x8",
157
+ "Cosmos-Tokenizer-CV8x8x8",
158
+ "Cosmos-Tokenizer-CV8x16x16",
159
+ "Cosmos-Tokenizer-DI8x8",
160
+ "Cosmos-Tokenizer-DI16x16",
161
+ "Cosmos-Tokenizer-DV4x8x8",
162
+ "Cosmos-Tokenizer-DV8x8x8",
163
+ "Cosmos-Tokenizer-DV8x16x16",
164
+ ]
165
+ for model_name in model_names:
166
+ hf_repo = "nvidia/" + model_name
167
+ local_dir = "pretrained_ckpts/" + model_name
168
+ os.makedirs(local_dir, exist_ok=True)
169
+ print(f"downloading {model_name} to {local_dir}...")
170
+ snapshot_download(repo_id=hf_repo, allow_patterns=["*.jit"], local_dir=local_dir)
171
+ ```
172
+
173
+ - Under the ech checkpoint directory `pretrained_ckpts/<model-name>`, we provide the encoder,
174
+ decoder and the full autoencoder JIT models.
175
+
176
+ ```bash
177
+ ├── pretrained_ckpts/
178
+ │ ├── Cosmos-Tokenizer-DV8x8x8/
179
+ │ │ ├── encoder.jit
180
+ │ │ ├── decoder.jit
181
+ │ │ ├── autoencoder.jit
182
+ │ ...
183
+ ```
184
+
185
+ ### Step-3: Run Inference
186
+ You can use the following example commands to encode and decode images or videos. For each, the same command works for both continuous and discrete tokenization. Simply provide the proper JIT-compiled ckpt to `checkpoint_enc`, `checkpoint_dec`, or the full autoencoder ckpt to `checkpoint`.
187
+
188
+ ```python
189
+ import torch
190
+ from cosmos_tokenizer.video_lib import CausalVideoTokenizer
191
+
192
+ model_name = "Cosmos-Tokenizer-CV4x8x8"
193
+ input_tensor = torch.randn(1, 3, 9, 512, 512).to('cuda').to(torch.bfloat16) # [B, C, T, H, W]
194
+ encoder = CausalVideoTokenizer(checkpoint_enc=f'pretrained_ckpts/{model_name}/encoder.jit')
195
+ (latent,) = encoder.encode(input_tensor)
196
+ torch.testing.assert_close(latent.shape, (1, 16, 3, 64, 64))
197
+
198
+ # The input tensor can be reconstructed by the decoder as:
199
+ decoder = CausalVideoTokenizer(checkpoint_dec=f'pretrained_ckpts/{model_name}/decoder.jit')
200
+ reconstructed_tensor = decoder.decode(latent)
201
+ torch.testing.assert_close(reconstructed_tensor.shape, input_tensor.shape)
202
+ ```
203
+
204
+ The latent will have the shape `(1, 16, 3, 64, 64)`, where the first of the three latents represents the first frame, and `C=16` is the number of channels of the latent.
205
+
206
+ **Note**: More inference usage commands, including both TorchScript (JIT) and PyTorch Inference APIs on real images and videos, can be found on our GitHub repository [github.com/NVIDIA/Cosmos-Tokenizer](https://github.com/NVIDIA/Cosmos-Tokenizer).
207
+
208
+
209
+ ## Inference with NeMo
210
+
211
+ ### Step-1: Install NeMo
212
+ Please install NeMo from the GitHub `main` branch following the instructions [here](https://github.com/NVIDIA/NeMo?tab=readme-ov-file#pip-from-a-source-branch).
213
+
214
+ ### Step-2: Run Inference
215
+ Run the following code to tokenize the video:
216
+
217
+ ```python
218
+ import torch
219
+ from nemo.collections.common.video_tokenizers.cosmos_vision_tokenizer import CausalVideoTokenizer
220
+ model_name = "Cosmos-Tokenizer-CV4x8x8"
221
+ model = CausalVideoTokenizer.from_pretrained(model_name)
222
+ input_tensor = torch.randn(1, 3, 9, 512, 512).to('cuda').to(torch.bfloat16)
223
+ (latent, ) = model.encode(input_tensor)
224
+ ```
225
+
226
+ # Evaluation
227
+
228
+ ## TokenizationPerformance Comparison
229
+ We have extensively evaluated the **Cosmos Tokenizer** suite on various image and video benchmark datasets. In addition to commonly used datasets such as [MS-COCO](https://cocodataset.org/#home) and [DAVIS](https://davischallenge.org/), in order to cover a wide variety of visual data and standardize the evaluation, we created a benchmark called [TokenBench](https://github.com/NVlabs/Token-Bench), which is a mixed sampling of video data from diverse domains.
230
+
231
+ | Tokenizer | Compression Ratio | Formulation | PSNR (DAVIS) | SSIM (DAVIS) | rFVD (DAVIS) | PSNR (TokenBench) | SSIM (TokenBench) | rFVD (TokenBench) |
232
+ |----------------|-------------------|-------------|--------------|--------------|--------------|--------------------|--------------------|--------------------|
233
+ | CogVideoX | 4×8×8 | VAE | 31.74 | 0.860 | 19.58 | 33.14 | 0.908 | 6.97 |
234
+ | Omnitokenizer | 4×8×8 | VAE | 29.04 | 0.710 | 117.66 | 29.70 | 0.830 | 35.86 |
235
+ | Cosmos-Tokenizer-CV | 4×8×8 | AE | **35.28** | **0.890** | **15.93** | **37.27** | **0.928** | **6.849** |
236
+ | Cosmos-Tokenizer-CV | 8×8×8 | AE | 34.10 | 0.850 | 30.16 | 36.85 | 0.917 | 11.62 |
237
+ | Cosmos-Tokenizer-CV | 8×16×16 | AE | 32.55 | 0.770 | 93.82 | 35.15 | 0.875 | 43.08 |
238
+
239
+
240
+ * We compare with the state-of-the-art discrete video tokenizer, [OmniTokenizer](https://github.com/FoundationVision/OmniTokenizer).
241
+ * Evaluation metrics:
242
+ * Peak Signal-to-Noise Ratio (PSNR)
243
+ * Structural Similarity (SSIM)
244
+ * Reconstruction Fréchet Video Distance (rFVD)
245
+
246
+ ## Runtime Comparison
247
+
248
+ The following table shows the number of parameters and the averaged encoding and decoding times per image or video frame, measured on a single A100 80GB GPU. For comparison, we also list the parameters and average speeds of prior state-of-the-art tokenizer(s) with the same compression ratio.
249
+
250
+ | Tokenizer | Resolution | Compression Ratio | Parameters | Time (ms) |
251
+ |----------------|------------|-------------------|------------|-----------|
252
+ | CogVideoX | 720x1280 | 4×8×8 | 216M | 414 |
253
+ | OmniTokenizer | 720x1280 | 4×8×8 | 54M | 82.9 |
254
+ | Cosmos-Tokenizer-CV | 720x1280 | 4×8×8 | 105M | **34.8** |
255
+
256
+
257
+ Note: We benchmarked the runtime for images under the 8x8 compression and videos under the 4×8×8 compression. Tokenizers with different compression ratios are not included in this comparison.
258
+
259
+ ## Ethical Considerations
260
+ 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 internal model team to ensure this model meets requirements for the relevant industry and use case and addresses unforeseen product misuse.
261
+
262
+ For more detailed information on ethical considerations for this model, please see the subcards of Explainability, Bias, Safety & Security, and Privacy below. Please report security vulnerabilities or NVIDIA AI Concerns [here](https://www.nvidia.com/en-us/support/submit-security-vulnerability/).
263
+
264
+ ### Bias
265
+
266
+ Field | Response
267
+ :---------------------------------------------------------------------------------------------------|:---------------
268
+ Participation considerations from adversely impacted groups [protected classes](https://www.senate.ca.gov/content/protected-classes) in model design and testing: | None
269
+ Measures taken to mitigate against unwanted bias: | None
270
+
271
+
272
+ ### Explainability
273
+
274
+ Field | Response
275
+ :------------------------------------------------------------------------------------------------------|:---------------------------------------------------------------------------------
276
+ Intended Application & Domain: | Tokenization of images and videos
277
+ Model Type: | Auto-Encoder
278
+ Intended Users: | Generative AI developers for image and video generation models
279
+ Output: | Images/Videos and Latent Tokens
280
+ Describe how the model works: | Compresses and decompresses visual input (image/video).
281
+ Technical Limitations: | Some visual information (such as small text) may not be reconstructed accurately by the model.
282
+ Verified to have met prescribed NVIDIA quality standards: | Yes
283
+ Performance Metrics: | Peak Signal-to-Noise Ratio (PSNR), Structural Similarity (SSIM), Reconstruction Fréchet Video Distance (rFVD), Reconstruction Fréchet Inception Distance (rFID), Latency
284
+ Potential Known Risks: | Tokenizer's output can parse all forms of input, including what may be considered toxic, offensive, or indecent.
285
+ Licensing: | [NVIDIA Open Model License](https://developer.download.nvidia.com/licenses/nvidia-open-model-license-agreement-june-2024.pdf)
286
+
287
+
288
+ ### Privacy
289
+ Field | Response
290
+ :----------------------------------------------------------------------------------------------------------------------------------|:-----------------------------------------------
291
+ Generatable or reverse engineerable personal information? | No
292
+ Protected class data used to create this model? | None Known
293
+ Was consent obtained for any personal data used? | None Known
294
+ How often is dataset reviewed? | Before Release
295
+ Is a mechanism in place to honor data subject right of access or deletion of personal data? | Not Applicable
296
+ If personal collected for the development of the model, was it collected directly by NVIDIA? | Not Applicable
297
+ If personal collected for the development of the model by NVIDIA, do you maintain or have access to disclosures made to data subjects? | Not Applicable
298
+ If personal collected for the development of this AI model, was it minimized to only what was required? | Not Applicable
299
+ Is there provenance for all datasets used in training? | Yes
300
+ Does data labeling (annotation, metadata) comply with privacy laws? | Yes
301
+ Is data compliant with data subject requests for data correction or removal, if such a request was made? | Not Applicable
302
+
303
+ ### Safety
304
+
305
+ Field | Response
306
+ :---------------------------------------------------|:----------------------------------
307
+ Model Application(s): | Tokenization of images and videos
308
+ Describe the life critical impact (if present). | None Known
309
+ Use Case Restrictions: | See [NVIDIA Open Model License](https://developer.download.nvidia.com/licenses/nvidia-open-model-license-agreement-june-2024.pdf)
310
+ Model and dataset restrictions: | The Principle of least privilege (PoLP) is applied limiting access for dataset generation and model development. Restrictions enforce dataset access during training, and dataset license constraints adhered to. Model checkpoints are made available on Hugging Face, and may become available on cloud providers' model catalog.
311
+
312
+
313
+ ### Plus Plus (++) Promise
314
+
315
+ We value you, the datasets, the diversity they represent, and what we have been entrusted with. This model and its associated data have been:
316
+ * Verified to comply with current applicable disclosure laws, regulations, and industry standards.
317
+ * Verified to comply with applicable privacy labeling requirements.
318
+ * Annotated to describe the collector/source (NVIDIA or a third-party).
319
+ * Characterized for technical limitations.
320
+ * Reviewed to ensure proper disclosure is accessible to, maintained for, and in compliance with NVIDIA data subjects and their requests.
321
+ * Reviewed before release.
322
+ * Tagged for known restrictions and potential safety implications.
323
+
324
+
325
+ # Core Contributors
326
+ Fitsum Reda, Jinwei Gu, Xian Liu, Songwei Ge, Ting-Chun Wang, Haoxiang Wang, Ming-Yu Liu