llm.py 27 KB

123456789101112131415161718192021222324252627282930313233343536373839404142434445464748495051525354555657585960616263646566676869707172737475767778798081828384858687888990919293949596979899100101102103104105106107108109110111112113114115116117118119120121122123124125126127128129130131132133134135136137138139140141142143144145146147148149150151152153154155156157158159160161162163164165166167168169170171172173174175176177178179180181182183184185186187188189190191192193194195196197198199200201202203204205206207208209210211212213214215216217218219220221222223224225226227228229230231232233234235236237238239240241242243244245246247248249250251252253254255256257258259260261262263264265266267268269270271272273274275276277278279280281282283284285286287288289290291292293294295296297298299300301302303304305306307308309310311312313314315316317318319320321322323324325326327328329330331332333334335336337338339340341342343344345346347348349350351352353354355356357358359360361362363364365366367368369370371372373374375376377378379380381382383384385386387388389390391392393394395396397398399400401402403404405406407408409410411412413414415416417418419420421422423424425426427428429430431432433434435436437438439440441442443444445446447448449450451452453454455456457458459460461462463464465466467468469470471472473474475476477478479480481482483484485486487488489490491492493494495496497498499500501502503504505506507508509510511512513514515516517518519520521522523524525526527528529530531532533534535536537538539540541542543544545546547548549550551552553554555556557558559560561562563564565
  1. # Copyright (c) 2024 Alibaba Inc (authors: Xiang Lyu, Zhihao Du)
  2. # 2025 Alibaba Inc (authors: Xiang Lyu, Yabin Li, Qihua)
  3. #
  4. # Licensed under the Apache License, Version 2.0 (the "License");
  5. # you may not use this file except in compliance with the License.
  6. # You may obtain a copy of the License at
  7. #
  8. # http://www.apache.org/licenses/LICENSE-2.0
  9. #
  10. # Unless required by applicable law or agreed to in writing, software
  11. # distributed under the License is distributed on an "AS IS" BASIS,
  12. # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
  13. # See the License for the specific language governing permissions and
  14. # limitations under the License.
  15. import queue
  16. import random
  17. import time
  18. import threading
  19. from typing import Dict, Optional, Callable, List, Generator
  20. import torch
  21. from torch import nn
  22. import torch.nn.functional as F
  23. from transformers import Qwen2ForCausalLM
  24. from torch.nn.utils.rnn import pad_sequence, unpad_sequence
  25. from cosyvoice.utils.common import IGNORE_ID
  26. from cosyvoice.transformer.label_smoothing_loss import LabelSmoothingLoss
  27. from cosyvoice.utils.common import th_accuracy
  28. from cosyvoice.utils.file_utils import logging
  29. from cosyvoice.utils.mask import make_pad_mask
  30. class TransformerLM(torch.nn.Module):
  31. def __init__(
  32. self,
  33. text_encoder_input_size: int,
  34. llm_input_size: int,
  35. llm_output_size: int,
  36. text_token_size: int,
  37. speech_token_size: int,
  38. text_encoder: torch.nn.Module,
  39. llm: torch.nn.Module,
  40. sampling: Callable,
  41. length_normalized_loss: bool = True,
  42. lsm_weight: float = 0.0,
  43. spk_embed_dim: int = 192,
  44. ):
  45. super().__init__()
  46. self.llm_input_size = llm_input_size
  47. self.speech_token_size = speech_token_size
  48. # 1. build text token inputs related modules
  49. self.text_embedding = torch.nn.Embedding(text_token_size, text_encoder_input_size)
  50. self.text_encoder = text_encoder
  51. self.text_encoder_affine_layer = nn.Linear(
  52. self.text_encoder.output_size(),
  53. llm_input_size
  54. )
  55. # 2. build speech token language model related modules
  56. self.sos_eos = 0
  57. self.task_id = 1
  58. self.llm_embedding = torch.nn.Embedding(2, llm_input_size)
  59. self.llm = llm
  60. self.llm_decoder = nn.Linear(llm_output_size, speech_token_size + 1)
  61. self.criterion_ce = LabelSmoothingLoss(
  62. size=speech_token_size + 1,
  63. padding_idx=IGNORE_ID,
  64. smoothing=lsm_weight,
  65. normalize_length=length_normalized_loss,
  66. )
  67. # 3. [Optional] build speech token related modules
  68. self.speech_embedding = torch.nn.Embedding(speech_token_size, llm_input_size)
  69. self.spk_embed_affine_layer = torch.nn.Linear(spk_embed_dim, llm_input_size)
  70. # 4. sampling method
  71. self.sampling = sampling
  72. def encode(
  73. self,
  74. text: torch.Tensor,
  75. text_lengths: torch.Tensor,
  76. ):
  77. encoder_out, encoder_mask = self.text_encoder(text, text_lengths, decoding_chunk_size=1, num_decoding_left_chunks=-1)
  78. encoder_out_lens = encoder_mask.squeeze(1).sum(1)
  79. encoder_out = self.text_encoder_affine_layer(encoder_out)
  80. return encoder_out, encoder_out_lens
  81. def pad_unpad_sequence(self, sos_eos_emb, embedding, text_token, text_token_len, task_id_emb, speech_token, speech_token_len):
  82. text_token = unpad_sequence(text_token, text_token_len.cpu(), batch_first=True)
  83. speech_token = unpad_sequence(speech_token, speech_token_len.cpu(), batch_first=True)
  84. lm_input = [torch.concat([sos_eos_emb.squeeze(dim=0), embedding[i], text_token[i], task_id_emb.squeeze(dim=0), speech_token[i]], dim=0)
  85. for i in range(len(text_token))]
  86. lm_input_len = torch.tensor([i.size(0) for i in lm_input], dtype=torch.int32)
  87. lm_input = pad_sequence(lm_input, batch_first=True, padding_value=IGNORE_ID)
  88. return lm_input, lm_input_len
  89. def forward(
  90. self,
  91. batch: dict,
  92. device: torch.device,
  93. ) -> Dict[str, Optional[torch.Tensor]]:
  94. """
  95. Args:
  96. text: (B, L, D)
  97. text_lengths: (B,)
  98. audio: (B, T, N) or (B, T)
  99. audio_lengths: (B,)
  100. """
  101. text_token = batch['text_token'].to(device)
  102. text_token_len = batch['text_token_len'].to(device)
  103. speech_token = batch['speech_token'].to(device)
  104. speech_token_len = batch['speech_token_len'].to(device)
  105. embedding = batch['embedding'].to(device)
  106. # 1. prepare llm_target
  107. lm_target = [torch.tensor([IGNORE_ID] * (2 + text_token_len[i]) + speech_token[i, :speech_token_len[i]].tolist() +
  108. [self.speech_token_size]) for i in range(text_token.size(0))]
  109. lm_target = pad_sequence(lm_target, batch_first=True, padding_value=IGNORE_ID).to(device)
  110. # 1. encode text_token
  111. text_token = self.text_embedding(text_token)
  112. text_token, text_token_len = self.encode(text_token, text_token_len)
  113. # 2. embedding projection
  114. embedding = F.normalize(embedding, dim=1)
  115. embedding = self.spk_embed_affine_layer(embedding)
  116. embedding = embedding.unsqueeze(1)
  117. # 3. eos and task_id
  118. sos_eos_emb = self.llm_embedding.weight[self.sos_eos].reshape(1, 1, -1)
  119. task_id_emb = self.llm_embedding.weight[self.task_id].reshape(1, 1, -1)
  120. # 4. encode speech_token
  121. speech_token = self.speech_embedding(speech_token)
  122. # 5. unpad and pad
  123. lm_input, lm_input_len = self.pad_unpad_sequence(sos_eos_emb, embedding, text_token, text_token_len,
  124. task_id_emb, speech_token, speech_token_len)
  125. # 6. run lm forward
  126. lm_output, lm_output_mask = self.llm(lm_input, lm_input_len.to(device))
  127. logits = self.llm_decoder(lm_output)
  128. loss = self.criterion_ce(logits, lm_target)
  129. acc = th_accuracy(logits.view(-1, self.speech_token_size + 1), lm_target, ignore_label=IGNORE_ID)
  130. return {'loss': loss, 'acc': acc}
  131. def sampling_ids(
  132. self,
  133. weighted_scores: torch.Tensor,
  134. decoded_tokens: List,
  135. sampling: int,
  136. ignore_eos: bool = True,
  137. ):
  138. num_trials, max_trials = 0, 100
  139. while True:
  140. top_ids = self.sampling(weighted_scores, decoded_tokens, sampling)
  141. if (not ignore_eos) or (self.speech_token_size not in top_ids):
  142. break
  143. num_trials += 1
  144. if num_trials > max_trials:
  145. raise RuntimeError('sampling reaches max_trials {} and still get eos when ignore_eos is True, check your input!'.format(max_trials))
  146. return top_ids
  147. @torch.inference_mode()
  148. def inference(
  149. self,
  150. text: torch.Tensor,
  151. text_len: torch.Tensor,
  152. prompt_text: torch.Tensor,
  153. prompt_text_len: torch.Tensor,
  154. prompt_speech_token: torch.Tensor,
  155. prompt_speech_token_len: torch.Tensor,
  156. embedding: torch.Tensor,
  157. sampling: int = 25,
  158. max_token_text_ratio: float = 20,
  159. min_token_text_ratio: float = 2,
  160. uuid: str = '',
  161. ) -> Generator[torch.Tensor, None, None]:
  162. device = text.device
  163. text = torch.concat([prompt_text, text], dim=1)
  164. text_len += prompt_text_len
  165. text = self.text_embedding(text)
  166. # 1. encode text
  167. text, text_len = self.encode(text, text_len)
  168. # 2. encode embedding
  169. if embedding.shape[0] != 0:
  170. embedding = F.normalize(embedding, dim=1)
  171. embedding = self.spk_embed_affine_layer(embedding)
  172. embedding = embedding.unsqueeze(dim=1)
  173. else:
  174. embedding = torch.zeros(1, 0, self.llm_input_size, dtype=text.dtype).to(device).to(text.dtype)
  175. # 3. concat llm_input
  176. sos_eos_emb = self.llm_embedding.weight[self.sos_eos].reshape(1, 1, -1)
  177. task_id_emb = self.llm_embedding.weight[self.task_id].reshape(1, 1, -1)
  178. if prompt_speech_token_len != 0:
  179. prompt_speech_token_emb = self.speech_embedding(prompt_speech_token)
  180. else:
  181. prompt_speech_token_emb = torch.zeros(1, 0, self.llm_input_size, dtype=text.dtype).to(device)
  182. lm_input = torch.concat([sos_eos_emb, embedding, text, task_id_emb, prompt_speech_token_emb], dim=1)
  183. # 4. cal min/max_length
  184. min_len = int((text_len - prompt_text_len) * min_token_text_ratio)
  185. max_len = int((text_len - prompt_text_len) * max_token_text_ratio)
  186. # 5. step by step decode
  187. out_tokens = []
  188. offset = 0
  189. att_cache, cnn_cache = torch.zeros((0, 0, 0, 0), device=lm_input.device), torch.zeros((0, 0, 0, 0), device=lm_input.device)
  190. for i in range(max_len):
  191. y_pred, att_cache, cnn_cache = self.llm.forward_chunk(lm_input, offset=offset, required_cache_size=-1,
  192. att_cache=att_cache, cnn_cache=cnn_cache,
  193. att_mask=torch.tril(torch.ones((1, lm_input.shape[1], lm_input.shape[1]),
  194. device=lm_input.device)).to(torch.bool))
  195. logp = self.llm_decoder(y_pred[:, -1]).log_softmax(dim=-1)
  196. # force continue decode first token
  197. if i == 0:
  198. logp[:, self.speech_token_size] = -float('inf')
  199. top_ids = self.sampling_ids(logp.squeeze(dim=0), out_tokens, sampling, ignore_eos=True if i < min_len else False).item()
  200. if top_ids == self.speech_token_size:
  201. break
  202. # in stream mode, yield token one by one
  203. yield top_ids
  204. out_tokens.append(top_ids)
  205. offset += lm_input.size(1)
  206. lm_input = self.speech_embedding.weight[top_ids].reshape(1, 1, -1)
  207. class Qwen2Encoder(torch.nn.Module):
  208. def __init__(self, pretrain_path):
  209. super().__init__()
  210. self.model = Qwen2ForCausalLM.from_pretrained(pretrain_path)
  211. def forward(self, xs: torch.Tensor, xs_lens: torch.Tensor):
  212. T = xs.size(1)
  213. masks = ~make_pad_mask(xs_lens, T)
  214. outs = self.model(
  215. inputs_embeds=xs,
  216. attention_mask=masks,
  217. output_hidden_states=True,
  218. return_dict=True,
  219. )
  220. return outs.hidden_states[-1], masks.unsqueeze(1)
  221. def forward_one_step(self, xs, masks, cache=None):
  222. input_masks = masks[:, -1, :]
  223. outs = self.model(
  224. inputs_embeds=xs,
  225. attention_mask=input_masks,
  226. output_hidden_states=True,
  227. return_dict=True,
  228. use_cache=True,
  229. past_key_values=cache,
  230. )
  231. xs = outs.hidden_states[-1]
  232. new_cache = outs.past_key_values
  233. return xs, new_cache
  234. class Qwen2LM(TransformerLM):
  235. def __init__(
  236. self,
  237. llm_input_size: int,
  238. llm_output_size: int,
  239. speech_token_size: int,
  240. llm: torch.nn.Module,
  241. sampling: Callable,
  242. length_normalized_loss: bool = True,
  243. lsm_weight: float = 0.0,
  244. mix_ratio: List[int] = [5, 15],
  245. ):
  246. torch.nn.Module.__init__(self)
  247. self.llm_input_size = llm_input_size
  248. self.llm_output_size = llm_output_size
  249. self.speech_token_size = speech_token_size
  250. # 2. build speech token language model related modules
  251. self.sos_eos = 0
  252. self.task_id = 1
  253. self.fill_token = 2
  254. self.llm_embedding = torch.nn.Embedding(2, llm_input_size)
  255. self.llm = llm
  256. self.llm_decoder = nn.Linear(llm_output_size, speech_token_size + 3)
  257. self.criterion_ce = LabelSmoothingLoss(
  258. size=speech_token_size + 3,
  259. padding_idx=IGNORE_ID,
  260. smoothing=lsm_weight,
  261. normalize_length=length_normalized_loss,
  262. )
  263. # 3. [Optional] build speech token related modules
  264. self.speech_embedding = torch.nn.Embedding(speech_token_size + 3, llm_input_size)
  265. # 4. sampling method
  266. self.sampling = sampling
  267. self.mix_ratio = mix_ratio
  268. # 5. vllm related
  269. self.stop_token_ids = [speech_token_size + i for i in range(3)]
  270. self.vllm_output_queue = {}
  271. self.lock = threading.Lock()
  272. def prepare_lm_input_target(self, text_token, text_token_emb, text_token_len, speech_token, speech_token_emb, speech_token_len):
  273. lm_target, lm_input = [], []
  274. text_token = unpad_sequence(text_token, text_token_len.cpu(), batch_first=True)
  275. speech_token = unpad_sequence(speech_token, speech_token_len.cpu(), batch_first=True)
  276. text_token_emb = unpad_sequence(text_token_emb, text_token_len.cpu(), batch_first=True)
  277. speech_token_emb = unpad_sequence(speech_token_emb, speech_token_len.cpu(), batch_first=True)
  278. for i in range(len(text_token)):
  279. # bistream sequence
  280. if random.random() < 0.5 and speech_token_len[i] / text_token_len[i] > self.mix_ratio[1] / self.mix_ratio[0]:
  281. this_lm_target, this_lm_input = [], []
  282. this_lm_target.append(IGNORE_ID)
  283. this_lm_input.append(self.llm_embedding.weight[self.sos_eos].reshape(1, -1))
  284. for j in range(((text_token_len[i] + 1) / self.mix_ratio[0]).ceil().int().item()):
  285. this_text_token = text_token[i][j * self.mix_ratio[0]: (j + 1) * self.mix_ratio[0]].tolist()
  286. this_speech_token = speech_token[i][j * self.mix_ratio[1]: (j + 1) * self.mix_ratio[1]].tolist()
  287. if len(this_text_token) == self.mix_ratio[0]:
  288. assert len(this_speech_token) == self.mix_ratio[1]
  289. this_lm_target += [IGNORE_ID] * (self.mix_ratio[0] - 1)
  290. this_lm_target += this_speech_token
  291. this_lm_target.append(self.speech_token_size + 2)
  292. this_lm_input.append(text_token_emb[i][j * self.mix_ratio[0]: (j + 1) * self.mix_ratio[0]])
  293. this_lm_input.append(speech_token_emb[i][j * self.mix_ratio[1]: (j + 1) * self.mix_ratio[1]])
  294. else:
  295. this_lm_target += [-1] * len(this_text_token)
  296. this_lm_target += speech_token[i][j * self.mix_ratio[1]:].tolist()
  297. this_lm_target.append(self.speech_token_size)
  298. this_lm_input.append(text_token_emb[i][j * self.mix_ratio[0]:])
  299. this_lm_input.append(self.llm_embedding.weight[self.task_id].reshape(1, -1))
  300. this_lm_input.append(speech_token_emb[i][j * self.mix_ratio[1]:])
  301. this_lm_target, this_lm_input = torch.tensor(this_lm_target), torch.concat(this_lm_input, dim=0)
  302. # unistream sequence
  303. else:
  304. this_lm_target = torch.tensor([IGNORE_ID] * (1 + text_token_len[i]) + speech_token[i].tolist() + [self.speech_token_size])
  305. this_lm_input = torch.concat([self.llm_embedding.weight[self.sos_eos].reshape(1, -1), text_token_emb[i],
  306. self.llm_embedding.weight[self.task_id].reshape(1, -1), speech_token_emb[i]], dim=0)
  307. lm_target.append(this_lm_target)
  308. lm_input.append(this_lm_input)
  309. lm_input_len = torch.tensor([i.size(0) for i in lm_input], dtype=torch.int32)
  310. lm_input = pad_sequence(lm_input, batch_first=True, padding_value=IGNORE_ID)
  311. lm_target = pad_sequence(lm_target, batch_first=True, padding_value=IGNORE_ID)
  312. return lm_target, lm_input, lm_input_len
  313. def forward(
  314. self,
  315. batch: dict,
  316. device: torch.device,
  317. ) -> Dict[str, Optional[torch.Tensor]]:
  318. """
  319. Args:
  320. text: (B, L, D)
  321. text_lengths: (B,)
  322. audio: (B, T, N) or (B, T)
  323. audio_lengths: (B,)
  324. """
  325. text_token = batch['text_token'].to(device)
  326. text_token_len = batch['text_token_len'].to(device)
  327. speech_token = batch['speech_token'].to(device)
  328. speech_token_len = batch['speech_token_len'].to(device)
  329. # 1. encode text_token
  330. text_token_emb = self.llm.model.model.embed_tokens(text_token)
  331. # 2. encode speech_token
  332. speech_token_emb = self.speech_embedding(speech_token)
  333. # 3. prepare llm_input/target
  334. lm_target, lm_input, lm_input_len = self.prepare_lm_input_target(text_token, text_token_emb, text_token_len, speech_token, speech_token_emb, speech_token_len)
  335. lm_target = lm_target.to(device)
  336. # 4. run lm forward
  337. lm_output, lm_output_mask = self.llm(lm_input, lm_input_len.to(device))
  338. logits = self.llm_decoder(lm_output)
  339. loss = self.criterion_ce(logits, lm_target.to(device))
  340. acc = th_accuracy(logits.view(-1, self.speech_token_size + 3), lm_target, ignore_label=IGNORE_ID)
  341. return {'loss': loss, 'acc': acc}
  342. @torch.inference_mode()
  343. def inference(
  344. self,
  345. text: torch.Tensor,
  346. text_len: torch.Tensor,
  347. prompt_text: torch.Tensor,
  348. prompt_text_len: torch.Tensor,
  349. prompt_speech_token: torch.Tensor,
  350. prompt_speech_token_len: torch.Tensor,
  351. embedding: torch.Tensor,
  352. sampling: int = 25,
  353. max_token_text_ratio: float = 20,
  354. min_token_text_ratio: float = 2,
  355. uuid: str = '',
  356. ) -> Generator[torch.Tensor, None, None]:
  357. device = text.device
  358. text = torch.concat([prompt_text, text], dim=1)
  359. text_len += prompt_text_len
  360. text = self.llm.model.model.embed_tokens(text)
  361. # 3. concat llm_input
  362. sos_eos_emb = self.llm_embedding.weight[self.sos_eos].reshape(1, 1, -1)
  363. task_id_emb = self.llm_embedding.weight[self.task_id].reshape(1, 1, -1)
  364. if prompt_speech_token_len != 0:
  365. prompt_speech_token_emb = self.speech_embedding(prompt_speech_token)
  366. else:
  367. prompt_speech_token_emb = torch.zeros(1, 0, self.llm_input_size, dtype=text.dtype).to(device)
  368. lm_input = torch.concat([sos_eos_emb, text, task_id_emb, prompt_speech_token_emb], dim=1)
  369. # 4. cal min/max_length
  370. min_len = int((text_len - prompt_text_len) * min_token_text_ratio)
  371. max_len = int((text_len - prompt_text_len) * max_token_text_ratio)
  372. # 5. step by step decode
  373. for token in self.inference_wrapper(lm_input, sampling, min_len, max_len, uuid):
  374. yield token
  375. @torch.inference_mode()
  376. def inference_wrapper(self, lm_input, sampling, min_len, max_len, uuid):
  377. if hasattr(self, 'vllm'):
  378. from vllm import SamplingParams, RequestOutput
  379. sampling_params = SamplingParams(top_k=sampling,
  380. stop_token_ids=self.stop_token_ids,
  381. min_tokens=min_len,
  382. max_tokens=max_len)
  383. with self.lock:
  384. self.vllm.add_request(uuid, {"prompt_embeds": lm_input.squeeze(0).to(torch.bfloat16).to(lm_input.device)}, sampling_params)
  385. self.vllm_output_queue[uuid] = queue.Queue()
  386. out_tokens = []
  387. while True:
  388. with self.lock:
  389. if self.vllm_output_queue[uuid].empty() is True:
  390. request_outputs: List[RequestOutput] = self.vllm.step()
  391. for request_output in request_outputs:
  392. top_ids = list(request_output.outputs[0].token_ids)[-1]
  393. self.vllm_output_queue[request_output.request_id].put(top_ids)
  394. if self.vllm_output_queue[uuid].empty() is False:
  395. top_ids = self.vllm_output_queue[uuid].get()
  396. if top_ids in self.stop_token_ids:
  397. break
  398. # in stream mode, yield token one by one
  399. yield top_ids
  400. out_tokens.append(top_ids)
  401. if len(out_tokens) == max_len:
  402. break
  403. time.sleep(0.001)
  404. with self.lock:
  405. self.vllm_output_queue.pop(uuid)
  406. else:
  407. out_tokens = []
  408. cache = None
  409. for i in range(max_len):
  410. y_pred, cache = self.llm.forward_one_step(lm_input,
  411. masks=torch.tril(torch.ones((1, lm_input.shape[1], lm_input.shape[1]), device=lm_input.device)).to(torch.bool),
  412. cache=cache)
  413. logp = self.llm_decoder(y_pred[:, -1]).log_softmax(dim=-1)
  414. top_ids = self.sampling_ids(logp.squeeze(dim=0), out_tokens, sampling, ignore_eos=True if i < min_len else False).item()
  415. if top_ids == self.speech_token_size:
  416. break
  417. if top_ids > self.speech_token_size:
  418. continue
  419. # in stream mode, yield token one by one
  420. yield top_ids
  421. out_tokens.append(top_ids)
  422. lm_input = self.speech_embedding.weight[top_ids].reshape(1, 1, -1)
  423. @torch.inference_mode()
  424. def inference_bistream(
  425. self,
  426. text: Generator,
  427. prompt_text: torch.Tensor,
  428. prompt_text_len: torch.Tensor,
  429. prompt_speech_token: torch.Tensor,
  430. prompt_speech_token_len: torch.Tensor,
  431. embedding: torch.Tensor,
  432. sampling: int = 25,
  433. max_token_text_ratio: float = 20,
  434. min_token_text_ratio: float = 2,
  435. ) -> Generator[torch.Tensor, None, None]:
  436. device = prompt_text.device
  437. # 1. prepare input
  438. sos_eos_emb = self.llm_embedding.weight[self.sos_eos].reshape(1, 1, -1)
  439. task_id_emb = self.llm_embedding.weight[self.task_id].reshape(1, 1, -1)
  440. if prompt_speech_token_len != 0:
  441. prompt_speech_token_emb = self.speech_embedding(prompt_speech_token)
  442. else:
  443. prompt_speech_token_emb = torch.zeros(1, 0, self.llm_input_size, dtype=prompt_text.dtype).to(device)
  444. lm_input = torch.concat([sos_eos_emb], dim=1)
  445. # 2. iterate text
  446. out_tokens = []
  447. cache = None
  448. # NOTE init prompt_text as text_cache as it is basically impossible prompt_speech_token/prompt_text < 15/5
  449. text_cache = self.llm.model.model.embed_tokens(prompt_text)
  450. next_fill_index = -1
  451. for this_text in text:
  452. text_cache = torch.concat([text_cache, self.llm.model.model.embed_tokens(this_text)], dim=1)
  453. # prompt_speech_token_emb not empty, try append to lm_input
  454. while prompt_speech_token_emb.size(1) != 0:
  455. if text_cache.size(1) >= self.mix_ratio[0]:
  456. lm_input_text, lm_input_speech = text_cache[:, :self.mix_ratio[0]], prompt_speech_token_emb[:, :self.mix_ratio[1]]
  457. logging.info('append {} text token {} speech token'.format(lm_input_text.size(1), lm_input_speech.size(1)))
  458. lm_input = torch.concat([lm_input, lm_input_text, lm_input_speech], dim=1)
  459. text_cache, prompt_speech_token_emb = text_cache[:, self.mix_ratio[0]:], prompt_speech_token_emb[:, self.mix_ratio[1]:]
  460. else:
  461. logging.info('not enough text token to decode, wait for more')
  462. break
  463. # no prompt_speech_token_emb remain, can decode some speech token
  464. if prompt_speech_token_emb.size(1) == 0:
  465. if (len(out_tokens) != 0 and out_tokens[-1] == self.speech_token_size + 2) or (len(out_tokens) == 0 and lm_input.size(1) == 1):
  466. logging.info('get fill token, need to append more text token')
  467. if text_cache.size(1) >= self.mix_ratio[0]:
  468. lm_input_text = text_cache[:, :self.mix_ratio[0]]
  469. logging.info('append {} text token'.format(lm_input_text.size(1)))
  470. if len(out_tokens) != 0 and out_tokens[-1] == self.speech_token_size + 2:
  471. lm_input = lm_input_text
  472. else:
  473. lm_input = torch.concat([lm_input, lm_input_text], dim=1)
  474. text_cache = text_cache[:, self.mix_ratio[0]:]
  475. else:
  476. logging.info('not enough text token to decode, wait for more')
  477. continue
  478. while True:
  479. seq_len = lm_input.shape[1] if cache is None else lm_input.shape[1] + cache[0][0].size(2)
  480. y_pred, cache = self.llm.forward_one_step(lm_input,
  481. masks=torch.tril(torch.ones((1, seq_len, seq_len), device=lm_input.device)).to(torch.bool),
  482. cache=cache)
  483. logp = self.llm_decoder(y_pred[:, -1]).log_softmax(dim=-1)
  484. if next_fill_index != -1 and len(out_tokens) == next_fill_index:
  485. top_ids = self.speech_token_size + 2
  486. next_fill_index += (self.mix_ratio[1] + 1)
  487. else:
  488. top_ids = self.sampling_ids(logp.squeeze(dim=0), out_tokens, sampling, ignore_eos=True).item()
  489. if top_ids == self.speech_token_size + 2:
  490. next_fill_index = len(out_tokens) + self.mix_ratio[1] + 1
  491. logging.info('fill_token index {} next fill_token index {}'.format(len(out_tokens), next_fill_index))
  492. out_tokens.append(top_ids)
  493. if top_ids >= self.speech_token_size:
  494. if top_ids == self.speech_token_size + 2:
  495. break
  496. else:
  497. raise ValueError('should not get token {}'.format(top_ids))
  498. yield top_ids
  499. lm_input = self.speech_embedding.weight[top_ids].reshape(1, 1, -1)
  500. # 3. final decode
  501. lm_input = torch.concat([lm_input, text_cache, task_id_emb], dim=1)
  502. logging.info('no more text token, decode until met eos')
  503. while True:
  504. seq_len = lm_input.shape[1] if cache is None else lm_input.shape[1] + cache[0][0].size(2)
  505. y_pred, cache = self.llm.forward_one_step(lm_input,
  506. masks=torch.tril(torch.ones((1, seq_len, seq_len), device=lm_input.device)).to(torch.bool),
  507. cache=cache)
  508. logp = self.llm_decoder(y_pred[:, -1]).log_softmax(dim=-1)
  509. top_ids = self.sampling_ids(logp.squeeze(dim=0), out_tokens, sampling, ignore_eos=False).item()
  510. out_tokens.append(top_ids)
  511. if top_ids >= self.speech_token_size:
  512. if top_ids == self.speech_token_size:
  513. break
  514. else:
  515. raise ValueError('should not get token {}'.format(top_ids))
  516. # in stream mode, yield token one by one
  517. yield top_ids
  518. lm_input = self.speech_embedding.weight[top_ids].reshape(1, 1, -1)