-
Notifications
You must be signed in to change notification settings - Fork 52
Commit
This commit does not belong to any branch on this repository, and may belong to a fork outside of the repository.
- Loading branch information
Showing
5 changed files
with
143 additions
and
35 deletions.
There are no files selected for viewing
This file contains bidirectional Unicode text that may be interpreted or compiled differently than what appears below. To review, open the file in an editor that reveals hidden Unicode characters.
Learn more about bidirectional Unicode characters
This file contains bidirectional Unicode text that may be interpreted or compiled differently than what appears below. To review, open the file in an editor that reveals hidden Unicode characters.
Learn more about bidirectional Unicode characters
Original file line number | Diff line number | Diff line change |
---|---|---|
@@ -0,0 +1,100 @@ | ||
#!/bin/bash | ||
# export PYTHONPATH=/root/whisper:$PYTHONPATH | ||
export PYTHONPATH=/root/fairseq:$PYTHONPATH | ||
export CUDA_VISIBLE_DEVICES=4,5,6,7 | ||
# export CUDA_LAUNCH_BLOCKING=1 | ||
export OMP_NUM_THREADS=1 | ||
|
||
# debug setting for multiple gpus | ||
# export NCCL_DEBUG=INFO | ||
# export NCCL_DEBUG_SUBSYS=ALL | ||
# export TORCH_DISTRIBUTED_DEBUG=INFO | ||
|
||
cd /root/SLAM-LLM | ||
|
||
speech_encoder_path=/nfs/zhifu.gzf/ckpt/Whisper/large-v2.pt | ||
# speech_encoder_path=/nfs/maziyang.mzy/models/Whisper/large-v2-qwen.pt | ||
|
||
llm_path=/nfs/maziyang.mzy/models/TinyLlama-1.1B-Chat-v0.4 | ||
|
||
output_dir=/nfs/maziyang.mzy/exps/TinyLlama-1.1B-Chat-v0.4-finetune-asr-ds5-proj2048-lr1e-4-finetune-whisper-large-v2-prompt-padding30-20240115 | ||
|
||
# -m debugpy --listen 5678 --wait-for-client | ||
if [[ $CUDA_VISIBLE_DEVICES != *","* ]]; then | ||
python -m debugpy --listen 5678 --wait-for-client src/llama_recipes/pipeline/finetune.py \ | ||
--model_name asr \ | ||
--freeze_encoder \ | ||
--freeze_llm \ | ||
--llm_name vicuna-13b-v1.5 \ | ||
--llm_path $llm_path \ | ||
--llm_dim 5120 \ | ||
--encoder_name whisper \ | ||
--encoder_ds_rate 2 \ | ||
--encoder_path $speech_encoder_path \ | ||
--encoder_dim 1280 \ | ||
--encoder_projector linear \ | ||
--encoder_projector_ds_rate 5 \ | ||
--dataset speech_dataset \ | ||
--speech_dataset.train_data_path /nfs/maziyang.mzy/data/librispeech/librispeech_train_960h.jsonl \ | ||
--speech_dataset.val_data_path /nfs/maziyang.mzy/data/librispeech/librispeech_dev_other_filtered.jsonl \ | ||
--batching_strategy custom \ | ||
--num_epochs 100 \ | ||
--batch_size_training 4 \ | ||
--val_batch_size 4 \ | ||
--num_workers_dataloader 4 \ | ||
--lr 1e-4 \ | ||
--output_dir $output_dir \ | ||
--metric acc \ | ||
# --log_file $output_dir/test.log \ | ||
# --use_wandb \ | ||
# --wandb_dir $output_dir \ | ||
# --wandb_entity_name zym22 \ | ||
# --wandb_project_name slam-llm \ | ||
# --wandb_exp_name test \ | ||
# --log_interval 5 \ | ||
# --ckpt_path "/nfs/maziyang.mzy/exps/llama-2-hf-finetune-asr-ds5-proj2048-lr1e-5-whisper-lora-prompt/asr/5/model.pt" \ | ||
# --peft_ckpt "/nfs/maziyang.mzy/exps/llama-2-hf-finetune-asr-ds5-proj2048-lr1e-5-whisper-lora-prompt/asr/5" \ | ||
# --use_peft --peft_method lora \ | ||
|
||
else | ||
torchrun \ | ||
--nnodes 1 \ | ||
--nproc_per_node 4 \ | ||
--master_port=29501 \ | ||
src/llama_recipes/pipeline/finetune.py \ | ||
--model_name asr \ | ||
--freeze_llm \ | ||
--use_fp16 \ | ||
--enable_fsdp \ | ||
--llm_name tinyllama-1.1b-chat-v0.4 \ | ||
--llm_path $llm_path \ | ||
--llm_dim 2048 \ | ||
--encoder_name whisper \ | ||
--encoder_ds_rate 2 \ | ||
--encoder_path $speech_encoder_path \ | ||
--encoder_dim 1280 \ | ||
--encoder_projector linear \ | ||
--encoder_projector_ds_rate 5 \ | ||
--dataset speech_dataset \ | ||
--speech_dataset.train_data_path /nfs/maziyang.mzy/data/librispeech/librispeech_train_960h.jsonl \ | ||
--speech_dataset.val_data_path /nfs/maziyang.mzy/data/librispeech/librispeech_dev_other_filtered.jsonl \ | ||
--batching_strategy custom \ | ||
--num_epochs 100 \ | ||
--batch_size_training 4 \ | ||
--val_batch_size 4 \ | ||
--num_workers_dataloader 4 \ | ||
--lr 1e-4 \ | ||
--output_dir $output_dir \ | ||
--metric acc \ | ||
--log_file /$output_dir/train.log \ | ||
--use_wandb \ | ||
--wandb_dir $output_dir \ | ||
--wandb_entity_name zym22 \ | ||
--wandb_project_name slam-llm \ | ||
--wandb_exp_name test \ | ||
--log_interval 5 \ | ||
# --peft_ckpt "/nfs/maziyang.mzy/exps/llama-2-hf-finetune-asr-ds5-proj2048-lr1e-5-whisper-prompt-padding30-20231228/asr/4" \ | ||
# --ckpt_path "/nfs/maziyang.mzy/exps/llama-2-hf-finetune-asr-ds5-proj2048-lr1e-5-whisper-prompt-padding30-20231228/asr/4/model.pt" \ | ||
# --use_peft --peft_method lora \ | ||
# --freeze_encoder \ | ||
fi |
This file contains bidirectional Unicode text that may be interpreted or compiled differently than what appears below. To review, open the file in an editor that reveals hidden Unicode characters.
Learn more about bidirectional Unicode characters
Original file line number | Diff line number | Diff line change |
---|---|---|
@@ -1,32 +1,38 @@ | ||
#!/bin/bash | ||
#export PYTHONPATH=/root/whisper:$PYTHONPATH | ||
export CUDA_VISIBLE_DEVICES=0 | ||
export TOKENIZERS_PARALLELISM=false | ||
# export CUDA_LAUNCH_BLOCKING=1 | ||
|
||
cd /root/SLAM-LLM | ||
|
||
speech_encoder_path=/nfs/zhifu.gzf/ckpt/Whisper/large-v2.pt | ||
# speech_encoder_path=/nfs/maziyang.mzy/models/Whisper/large-v2-qwen.pt | ||
llm_path=/nfs/zhifu.gzf/ckpt/Llama-2-7b-hf | ||
output_dir=/nfs/maziyang.mzy/exps/llama-2-hf-finetune-asr-ds5-proj2048-lr1e-4-whisper-lora-prompt-paddinglr-20240102-renew5 | ||
ckpt_path=/nfs/maziyang.mzy/exps/llama-2-hf-finetune-asr-ds5-proj2048-lr1e-4-whisper-lora-prompt-paddinglr-20240102-renew5/asr/1/model.pt | ||
peft_ckpt=/nfs/maziyang.mzy/exps/llama-2-hf-finetune-asr-ds5-proj2048-lr1e-4-whisper-lora-prompt-paddinglr-20240102-renew5/asr/1 | ||
|
||
# llm_path=/nfs/zhifu.gzf/ckpt/Llama-2-7b-hf | ||
llm_path=/nfs/maziyang.mzy/models/vicuna-7b-v1.5 | ||
|
||
output_dir=/nfs/maziyang.mzy/exps/vicuna-7b-v1.5-finetune-asr-ds5-proj2048-lr1e-4-whisper-prompt-padding30-20240106 | ||
ckpt_path=/nfs/maziyang.mzy/exps/vicuna-7b-v1.5-finetune-asr-ds5-proj2048-lr1e-4-whisper-prompt-padding30-20240106/asr/2/model.pt | ||
# peft_ckpt=/nfs/maziyang.mzy/exps/llama-2-hf-finetune-asr-ds5-proj2048-lr1e-4-whisper-lora-prompt-paddinglr-20240102-renew5/asr/1 | ||
|
||
# -m debugpy --listen 5678 --wait-for-client | ||
python src/llama_recipes/pipeline/inference.py \ | ||
python -m debugpy --listen 5678 --wait-for-client src/llama_recipes/pipeline/inference.py \ | ||
--model_name asr \ | ||
--freeze_encoder \ | ||
--llm_name llama-2-7b-hf \ | ||
--freeze_llm \ | ||
--llm_name vicuna-7b-v1.5 \ | ||
--llm_path $llm_path \ | ||
--llm_dim 4096 \ | ||
--encoder_name whisper \ | ||
--encoder_ds_rate 2 \ | ||
--encoder_path $speech_encoder_path \ | ||
--encoder_dim 1280 \ | ||
--encoder_projector linear \ | ||
--encoder_projector_ds_rate 5 \ | ||
--output_dir $output_dir \ | ||
--ckpt_path $ckpt_path \ | ||
--wav_path "/cpfs01/shared/Group-speech/beinian.lzr/data/open_data/librispeech_audio/audio/se_librispeech_1001-134707-0032.wav" \ | ||
--prompt "Transcribe speech to text. Output the transcription directly without redundant content. Ensure that the output is not duplicated. " \ | ||
--peft_ckpt $peft_ckpt \ | ||
# --use_peft --peft_method lora \ | ||
# --freeze_llm \ | ||
# --peft_ckpt $peft_ckpt \ | ||
# --use_peft --peft_method lora \ |
This file contains bidirectional Unicode text that may be interpreted or compiled differently than what appears below. To review, open the file in an editor that reveals hidden Unicode characters.
Learn more about bidirectional Unicode characters
This file contains bidirectional Unicode text that may be interpreted or compiled differently than what appears below. To review, open the file in an editor that reveals hidden Unicode characters.
Learn more about bidirectional Unicode characters