Skip to content

vllm.v1.worker.gpu.model_runner

logger module-attribute

logger = init_logger(__name__)

GPUModelRunner

Bases: LoRAModelRunnerMixin, KVConnectorModelRunnerMixin

Source code in vllm/v1/worker/gpu/model_runner.py
 51
 52
 53
 54
 55
 56
 57
 58
 59
 60
 61
 62
 63
 64
 65
 66
 67
 68
 69
 70
 71
 72
 73
 74
 75
 76
 77
 78
 79
 80
 81
 82
 83
 84
 85
 86
 87
 88
 89
 90
 91
 92
 93
 94
 95
 96
 97
 98
 99
100
101
102
103
104
105
106
107
108
109
110
111
112
113
114
115
116
117
118
119
120
121
122
123
124
125
126
127
128
129
130
131
132
133
134
135
136
137
138
139
140
141
142
143
144
145
146
147
148
149
150
151
152
153
154
155
156
157
158
159
160
161
162
163
164
165
166
167
168
169
170
171
172
173
174
175
176
177
178
179
180
181
182
183
184
185
186
187
188
189
190
191
192
193
194
195
196
197
198
199
200
201
202
203
204
205
206
207
208
209
210
211
212
213
214
215
216
217
218
219
220
221
222
223
224
225
226
227
228
229
230
231
232
233
234
235
236
237
238
239
240
241
242
243
244
245
246
247
248
249
250
251
252
253
254
255
256
257
258
259
260
261
262
263
264
265
266
267
268
269
270
271
272
273
274
275
276
277
278
279
280
281
282
283
284
285
286
287
288
289
290
291
292
293
294
295
296
297
298
299
300
301
302
303
304
305
306
307
308
309
310
311
312
313
314
315
316
317
318
319
320
321
322
323
324
325
326
327
328
329
330
331
332
333
334
335
336
337
338
339
340
341
342
343
344
345
346
347
348
349
350
351
352
353
354
355
356
357
358
359
360
361
362
363
364
365
366
367
368
369
370
371
372
373
374
375
376
377
378
379
380
381
382
383
384
385
386
387
388
389
390
391
392
393
394
395
396
397
398
399
400
401
402
403
404
405
406
407
408
409
410
411
412
413
414
415
416
417
418
419
420
421
422
423
424
425
426
427
428
429
430
431
432
433
434
435
436
437
438
439
440
441
442
443
444
445
446
447
448
449
450
451
452
453
454
455
456
457
458
459
460
461
462
463
464
465
466
467
468
469
470
471
472
473
474
475
476
477
478
479
480
481
482
483
484
485
486
487
488
489
490
491
492
493
494
495
496
497
498
499
500
501
502
503
504
505
506
507
508
509
510
511
512
513
514
515
516
517
518
519
520
521
522
523
524
525
526
527
528
529
530
531
532
533
534
535
536
537
538
539
540
541
542
543
544
545
546
547
548
549
550
551
552
553
554
555
556
557
558
559
560
561
562
563
564
565
566
567
568
569
570
571
572
573
574
575
576
577
578
579
580
581
582
583
584
585
586
587
588
589
590
591
592
593
594
595
596
597
598
599
600
601
602
603
604
605
606
607
608
609
610
611
612
613
614
615
616
617
618
619
620
621
622
623
624
625
626
627
628
629
630
631
632
633
634
635
636
637
638
639
640
641
642
643
644
645
646
647
648
649
650
651
652
653
654
655
656
657
658
659
660
661
662
663
664
665
666
667
668
669
670
671
672
673
674
675
676
677
678
679
680
681
682
683
684
685
686
687
688
class GPUModelRunner(LoRAModelRunnerMixin, KVConnectorModelRunnerMixin):
    def __init__(
        self,
        vllm_config: VllmConfig,
        device: torch.device,
    ):
        self.vllm_config = vllm_config
        self.model_config = vllm_config.model_config
        self.cache_config = vllm_config.cache_config
        self.compilation_config = vllm_config.compilation_config
        self.lora_config = vllm_config.lora_config
        self.load_config = vllm_config.load_config
        self.parallel_config = vllm_config.parallel_config
        self.scheduler_config = vllm_config.scheduler_config
        self.speculative_config = vllm_config.speculative_config
        self.observability_config = vllm_config.observability_config

        self.device = device
        self.pin_memory = is_pin_memory_available()
        self.dtype = self.model_config.dtype
        self.kv_cache_dtype = self.dtype
        if self.cache_config.cache_dtype != "auto":
            # Quantized KV cache.
            self.kv_cache_dtype = STR_DTYPE_TO_TORCH_DTYPE[
                self.cache_config.cache_dtype
            ]
        self.is_pooling_model = False

        self.vocab_size = self.model_config.get_vocab_size()
        self.max_model_len = self.model_config.max_model_len
        self.max_num_tokens = self.scheduler_config.max_num_batched_tokens
        self.max_num_reqs = self.scheduler_config.max_num_seqs
        self.hidden_size = self.model_config.get_hidden_size()

        self.use_async_scheduling = self.scheduler_config.async_scheduling
        self.output_copy_stream = torch.cuda.Stream(self.device)
        self.input_prep_event = torch.cuda.Event()

        self.req_states = RequestState(
            max_num_reqs=self.max_num_reqs,
            max_model_len=self.max_model_len,
            max_num_batched_tokens=self.max_num_tokens,
            vocab_size=self.vocab_size,
            device=self.device,
            pin_memory=self.pin_memory,
        )
        self.input_buffers = InputBuffers(
            max_num_reqs=self.max_num_reqs,
            max_num_tokens=self.max_num_tokens,
            hidden_size=self.hidden_size,
            dtype=self.dtype,
            device=self.device,
            pin_memory=self.pin_memory,
        )
        self.sampler = Sampler(logprobs_mode=self.model_config.logprobs_mode)

        # CUDA graphs.
        self.cudagraph_manager = CudaGraphManager(
            vllm_config=self.vllm_config,
            device=self.device,
        )

    def get_supported_tasks(self) -> tuple[str]:
        return ("generate",)

    def load_model(self, *args, **kwargs) -> None:
        time_before_load = time.perf_counter()
        with DeviceMemoryProfiler() as m:
            model_loader = get_model_loader(self.vllm_config.load_config)
            logger.info("Loading model from scratch...")

            self.model = model_loader.load_model(
                vllm_config=self.vllm_config,
                model_config=self.vllm_config.model_config,
            )
            if self.lora_config:
                self.model = self.load_lora_model(
                    self.model,
                    self.vllm_config,
                    self.device,
                )
        time_after_load = time.perf_counter()

        self.model_memory_usage = m.consumed_memory
        logger.info(
            "Model loading took %.4f GiB and %.6f seconds",
            m.consumed_memory / GiB_bytes,
            time_after_load - time_before_load,
        )

    def get_model(self) -> nn.Module:
        return self.model

    def get_kv_cache_spec(self):
        return get_kv_cache_spec(self.vllm_config, self.kv_cache_dtype)

    def initialize_kv_cache(self, kv_cache_config: KVCacheConfig) -> None:
        kv_cache_config = deepcopy(kv_cache_config)
        self.kv_cache_config = kv_cache_config
        block_sizes = kv_cache_config.block_sizes

        self.block_tables = BlockTables(
            block_sizes=block_sizes,
            max_num_reqs=self.max_num_reqs,
            max_num_batched_tokens=self.max_num_tokens,
            max_model_len=self.max_model_len,
            device=self.device,
            pin_memory=self.pin_memory,
        )

        self.attn_backends, self.attn_metadata_builders = init_attn_backend(
            self.kv_cache_config,
            self.vllm_config,
            self.device,
        )

        self.kv_caches: list[torch.Tensor] = []
        init_kv_cache(
            self.kv_caches,
            self.compilation_config.static_forward_context,
            self.kv_cache_config,
            self.attn_backends,
            self.device,
        )

    @torch.inference_mode()
    def _dummy_run(
        self,
        num_tokens: int,
        *args,
        input_batch: InputBatch | None = None,
        skip_attn: bool = True,
        **kwargs,
    ) -> tuple[torch.Tensor, torch.Tensor]:
        if input_batch is None:
            num_reqs = min(num_tokens, self.max_num_reqs)
            input_batch = InputBatch.make_dummy(
                num_reqs=num_reqs,
                num_tokens=num_tokens,
                input_buffers=self.input_buffers,
                device=self.device,
            )
            if not skip_attn:
                block_tables = self.block_tables.gather_block_tables(
                    input_batch.idx_mapping
                )
                slot_mappings = self.block_tables.compute_slot_mappings(
                    input_batch.query_start_loc,
                    input_batch.positions,
                )
                attn_metadata = build_attn_metadata(
                    attn_metadata_builders=self.attn_metadata_builders,
                    num_reqs=num_reqs,
                    num_tokens=num_tokens,
                    query_start_loc=self.input_buffers.query_start_loc,
                    seq_lens=self.input_buffers.seq_lens,
                    num_computed_tokens_cpu=None,
                    block_tables=block_tables,
                    slot_mappings=slot_mappings,
                    kv_cache_config=self.kv_cache_config,
                )
                input_batch.attn_metadata = attn_metadata

        with self.maybe_dummy_run_with_lora(
            self.lora_config, input_batch.num_scheduled_tokens
        ):
            with set_forward_context(
                input_batch.attn_metadata,
                self.vllm_config,
                num_tokens=num_tokens,
            ):
                hidden_states = self.model(
                    input_ids=input_batch.input_ids,
                    positions=input_batch.positions,
                )
            sample_hidden_states = hidden_states[input_batch.logits_indices]
        return hidden_states, sample_hidden_states

    @torch.inference_mode()
    def _dummy_sampler_run(
        self,
        hidden_states: torch.Tensor,
    ) -> None:
        num_reqs = hidden_states.shape[0]
        sampling_metadata = SamplingMetadata.make_dummy(
            num_reqs=num_reqs,
            device=self.device,
        )
        logits = self.model.compute_logits(hidden_states)
        self.sampler.sample(logits, sampling_metadata)

    @torch.inference_mode()
    def profile_run(self) -> None:
        input_batch = InputBatch.make_dummy(
            num_reqs=self.max_num_reqs,
            num_tokens=self.max_num_tokens,
            input_buffers=self.input_buffers,
            device=self.device,
        )
        hidden_states, sample_hidden_states = self._dummy_run(
            self.max_num_tokens,
            input_batch=input_batch,
            skip_attn=True,
        )
        self._dummy_sampler_run(sample_hidden_states)
        torch.cuda.synchronize()
        del hidden_states, sample_hidden_states
        gc.collect()

    def reset_mm_cache(self) -> None:
        pass

    @torch.inference_mode()
    def capture_model(self) -> int:
        if not self.cudagraph_manager.needs_capture():
            logger.warning(
                "Skipping CUDA graph capture. To turn on CUDA graph capture, "
                "ensure `cudagraph_mode` was not manually set to `NONE`"
            )
            return 0

        start_time = time.perf_counter()
        start_free_gpu_memory = torch.cuda.mem_get_info()[0]

        with self.maybe_setup_dummy_loras(self.lora_config):
            self.cudagraph_manager.capture(
                model=self.model,
                input_buffers=self.input_buffers,
                block_tables=self.block_tables,
                attn_metadata_builders=self.attn_metadata_builders,
                kv_cache_config=self.kv_cache_config,
            )

        end_time = time.perf_counter()
        end_free_gpu_memory = torch.cuda.mem_get_info()[0]
        elapsed_time = end_time - start_time
        cuda_graph_size = start_free_gpu_memory - end_free_gpu_memory
        # This usually takes 5~20 seconds.
        logger.info(
            "Graph capturing finished in %.0f secs, took %.2f GiB",
            elapsed_time,
            cuda_graph_size / (1 << 30),
        )
        return cuda_graph_size

    def warmup_for_prefill(self) -> None:
        # For FlashInfer, we would like to execute a dummy prefill run to trigger JIT compilation.
        if all("FLASHINFER" in b.get_name() for b in self.attn_backends.values()):
            self._dummy_run(self.max_num_tokens, skip_attn=False)
            torch.cuda.synchronize()

    def update_states(self, scheduler_output: SchedulerOutput) -> None:
        for req_id in scheduler_output.preempted_req_ids:
            self.req_states.remove_request(req_id)
        for req_id in scheduler_output.finished_req_ids:
            self.req_states.remove_request(req_id)

        # TODO(woosuk): Change SchedulerOutput.
        req_indices: list[int] = []
        cu_num_new_blocks = tuple(
            [0] for _ in range(self.block_tables.num_kv_cache_groups)
        )
        new_block_ids = tuple([] for _ in range(self.block_tables.num_kv_cache_groups))
        overwrite: list[bool] = []

        # Add new requests.
        for new_req_data in scheduler_output.scheduled_new_reqs:
            req_id = new_req_data.req_id
            self.req_states.add_request(
                req_id=req_id,
                prompt_len=len(new_req_data.prompt_token_ids),
                prefill_token_ids=new_req_data.prefill_token_ids,
                num_computed_tokens=new_req_data.num_computed_tokens,
                sampling_params=new_req_data.sampling_params,
                lora_request=new_req_data.lora_request,
            )

            req_index = self.req_states.req_id_to_index[req_id]
            req_indices.append(req_index)
            for i, block_ids in enumerate(new_req_data.block_ids):
                x = cu_num_new_blocks[i][-1]
                cu_num_new_blocks[i].append(x + len(block_ids))
                new_block_ids[i].extend(block_ids)
            overwrite.append(True)

        # Add new blocks for the existing requests.
        cached_reqs = scheduler_output.scheduled_cached_reqs
        for i, req_id in enumerate(cached_reqs.req_ids):
            req_index = self.req_states.req_id_to_index[req_id]

            req_new_block_ids = cached_reqs.new_block_ids[i]
            if req_new_block_ids is not None:
                req_indices.append(req_index)
                for group_id, block_ids in enumerate(req_new_block_ids):
                    x = cu_num_new_blocks[group_id][-1]
                    cu_num_new_blocks[group_id].append(x + len(block_ids))
                    new_block_ids[group_id].extend(block_ids)
                overwrite.append(False)

        if req_indices:
            self.block_tables.append_block_ids(
                req_indices=req_indices,
                cu_num_new_blocks=cu_num_new_blocks,
                new_block_ids=new_block_ids,
                overwrite=overwrite,
            )

    def prepare_inputs(
        self,
        scheduler_output: SchedulerOutput,
        use_cudagraph: bool,
        padded_num_tokens: int | None,
    ) -> InputBatch:
        num_tokens = scheduler_output.total_num_scheduled_tokens
        assert num_tokens > 0
        num_reqs = len(scheduler_output.num_scheduled_tokens)

        # Decode first, then prefill.
        # batch_idx -> req_id
        req_ids = sorted(
            scheduler_output.num_scheduled_tokens,
            key=scheduler_output.num_scheduled_tokens.get,
        )
        num_scheduled_tokens = np.array(
            [scheduler_output.num_scheduled_tokens[i] for i in req_ids], dtype=np.int32
        )
        if use_cudagraph:
            assert padded_num_tokens is not None
            num_tokens_after_padding = padded_num_tokens
        else:
            num_tokens_after_padding = num_tokens

        idx_mapping_list = [
            self.req_states.req_id_to_index[req_id] for req_id in req_ids
        ]
        idx_mapping = self.input_buffers.idx_mapping
        idx_mapping.np[:num_reqs] = idx_mapping_list
        idx_mapping_np = idx_mapping.np[:num_reqs]
        idx_mapping = idx_mapping.copy_to_gpu(num_reqs)

        # Block tables: num_kv_cache_groups x [num_reqs, max_num_blocks]
        block_tables = self.block_tables.gather_block_tables(idx_mapping)

        prepare_inputs(
            idx_mapping_np,
            self.req_states.prefill_token_ids,
            self.req_states.num_computed_tokens,
            num_scheduled_tokens,
            self.input_buffers.input_ids,
            self.input_buffers.positions,
            self.input_buffers.query_start_loc,
            self.input_buffers.seq_lens,
            num_tokens,
        )

        query_start_loc = self.input_buffers.query_start_loc
        query_start_loc_gpu = query_start_loc.gpu[: num_reqs + 1]
        query_start_loc_np = query_start_loc.np[: num_reqs + 1]
        seq_lens_gpu = self.input_buffers.seq_lens.gpu[:num_reqs]
        seq_lens_np = self.input_buffers.seq_lens.np[:num_reqs]

        # Some input token ids are directly read from the last sampled tokens.
        combine_last_token_ids(
            self.input_buffers.input_ids.gpu,
            idx_mapping,
            self.req_states.last_sampled_tokens,
            query_start_loc_gpu,
            seq_lens_gpu,
            self.req_states.prefill_len.copy_to_gpu(),
        )

        # Compute slot mappings: [num_kv_cache_groups, num_tokens]
        slot_mappings = self.block_tables.compute_slot_mappings(
            query_start_loc_gpu, self.input_buffers.positions.gpu[:num_tokens]
        )

        num_computed_tokens_cpu = torch.from_numpy(
            self.req_states.num_computed_tokens[idx_mapping_np]
        )

        # Logits indices to sample next token from.
        logits_indices = query_start_loc_gpu[1:] - 1

        # Layer name -> attention metadata.
        attn_metadata = build_attn_metadata(
            attn_metadata_builders=self.attn_metadata_builders,
            num_reqs=num_reqs,
            num_tokens=num_tokens,
            query_start_loc=self.input_buffers.query_start_loc,
            seq_lens=self.input_buffers.seq_lens,
            num_computed_tokens_cpu=num_computed_tokens_cpu,
            block_tables=block_tables,
            slot_mappings=slot_mappings,
            kv_cache_config=self.kv_cache_config,
        )

        input_ids = self.input_buffers.input_ids.gpu[:num_tokens_after_padding]
        positions = self.input_buffers.positions.gpu[:num_tokens_after_padding]
        return InputBatch(
            req_ids=req_ids,
            num_reqs=num_reqs,
            idx_mapping=idx_mapping,
            idx_mapping_np=idx_mapping_np,
            num_scheduled_tokens=num_scheduled_tokens,
            num_tokens=num_tokens,
            num_tokens_after_padding=num_tokens_after_padding,
            query_start_loc=query_start_loc_gpu,
            query_start_loc_np=query_start_loc_np,
            seq_lens=seq_lens_gpu,
            seq_lens_np=seq_lens_np,
            input_ids=input_ids,
            positions=positions,
            attn_metadata=attn_metadata,
            logits_indices=logits_indices,
        )

    def sample(
        self,
        hidden_states: torch.Tensor,
        input_batch: InputBatch,
        sampling_metadata: SamplingMetadata,
    ) -> SamplerOutput:
        sample_hidden_states = hidden_states[input_batch.logits_indices]
        logits = self.model.compute_logits(sample_hidden_states)
        sampler_output = self.sampler.sample(logits, sampling_metadata)
        return sampler_output

    def compute_prompt_logprobs(
        self,
        hidden_states: torch.Tensor,
        input_batch: InputBatch,
    ) -> dict[str, LogprobsTensors]:
        idx_mapping_np = input_batch.idx_mapping_np
        needs_prompt_logprobs = self.req_states.needs_prompt_logprobs[idx_mapping_np]
        if not np.any(needs_prompt_logprobs):
            # No request asks for prompt logprobs.
            return {}

        num_computed_tokens = self.req_states.num_computed_tokens[idx_mapping_np]
        prompt_lens = self.req_states.prompt_len[idx_mapping_np]
        # NOTE(woosuk): -1 because the last prompt token's hidden state is not
        # needed for prompt logprobs.
        includes_prompt = num_computed_tokens < prompt_lens - 1
        # NOTE(woosuk): If the request was resumed after preemption, its prompt
        # logprobs must have been computed before preemption. Skip.
        resumed_after_prompt = (
            prompt_lens < self.req_states.prefill_len.np[idx_mapping_np]
        )
        needs_prompt_logprobs &= includes_prompt & ~resumed_after_prompt
        if not np.any(needs_prompt_logprobs):
            return {}

        # Just to be safe, clone the input ids.
        n = input_batch.num_tokens
        # Shift the input ids by one.
        token_ids = torch.empty_like(input_batch.input_ids[:n])
        token_ids[: n - 1] = input_batch.input_ids[1:n]
        # To avoid out-of-bound access, set the last token id to 0.
        token_ids[n - 1] = 0

        # Handle chunked prompts.
        seq_lens = self.input_buffers.seq_lens.np[: input_batch.num_reqs]
        is_prompt_chunked = seq_lens < prompt_lens
        prefill_token_ids = self.req_states.prefill_token_ids
        query_start_loc = self.input_buffers.query_start_loc.np
        for i, req_id in enumerate(input_batch.req_ids):
            if not needs_prompt_logprobs[i]:
                continue
            if not is_prompt_chunked[i]:
                continue
            # The prompt is chunked. Get the next prompt token.
            req_idx = input_batch.idx_mapping_np[i]
            next_prompt_token = int(prefill_token_ids[req_idx, seq_lens[i]])
            idx = int(query_start_loc[i + 1] - 1)
            # Set the next prompt token.
            # NOTE(woosuk): This triggers a GPU operation.
            token_ids[idx] = next_prompt_token

        # NOTE(woosuk): We mask out logprobs for negative tokens.
        prompt_logprobs, prompt_ranks = compute_prompt_logprobs(
            torch.relu(token_ids),
            hidden_states[:n],
            self.model.compute_logits,
        )
        prompt_logprobs[:, 0].masked_fill_(token_ids < 0, 0)

        prompt_token_ids = token_ids.unsqueeze(-1)
        prompt_logprobs_dict: dict[str, LogprobsTensors] = {}
        for i, req_id in enumerate(input_batch.req_ids):
            if not needs_prompt_logprobs[i]:
                continue

            start_idx = query_start_loc[i]
            end_idx = query_start_loc[i + 1]
            assert start_idx < end_idx, (
                f"start_idx ({start_idx}) >= end_idx ({end_idx})"
            )
            logprobs = LogprobsTensors(
                logprob_token_ids=prompt_token_ids[start_idx:end_idx],
                logprobs=prompt_logprobs[start_idx:end_idx],
                selected_token_ranks=prompt_ranks[start_idx:end_idx],
            )

            req_extra_data = self.req_states.extra_data[req_id]
            prompt_logprobs_list = req_extra_data.in_progress_prompt_logprobs
            if is_prompt_chunked[i]:
                # Prompt is chunked. Do not return the logprobs yet.
                prompt_logprobs_list.append(logprobs)
                continue

            if prompt_logprobs_list:
                # Merge the in-progress logprobs.
                prompt_logprobs_list.append(logprobs)
                logprobs = LogprobsTensors(
                    logprob_token_ids=torch.cat(
                        [x.logprob_token_ids for x in prompt_logprobs_list]
                    ),
                    logprobs=torch.cat([x.logprobs for x in prompt_logprobs_list]),
                    selected_token_ranks=torch.cat(
                        [x.selected_token_ranks for x in prompt_logprobs_list]
                    ),
                )
                prompt_logprobs_list.clear()

            prompt_logprobs_dict[req_id] = logprobs
        return prompt_logprobs_dict

    def postprocess(
        self,
        sampler_output: SamplerOutput,
        sampling_metadata: SamplingMetadata,
        prompt_logprobs_dict: dict[str, LogprobsTensors],
        input_batch: InputBatch,
    ) -> AsyncOutput | ModelRunnerOutput:
        # Store the last sampled token ids.
        self.req_states.last_sampled_tokens[input_batch.idx_mapping] = (
            sampler_output.sampled_token_ids
        )
        # Get the number of sampled tokens.
        # 0 if chunked-prefilling, 1 if not.
        idx_mapping_np = input_batch.idx_mapping_np
        is_chunked_prefilling = (
            input_batch.seq_lens_np < self.req_states.num_tokens[idx_mapping_np]
        )
        num_sampled_tokens = (~is_chunked_prefilling).astype(np.int32)
        # Increment the number of tokens.
        self.req_states.num_tokens[idx_mapping_np] += num_sampled_tokens
        # Increment the number of computed tokens.
        self.req_states.num_computed_tokens[idx_mapping_np] += (
            input_batch.num_scheduled_tokens
        )

        model_runner_output = ModelRunnerOutput(
            req_ids=input_batch.req_ids,
            req_id_to_index={req_id: i for i, req_id in enumerate(input_batch.req_ids)},
            sampled_token_ids=None,
            logprobs=None,
            prompt_logprobs_dict=prompt_logprobs_dict,
            pooler_output=[],
            kv_connector_output=None,
            num_nans_in_logits=None,
        )
        async_output = AsyncOutput(
            model_runner_output=model_runner_output,
            sampler_output=sampler_output,
            num_sampled_tokens=num_sampled_tokens,
            copy_stream=self.output_copy_stream,
        )
        if self.use_async_scheduling:
            return async_output
        return async_output.get_output()

    @torch.inference_mode()
    def execute_model(
        self,
        scheduler_output: SchedulerOutput,
        intermediate_tensors: Any | None = None,
    ) -> AsyncOutput | ModelRunnerOutput:
        assert intermediate_tensors is None

        with async_barrier(
            self.input_prep_event if self.use_async_scheduling else None
        ):
            self.update_states(scheduler_output)
            if scheduler_output.total_num_scheduled_tokens == 0:
                return EMPTY_MODEL_RUNNER_OUTPUT

            padded_num_tokens = self.cudagraph_manager.get_cudagraph_size(
                scheduler_output
            )
            use_cudagraph = padded_num_tokens is not None
            input_batch = self.prepare_inputs(
                scheduler_output,
                use_cudagraph,
                padded_num_tokens,
            )
            pos = input_batch.positions[input_batch.logits_indices]
            idx_mapping_np = input_batch.idx_mapping_np
            sampling_metadata = self.req_states.make_sampling_metadata(
                idx_mapping_np, pos
            )

        if self.lora_config:
            # Activate LoRA adapters.
            lora_inputs = self.req_states.make_lora_inputs(
                input_batch.req_ids,
                input_batch.idx_mapping_np,
                input_batch.num_scheduled_tokens,
            )
            self._set_active_loras(*lora_inputs)

        # Run model.
        if use_cudagraph:
            # Run CUDA graph.
            # NOTE(woosuk): Here, we don't need to pass the input tensors,
            # because they are already copied to the CUDA graph input buffers.
            hidden_states = self.cudagraph_manager.run(padded_num_tokens)
        else:
            with set_forward_context(
                input_batch.attn_metadata,
                self.vllm_config,
                num_tokens=input_batch.num_tokens_after_padding,
            ):
                # Run PyTorch model in eager mode.
                hidden_states = self.model(
                    input_ids=input_batch.input_ids,
                    positions=input_batch.positions,
                )

        sampler_output = self.sample(hidden_states, input_batch, sampling_metadata)
        prompt_logprobs_dict = self.compute_prompt_logprobs(hidden_states, input_batch)
        output = self.postprocess(
            sampler_output,
            sampling_metadata,
            prompt_logprobs_dict,
            input_batch,
        )
        return output

cache_config instance-attribute

cache_config = cache_config

compilation_config instance-attribute

compilation_config = compilation_config

cudagraph_manager instance-attribute

cudagraph_manager = CudaGraphManager(
    vllm_config=vllm_config, device=device
)

device instance-attribute

device = device

dtype instance-attribute

dtype = dtype

hidden_size instance-attribute

hidden_size = get_hidden_size()

input_buffers instance-attribute

input_buffers = InputBuffers(
    max_num_reqs=max_num_reqs,
    max_num_tokens=max_num_tokens,
    hidden_size=hidden_size,
    dtype=dtype,
    device=device,
    pin_memory=pin_memory,
)

input_prep_event instance-attribute

input_prep_event = Event()

is_pooling_model instance-attribute

is_pooling_model = False

kv_cache_dtype instance-attribute

kv_cache_dtype = dtype

load_config instance-attribute

load_config = load_config

lora_config instance-attribute

lora_config = lora_config

max_model_len instance-attribute

max_model_len = max_model_len

max_num_reqs instance-attribute

max_num_reqs = max_num_seqs

max_num_tokens instance-attribute

max_num_tokens = max_num_batched_tokens

model_config instance-attribute

model_config = model_config

observability_config instance-attribute

observability_config = observability_config

output_copy_stream instance-attribute

output_copy_stream = Stream(device)

parallel_config instance-attribute

parallel_config = parallel_config

pin_memory instance-attribute

pin_memory = is_pin_memory_available()

req_states instance-attribute

req_states = RequestState(
    max_num_reqs=max_num_reqs,
    max_model_len=max_model_len,
    max_num_batched_tokens=max_num_tokens,
    vocab_size=vocab_size,
    device=device,
    pin_memory=pin_memory,
)

sampler instance-attribute

sampler = Sampler(logprobs_mode=logprobs_mode)

scheduler_config instance-attribute

scheduler_config = scheduler_config

speculative_config instance-attribute

speculative_config = speculative_config

use_async_scheduling instance-attribute

use_async_scheduling = async_scheduling

vllm_config instance-attribute

vllm_config = vllm_config

vocab_size instance-attribute

vocab_size = get_vocab_size()

__init__

__init__(vllm_config: VllmConfig, device: device)
Source code in vllm/v1/worker/gpu/model_runner.py
def __init__(
    self,
    vllm_config: VllmConfig,
    device: torch.device,
):
    self.vllm_config = vllm_config
    self.model_config = vllm_config.model_config
    self.cache_config = vllm_config.cache_config
    self.compilation_config = vllm_config.compilation_config
    self.lora_config = vllm_config.lora_config
    self.load_config = vllm_config.load_config
    self.parallel_config = vllm_config.parallel_config
    self.scheduler_config = vllm_config.scheduler_config
    self.speculative_config = vllm_config.speculative_config
    self.observability_config = vllm_config.observability_config

    self.device = device
    self.pin_memory = is_pin_memory_available()
    self.dtype = self.model_config.dtype
    self.kv_cache_dtype = self.dtype
    if self.cache_config.cache_dtype != "auto":
        # Quantized KV cache.
        self.kv_cache_dtype = STR_DTYPE_TO_TORCH_DTYPE[
            self.cache_config.cache_dtype
        ]
    self.is_pooling_model = False

    self.vocab_size = self.model_config.get_vocab_size()
    self.max_model_len = self.model_config.max_model_len
    self.max_num_tokens = self.scheduler_config.max_num_batched_tokens
    self.max_num_reqs = self.scheduler_config.max_num_seqs
    self.hidden_size = self.model_config.get_hidden_size()

    self.use_async_scheduling = self.scheduler_config.async_scheduling
    self.output_copy_stream = torch.cuda.Stream(self.device)
    self.input_prep_event = torch.cuda.Event()

    self.req_states = RequestState(
        max_num_reqs=self.max_num_reqs,
        max_model_len=self.max_model_len,
        max_num_batched_tokens=self.max_num_tokens,
        vocab_size=self.vocab_size,
        device=self.device,
        pin_memory=self.pin_memory,
    )
    self.input_buffers = InputBuffers(
        max_num_reqs=self.max_num_reqs,
        max_num_tokens=self.max_num_tokens,
        hidden_size=self.hidden_size,
        dtype=self.dtype,
        device=self.device,
        pin_memory=self.pin_memory,
    )
    self.sampler = Sampler(logprobs_mode=self.model_config.logprobs_mode)

    # CUDA graphs.
    self.cudagraph_manager = CudaGraphManager(
        vllm_config=self.vllm_config,
        device=self.device,
    )

_dummy_run

_dummy_run(
    num_tokens: int,
    *args,
    input_batch: InputBatch | None = None,
    skip_attn: bool = True,
    **kwargs,
) -> tuple[Tensor, Tensor]
Source code in vllm/v1/worker/gpu/model_runner.py
@torch.inference_mode()
def _dummy_run(
    self,
    num_tokens: int,
    *args,
    input_batch: InputBatch | None = None,
    skip_attn: bool = True,
    **kwargs,
) -> tuple[torch.Tensor, torch.Tensor]:
    if input_batch is None:
        num_reqs = min(num_tokens, self.max_num_reqs)
        input_batch = InputBatch.make_dummy(
            num_reqs=num_reqs,
            num_tokens=num_tokens,
            input_buffers=self.input_buffers,
            device=self.device,
        )
        if not skip_attn:
            block_tables = self.block_tables.gather_block_tables(
                input_batch.idx_mapping
            )
            slot_mappings = self.block_tables.compute_slot_mappings(
                input_batch.query_start_loc,
                input_batch.positions,
            )
            attn_metadata = build_attn_metadata(
                attn_metadata_builders=self.attn_metadata_builders,
                num_reqs=num_reqs,
                num_tokens=num_tokens,
                query_start_loc=self.input_buffers.query_start_loc,
                seq_lens=self.input_buffers.seq_lens,
                num_computed_tokens_cpu=None,
                block_tables=block_tables,
                slot_mappings=slot_mappings,
                kv_cache_config=self.kv_cache_config,
            )
            input_batch.attn_metadata = attn_metadata

    with self.maybe_dummy_run_with_lora(
        self.lora_config, input_batch.num_scheduled_tokens
    ):
        with set_forward_context(
            input_batch.attn_metadata,
            self.vllm_config,
            num_tokens=num_tokens,
        ):
            hidden_states = self.model(
                input_ids=input_batch.input_ids,
                positions=input_batch.positions,
            )
        sample_hidden_states = hidden_states[input_batch.logits_indices]
    return hidden_states, sample_hidden_states

_dummy_sampler_run

_dummy_sampler_run(hidden_states: Tensor) -> None
Source code in vllm/v1/worker/gpu/model_runner.py
@torch.inference_mode()
def _dummy_sampler_run(
    self,
    hidden_states: torch.Tensor,
) -> None:
    num_reqs = hidden_states.shape[0]
    sampling_metadata = SamplingMetadata.make_dummy(
        num_reqs=num_reqs,
        device=self.device,
    )
    logits = self.model.compute_logits(hidden_states)
    self.sampler.sample(logits, sampling_metadata)

capture_model

capture_model() -> int
Source code in vllm/v1/worker/gpu/model_runner.py
@torch.inference_mode()
def capture_model(self) -> int:
    if not self.cudagraph_manager.needs_capture():
        logger.warning(
            "Skipping CUDA graph capture. To turn on CUDA graph capture, "
            "ensure `cudagraph_mode` was not manually set to `NONE`"
        )
        return 0

    start_time = time.perf_counter()
    start_free_gpu_memory = torch.cuda.mem_get_info()[0]

    with self.maybe_setup_dummy_loras(self.lora_config):
        self.cudagraph_manager.capture(
            model=self.model,
            input_buffers=self.input_buffers,
            block_tables=self.block_tables,
            attn_metadata_builders=self.attn_metadata_builders,
            kv_cache_config=self.kv_cache_config,
        )

    end_time = time.perf_counter()
    end_free_gpu_memory = torch.cuda.mem_get_info()[0]
    elapsed_time = end_time - start_time
    cuda_graph_size = start_free_gpu_memory - end_free_gpu_memory
    # This usually takes 5~20 seconds.
    logger.info(
        "Graph capturing finished in %.0f secs, took %.2f GiB",
        elapsed_time,
        cuda_graph_size / (1 << 30),
    )
    return cuda_graph_size

compute_prompt_logprobs

compute_prompt_logprobs(
    hidden_states: Tensor, input_batch: InputBatch
) -> dict[str, LogprobsTensors]
Source code in vllm/v1/worker/gpu/model_runner.py
def compute_prompt_logprobs(
    self,
    hidden_states: torch.Tensor,
    input_batch: InputBatch,
) -> dict[str, LogprobsTensors]:
    idx_mapping_np = input_batch.idx_mapping_np
    needs_prompt_logprobs = self.req_states.needs_prompt_logprobs[idx_mapping_np]
    if not np.any(needs_prompt_logprobs):
        # No request asks for prompt logprobs.
        return {}

    num_computed_tokens = self.req_states.num_computed_tokens[idx_mapping_np]
    prompt_lens = self.req_states.prompt_len[idx_mapping_np]
    # NOTE(woosuk): -1 because the last prompt token's hidden state is not
    # needed for prompt logprobs.
    includes_prompt = num_computed_tokens < prompt_lens - 1
    # NOTE(woosuk): If the request was resumed after preemption, its prompt
    # logprobs must have been computed before preemption. Skip.
    resumed_after_prompt = (
        prompt_lens < self.req_states.prefill_len.np[idx_mapping_np]
    )
    needs_prompt_logprobs &= includes_prompt & ~resumed_after_prompt
    if not np.any(needs_prompt_logprobs):
        return {}

    # Just to be safe, clone the input ids.
    n = input_batch.num_tokens
    # Shift the input ids by one.
    token_ids = torch.empty_like(input_batch.input_ids[:n])
    token_ids[: n - 1] = input_batch.input_ids[1:n]
    # To avoid out-of-bound access, set the last token id to 0.
    token_ids[n - 1] = 0

    # Handle chunked prompts.
    seq_lens = self.input_buffers.seq_lens.np[: input_batch.num_reqs]
    is_prompt_chunked = seq_lens < prompt_lens
    prefill_token_ids = self.req_states.prefill_token_ids
    query_start_loc = self.input_buffers.query_start_loc.np
    for i, req_id in enumerate(input_batch.req_ids):
        if not needs_prompt_logprobs[i]:
            continue
        if not is_prompt_chunked[i]:
            continue
        # The prompt is chunked. Get the next prompt token.
        req_idx = input_batch.idx_mapping_np[i]
        next_prompt_token = int(prefill_token_ids[req_idx, seq_lens[i]])
        idx = int(query_start_loc[i + 1] - 1)
        # Set the next prompt token.
        # NOTE(woosuk): This triggers a GPU operation.
        token_ids[idx] = next_prompt_token

    # NOTE(woosuk): We mask out logprobs for negative tokens.
    prompt_logprobs, prompt_ranks = compute_prompt_logprobs(
        torch.relu(token_ids),
        hidden_states[:n],
        self.model.compute_logits,
    )
    prompt_logprobs[:, 0].masked_fill_(token_ids < 0, 0)

    prompt_token_ids = token_ids.unsqueeze(-1)
    prompt_logprobs_dict: dict[str, LogprobsTensors] = {}
    for i, req_id in enumerate(input_batch.req_ids):
        if not needs_prompt_logprobs[i]:
            continue

        start_idx = query_start_loc[i]
        end_idx = query_start_loc[i + 1]
        assert start_idx < end_idx, (
            f"start_idx ({start_idx}) >= end_idx ({end_idx})"
        )
        logprobs = LogprobsTensors(
            logprob_token_ids=prompt_token_ids[start_idx:end_idx],
            logprobs=prompt_logprobs[start_idx:end_idx],
            selected_token_ranks=prompt_ranks[start_idx:end_idx],
        )

        req_extra_data = self.req_states.extra_data[req_id]
        prompt_logprobs_list = req_extra_data.in_progress_prompt_logprobs
        if is_prompt_chunked[i]:
            # Prompt is chunked. Do not return the logprobs yet.
            prompt_logprobs_list.append(logprobs)
            continue

        if prompt_logprobs_list:
            # Merge the in-progress logprobs.
            prompt_logprobs_list.append(logprobs)
            logprobs = LogprobsTensors(
                logprob_token_ids=torch.cat(
                    [x.logprob_token_ids for x in prompt_logprobs_list]
                ),
                logprobs=torch.cat([x.logprobs for x in prompt_logprobs_list]),
                selected_token_ranks=torch.cat(
                    [x.selected_token_ranks for x in prompt_logprobs_list]
                ),
            )
            prompt_logprobs_list.clear()

        prompt_logprobs_dict[req_id] = logprobs
    return prompt_logprobs_dict

execute_model

execute_model(
    scheduler_output: SchedulerOutput,
    intermediate_tensors: Any | None = None,
) -> AsyncOutput | ModelRunnerOutput
Source code in vllm/v1/worker/gpu/model_runner.py
@torch.inference_mode()
def execute_model(
    self,
    scheduler_output: SchedulerOutput,
    intermediate_tensors: Any | None = None,
) -> AsyncOutput | ModelRunnerOutput:
    assert intermediate_tensors is None

    with async_barrier(
        self.input_prep_event if self.use_async_scheduling else None
    ):
        self.update_states(scheduler_output)
        if scheduler_output.total_num_scheduled_tokens == 0:
            return EMPTY_MODEL_RUNNER_OUTPUT

        padded_num_tokens = self.cudagraph_manager.get_cudagraph_size(
            scheduler_output
        )
        use_cudagraph = padded_num_tokens is not None
        input_batch = self.prepare_inputs(
            scheduler_output,
            use_cudagraph,
            padded_num_tokens,
        )
        pos = input_batch.positions[input_batch.logits_indices]
        idx_mapping_np = input_batch.idx_mapping_np
        sampling_metadata = self.req_states.make_sampling_metadata(
            idx_mapping_np, pos
        )

    if self.lora_config:
        # Activate LoRA adapters.
        lora_inputs = self.req_states.make_lora_inputs(
            input_batch.req_ids,
            input_batch.idx_mapping_np,
            input_batch.num_scheduled_tokens,
        )
        self._set_active_loras(*lora_inputs)

    # Run model.
    if use_cudagraph:
        # Run CUDA graph.
        # NOTE(woosuk): Here, we don't need to pass the input tensors,
        # because they are already copied to the CUDA graph input buffers.
        hidden_states = self.cudagraph_manager.run(padded_num_tokens)
    else:
        with set_forward_context(
            input_batch.attn_metadata,
            self.vllm_config,
            num_tokens=input_batch.num_tokens_after_padding,
        ):
            # Run PyTorch model in eager mode.
            hidden_states = self.model(
                input_ids=input_batch.input_ids,
                positions=input_batch.positions,
            )

    sampler_output = self.sample(hidden_states, input_batch, sampling_metadata)
    prompt_logprobs_dict = self.compute_prompt_logprobs(hidden_states, input_batch)
    output = self.postprocess(
        sampler_output,
        sampling_metadata,
        prompt_logprobs_dict,
        input_batch,
    )
    return output

get_kv_cache_spec

get_kv_cache_spec()
Source code in vllm/v1/worker/gpu/model_runner.py
def get_kv_cache_spec(self):
    return get_kv_cache_spec(self.vllm_config, self.kv_cache_dtype)

get_model

get_model() -> Module
Source code in vllm/v1/worker/gpu/model_runner.py
def get_model(self) -> nn.Module:
    return self.model

get_supported_tasks

get_supported_tasks() -> tuple[str]
Source code in vllm/v1/worker/gpu/model_runner.py
def get_supported_tasks(self) -> tuple[str]:
    return ("generate",)

initialize_kv_cache

initialize_kv_cache(kv_cache_config: KVCacheConfig) -> None
Source code in vllm/v1/worker/gpu/model_runner.py
def initialize_kv_cache(self, kv_cache_config: KVCacheConfig) -> None:
    kv_cache_config = deepcopy(kv_cache_config)
    self.kv_cache_config = kv_cache_config
    block_sizes = kv_cache_config.block_sizes

    self.block_tables = BlockTables(
        block_sizes=block_sizes,
        max_num_reqs=self.max_num_reqs,
        max_num_batched_tokens=self.max_num_tokens,
        max_model_len=self.max_model_len,
        device=self.device,
        pin_memory=self.pin_memory,
    )

    self.attn_backends, self.attn_metadata_builders = init_attn_backend(
        self.kv_cache_config,
        self.vllm_config,
        self.device,
    )

    self.kv_caches: list[torch.Tensor] = []
    init_kv_cache(
        self.kv_caches,
        self.compilation_config.static_forward_context,
        self.kv_cache_config,
        self.attn_backends,
        self.device,
    )

load_model

load_model(*args, **kwargs) -> None
Source code in vllm/v1/worker/gpu/model_runner.py
def load_model(self, *args, **kwargs) -> None:
    time_before_load = time.perf_counter()
    with DeviceMemoryProfiler() as m:
        model_loader = get_model_loader(self.vllm_config.load_config)
        logger.info("Loading model from scratch...")

        self.model = model_loader.load_model(
            vllm_config=self.vllm_config,
            model_config=self.vllm_config.model_config,
        )
        if self.lora_config:
            self.model = self.load_lora_model(
                self.model,
                self.vllm_config,
                self.device,
            )
    time_after_load = time.perf_counter()

    self.model_memory_usage = m.consumed_memory
    logger.info(
        "Model loading took %.4f GiB and %.6f seconds",
        m.consumed_memory / GiB_bytes,
        time_after_load - time_before_load,
    )

postprocess

postprocess(
    sampler_output: SamplerOutput,
    sampling_metadata: SamplingMetadata,
    prompt_logprobs_dict: dict[str, LogprobsTensors],
    input_batch: InputBatch,
) -> AsyncOutput | ModelRunnerOutput
Source code in vllm/v1/worker/gpu/model_runner.py
def postprocess(
    self,
    sampler_output: SamplerOutput,
    sampling_metadata: SamplingMetadata,
    prompt_logprobs_dict: dict[str, LogprobsTensors],
    input_batch: InputBatch,
) -> AsyncOutput | ModelRunnerOutput:
    # Store the last sampled token ids.
    self.req_states.last_sampled_tokens[input_batch.idx_mapping] = (
        sampler_output.sampled_token_ids
    )
    # Get the number of sampled tokens.
    # 0 if chunked-prefilling, 1 if not.
    idx_mapping_np = input_batch.idx_mapping_np
    is_chunked_prefilling = (
        input_batch.seq_lens_np < self.req_states.num_tokens[idx_mapping_np]
    )
    num_sampled_tokens = (~is_chunked_prefilling).astype(np.int32)
    # Increment the number of tokens.
    self.req_states.num_tokens[idx_mapping_np] += num_sampled_tokens
    # Increment the number of computed tokens.
    self.req_states.num_computed_tokens[idx_mapping_np] += (
        input_batch.num_scheduled_tokens
    )

    model_runner_output = ModelRunnerOutput(
        req_ids=input_batch.req_ids,
        req_id_to_index={req_id: i for i, req_id in enumerate(input_batch.req_ids)},
        sampled_token_ids=None,
        logprobs=None,
        prompt_logprobs_dict=prompt_logprobs_dict,
        pooler_output=[],
        kv_connector_output=None,
        num_nans_in_logits=None,
    )
    async_output = AsyncOutput(
        model_runner_output=model_runner_output,
        sampler_output=sampler_output,
        num_sampled_tokens=num_sampled_tokens,
        copy_stream=self.output_copy_stream,
    )
    if self.use_async_scheduling:
        return async_output
    return async_output.get_output()

prepare_inputs

prepare_inputs(
    scheduler_output: SchedulerOutput,
    use_cudagraph: bool,
    padded_num_tokens: int | None,
) -> InputBatch
Source code in vllm/v1/worker/gpu/model_runner.py
def prepare_inputs(
    self,
    scheduler_output: SchedulerOutput,
    use_cudagraph: bool,
    padded_num_tokens: int | None,
) -> InputBatch:
    num_tokens = scheduler_output.total_num_scheduled_tokens
    assert num_tokens > 0
    num_reqs = len(scheduler_output.num_scheduled_tokens)

    # Decode first, then prefill.
    # batch_idx -> req_id
    req_ids = sorted(
        scheduler_output.num_scheduled_tokens,
        key=scheduler_output.num_scheduled_tokens.get,
    )
    num_scheduled_tokens = np.array(
        [scheduler_output.num_scheduled_tokens[i] for i in req_ids], dtype=np.int32
    )
    if use_cudagraph:
        assert padded_num_tokens is not None
        num_tokens_after_padding = padded_num_tokens
    else:
        num_tokens_after_padding = num_tokens

    idx_mapping_list = [
        self.req_states.req_id_to_index[req_id] for req_id in req_ids
    ]
    idx_mapping = self.input_buffers.idx_mapping
    idx_mapping.np[:num_reqs] = idx_mapping_list
    idx_mapping_np = idx_mapping.np[:num_reqs]
    idx_mapping = idx_mapping.copy_to_gpu(num_reqs)

    # Block tables: num_kv_cache_groups x [num_reqs, max_num_blocks]
    block_tables = self.block_tables.gather_block_tables(idx_mapping)

    prepare_inputs(
        idx_mapping_np,
        self.req_states.prefill_token_ids,
        self.req_states.num_computed_tokens,
        num_scheduled_tokens,
        self.input_buffers.input_ids,
        self.input_buffers.positions,
        self.input_buffers.query_start_loc,
        self.input_buffers.seq_lens,
        num_tokens,
    )

    query_start_loc = self.input_buffers.query_start_loc
    query_start_loc_gpu = query_start_loc.gpu[: num_reqs + 1]
    query_start_loc_np = query_start_loc.np[: num_reqs + 1]
    seq_lens_gpu = self.input_buffers.seq_lens.gpu[:num_reqs]
    seq_lens_np = self.input_buffers.seq_lens.np[:num_reqs]

    # Some input token ids are directly read from the last sampled tokens.
    combine_last_token_ids(
        self.input_buffers.input_ids.gpu,
        idx_mapping,
        self.req_states.last_sampled_tokens,
        query_start_loc_gpu,
        seq_lens_gpu,
        self.req_states.prefill_len.copy_to_gpu(),
    )

    # Compute slot mappings: [num_kv_cache_groups, num_tokens]
    slot_mappings = self.block_tables.compute_slot_mappings(
        query_start_loc_gpu, self.input_buffers.positions.gpu[:num_tokens]
    )

    num_computed_tokens_cpu = torch.from_numpy(
        self.req_states.num_computed_tokens[idx_mapping_np]
    )

    # Logits indices to sample next token from.
    logits_indices = query_start_loc_gpu[1:] - 1

    # Layer name -> attention metadata.
    attn_metadata = build_attn_metadata(
        attn_metadata_builders=self.attn_metadata_builders,
        num_reqs=num_reqs,
        num_tokens=num_tokens,
        query_start_loc=self.input_buffers.query_start_loc,
        seq_lens=self.input_buffers.seq_lens,
        num_computed_tokens_cpu=num_computed_tokens_cpu,
        block_tables=block_tables,
        slot_mappings=slot_mappings,
        kv_cache_config=self.kv_cache_config,
    )

    input_ids = self.input_buffers.input_ids.gpu[:num_tokens_after_padding]
    positions = self.input_buffers.positions.gpu[:num_tokens_after_padding]
    return InputBatch(
        req_ids=req_ids,
        num_reqs=num_reqs,
        idx_mapping=idx_mapping,
        idx_mapping_np=idx_mapping_np,
        num_scheduled_tokens=num_scheduled_tokens,
        num_tokens=num_tokens,
        num_tokens_after_padding=num_tokens_after_padding,
        query_start_loc=query_start_loc_gpu,
        query_start_loc_np=query_start_loc_np,
        seq_lens=seq_lens_gpu,
        seq_lens_np=seq_lens_np,
        input_ids=input_ids,
        positions=positions,
        attn_metadata=attn_metadata,
        logits_indices=logits_indices,
    )

profile_run

profile_run() -> None
Source code in vllm/v1/worker/gpu/model_runner.py
@torch.inference_mode()
def profile_run(self) -> None:
    input_batch = InputBatch.make_dummy(
        num_reqs=self.max_num_reqs,
        num_tokens=self.max_num_tokens,
        input_buffers=self.input_buffers,
        device=self.device,
    )
    hidden_states, sample_hidden_states = self._dummy_run(
        self.max_num_tokens,
        input_batch=input_batch,
        skip_attn=True,
    )
    self._dummy_sampler_run(sample_hidden_states)
    torch.cuda.synchronize()
    del hidden_states, sample_hidden_states
    gc.collect()

reset_mm_cache

reset_mm_cache() -> None
Source code in vllm/v1/worker/gpu/model_runner.py
def reset_mm_cache(self) -> None:
    pass

sample

sample(
    hidden_states: Tensor,
    input_batch: InputBatch,
    sampling_metadata: SamplingMetadata,
) -> SamplerOutput
Source code in vllm/v1/worker/gpu/model_runner.py
def sample(
    self,
    hidden_states: torch.Tensor,
    input_batch: InputBatch,
    sampling_metadata: SamplingMetadata,
) -> SamplerOutput:
    sample_hidden_states = hidden_states[input_batch.logits_indices]
    logits = self.model.compute_logits(sample_hidden_states)
    sampler_output = self.sampler.sample(logits, sampling_metadata)
    return sampler_output

update_states

update_states(scheduler_output: SchedulerOutput) -> None
Source code in vllm/v1/worker/gpu/model_runner.py
def update_states(self, scheduler_output: SchedulerOutput) -> None:
    for req_id in scheduler_output.preempted_req_ids:
        self.req_states.remove_request(req_id)
    for req_id in scheduler_output.finished_req_ids:
        self.req_states.remove_request(req_id)

    # TODO(woosuk): Change SchedulerOutput.
    req_indices: list[int] = []
    cu_num_new_blocks = tuple(
        [0] for _ in range(self.block_tables.num_kv_cache_groups)
    )
    new_block_ids = tuple([] for _ in range(self.block_tables.num_kv_cache_groups))
    overwrite: list[bool] = []

    # Add new requests.
    for new_req_data in scheduler_output.scheduled_new_reqs:
        req_id = new_req_data.req_id
        self.req_states.add_request(
            req_id=req_id,
            prompt_len=len(new_req_data.prompt_token_ids),
            prefill_token_ids=new_req_data.prefill_token_ids,
            num_computed_tokens=new_req_data.num_computed_tokens,
            sampling_params=new_req_data.sampling_params,
            lora_request=new_req_data.lora_request,
        )

        req_index = self.req_states.req_id_to_index[req_id]
        req_indices.append(req_index)
        for i, block_ids in enumerate(new_req_data.block_ids):
            x = cu_num_new_blocks[i][-1]
            cu_num_new_blocks[i].append(x + len(block_ids))
            new_block_ids[i].extend(block_ids)
        overwrite.append(True)

    # Add new blocks for the existing requests.
    cached_reqs = scheduler_output.scheduled_cached_reqs
    for i, req_id in enumerate(cached_reqs.req_ids):
        req_index = self.req_states.req_id_to_index[req_id]

        req_new_block_ids = cached_reqs.new_block_ids[i]
        if req_new_block_ids is not None:
            req_indices.append(req_index)
            for group_id, block_ids in enumerate(req_new_block_ids):
                x = cu_num_new_blocks[group_id][-1]
                cu_num_new_blocks[group_id].append(x + len(block_ids))
                new_block_ids[group_id].extend(block_ids)
            overwrite.append(False)

    if req_indices:
        self.block_tables.append_block_ids(
            req_indices=req_indices,
            cu_num_new_blocks=cu_num_new_blocks,
            new_block_ids=new_block_ids,
            overwrite=overwrite,
        )

warmup_for_prefill

warmup_for_prefill() -> None
Source code in vllm/v1/worker/gpu/model_runner.py
def warmup_for_prefill(self) -> None:
    # For FlashInfer, we would like to execute a dummy prefill run to trigger JIT compilation.
    if all("FLASHINFER" in b.get_name() for b in self.attn_backends.values()):
        self._dummy_run(self.max_num_tokens, skip_attn=False)
        torch.cuda.synchronize()