maxseats/SungBeom-whisper-small-ko-set0
Automatic Speech Recognition
•
Updated
•
3
audio
audioduration (s) 0.18
18.3
| transcripts
stringlengths 1
141
| input_features
sequencelengths 80
80
| labels
sequencelengths 6
89
|
---|---|---|---|
"집합금지 신고를 해도 달라지는 일이 사실 없다고 많이 느껴져서 그사람들(...TRUNCATED) | [[-0.25662362575531006,-0.4068664312362671,-0.4511324167251587,-0.4248685836791992,-0.48277318477630(...TRUNCATED) | [50258,50264,50359,50363,19041,26640,4781,1831,13042,1313,11297,35776,42407,20508,42848,14504,5711,7(...TRUNCATED) |
|
"소상공인을 위한 재난 지원금 오늘로 지금 사흘째입니다 어제까지 이 조 (...TRUNCATED) | [[0.6747169494628906,0.22589069604873657,0.1761147379875183,0.42840415239334106,0.4002833366394043,0(...TRUNCATED) | [50258,50264,50359,50363,12012,5979,14913,42199,41475,16526,16662,47284,4781,36791,1894,1955,7356,47(...TRUNCATED) |
|
그거는 당연히 @이름5의 성과예요. | [[-0.3924797773361206,-0.5163853168487549,-0.4237593412399292,-0.5017738342285156,-0.595012903213501(...TRUNCATED) | [50258,50264,50359,50363,22069,4285,1098,43424,5905,10428,4250,13488,20,2785,14409,7097,10790,13,502(...TRUNCATED) |
|
"그래서 이제 그~ 보면은 대개 이제 정신과 의사들 또 사회 사회 사업가들도(...TRUNCATED) | [[-0.14844763278961182,-0.29090380668640137,0.014546751976013184,0.0420151948928833,0.15828639268875(...TRUNCATED) | [50258,50264,50359,50363,44959,2393,8424,4296,93,19443,2124,5971,11597,8424,4980,7575,7097,14389,145(...TRUNCATED) |
|
"결과적으로 그렇게 된 게 아니라 본부장님 이것은 이런 식으로는 안 되는 (...TRUNCATED) | [[-0.48361337184906006,-0.2536590099334717,-0.5030490159988403,-0.4473923444747925,-0.36661732196807(...TRUNCATED) | [50258,50264,50359,50363,23466,7097,15078,16104,16975,7845,22948,2818,1397,6301,33273,23088,2124,838(...TRUNCATED) |
|
네. | [[-0.032001614570617676,0.20277279615402222,0.1327725052833557,-0.02472531795501709,0.19370263814926(...TRUNCATED) | [
50258,
50264,
50359,
50363,
17507,
13,
50257
] |
|
"그런 추세를 막을 수 있는가에 대해서는 저는 막지 못한다는 생각이 들어(...TRUNCATED) | [[0.9807494282722473,0.9592112898826599,1.0094128847122192,0.7402669191360474,0.8686404228210449,0.6(...TRUNCATED) | [50258,50264,50359,50363,10557,7436,17435,37067,2429,14438,1638,4446,7153,1453,1517,27382,1098,10551(...TRUNCATED) |
|
네 | [[-0.025413036346435547,-0.07804930210113525,-0.11878228187561035,-0.22697877883911133,-0.2372697591(...TRUNCATED) | [
50258,
50264,
50359,
50363,
17507,
50257
] |
|
"그리고 그 이하면 너무 적을 것 같다고 생각을 하기 때문에 저는 네 시간 (...TRUNCATED) | [[0.6434166431427002,0.5855774879455566,0.4636921286582947,0.41752785444259644,0.5376366376876831,0.(...TRUNCATED) | [50258,50264,50359,50363,10557,7290,4296,2620,16283,6924,14370,1638,4431,4385,7726,30852,47378,12365(...TRUNCATED) |
|
"지금 민간 위원들의 경우에는 뭐 연 몇 회 이렇게 제한을 두고 있질 않습니(...TRUNCATED) | [[0.3858739733695984,0.44924527406692505,0.435358464717865,0.31574946641921997,0.2460188865661621,0.(...TRUNCATED) | [50258,50264,50359,50363,1831,4781,21509,5989,9491,38919,29990,45745,7034,11839,23628,22980,5483,442(...TRUNCATED) |
import os
import json
from pydub import AudioSegment
from tqdm import tqdm
import re
from datasets import Audio, Dataset, DatasetDict, load_from_disk, concatenate_datasets
from transformers import WhisperFeatureExtractor, WhisperTokenizer
import pandas as pd
# 사용자 지정 변수를 설정해요.
# DATA_DIR = '/mnt/a/maxseats/(주의-원본-680GB)주요 영역별 회의 음성인식 데이터' # 데이터셋이 저장된 폴더
DATA_DIR = '/mnt/a/maxseats/(주의-원본)split_files/set_0' # 첫 10GB 테스트
# 원천, 라벨링 데이터 폴더 지정
json_base_dir = DATA_DIR
audio_base_dir = DATA_DIR
output_dir = '/mnt/a/maxseats/(주의-원본)clips_set_0' # 가공된 데이터셋이 저장될 폴더
token = "hf_~~~" # 허깅페이스 토큰
CACHE_DIR = '/mnt/a/maxseats/.cache' # 허깅페이스 캐시 저장소 지정
dataset_name = "maxseats/aihub-464-preprocessed-680GB-set-0" # 허깅페이스에 올라갈 데이터셋 이름
model_name = "SungBeom/whisper-small-ko" # 대상 모델 / "openai/whisper-base"
batch_size = 4000 # 배치사이즈 지정, 8000이면 에러 발생
os.environ['HF_DATASETS_CACHE'] = CACHE_DIR
'''
데이터셋 경로를 지정해서
하나의 폴더에 mp3, txt 파일로 추출해요.
추출 과정에서 원본 파일은 자동으로 삭제돼요. (저장공간 절약을 위해)
'''
def bracket_preprocess(text):
# 정규 표현식을 사용하여 패턴 제거
text = re.sub(r'/\([^\)]+\)', '', text) # /( *) 패턴 제거, /(...) 형식 제거
text = re.sub(r'[()]', '', text) # 개별적으로 등장하는 ( 및 ) 제거
return text.strip()
def process_audio_and_subtitle(json_path, audio_base_dir, output_dir):
# JSON 파일 읽기
with open(json_path, 'r', encoding='utf-8') as f:
data = json.load(f)
# 메타데이터에서 오디오 파일 이름 추출
title = data['metadata']['title']
# 각 TS, VS 폴더에서 해당 오디오 파일을 찾기
audio_file = None
for root, _, files in os.walk(audio_base_dir):
for file in files:
if file == title + '.wav':
audio_file = os.path.join(root, file)
break
if audio_file:
break
# 오디오 파일 로드
if not audio_file or not os.path.exists(audio_file):
print(f"Audio file {audio_file} does not exist.")
return
audio = AudioSegment.from_mp3(audio_file)
audio_length_ms = len(audio)
# 발화 데이터 처리
for utterance in data['utterance']:
start_time = int(float(utterance['start']) * 1000.0)# 밀리초로 변환
end_time = int(float(utterance['end']) * 1000.0) # 밀리초로 변환
text = bracket_preprocess(utterance['form']) # 괄호 전처리
if not text: # 비어 있으면 수행 x
continue
# 비정상적인 start_time 및 end_time 감지
if start_time < 0 or end_time > audio_length_ms or start_time >= end_time:
continue
# 오디오 클립 추출
audio_clip = audio[start_time:end_time]
# 파일 이름 설정
clip_id = utterance['id']
audio_output_path = os.path.join(output_dir, clip_id + '.mp3')
text_output_path = os.path.join(output_dir, clip_id + '.txt')
# 오디오 클립 저장
audio_clip.export(audio_output_path, format='mp3')
# 괄호 전처리 텍스트 파일 저장
with open(text_output_path, 'w', encoding='utf-8') as f:
f.write(text)
# 오디오 파일 삭제
os.remove(audio_file)
os.remove(audio_file.replace('.wav', '.txt'))
print(f"Deleted audio file: {audio_file}")
def process_all_files(json_base_dir, audio_base_dir, output_dir):
json_files = []
# JSON 파일 목록 생성
for root, dirs, files in os.walk(json_base_dir):
for file in files:
if file.endswith('.json'):
json_files.append(os.path.join(root, file))
# JSON 파일 처리
for json_file in tqdm(json_files, desc="Processing JSON files"):
process_audio_and_subtitle(json_file, audio_base_dir, output_dir)
# 완료 후 JSON 파일 삭제
os.remove(json_file)
print(f"Deleted JSON file: {json_file}")
# 디렉토리 생성
os.makedirs(output_dir, exist_ok=True)
# 프로세스 실행
process_all_files(json_base_dir, audio_base_dir, output_dir)
'''
가공된 mp3, txt 데이터를 학습 가능한 허깅페이스 데이터셋 형태로 변환해요.
'''
# 캐시 디렉토리 설정
os.environ['HF_HOME'] = CACHE_DIR
os.environ["HF_DATASETS_CACHE"] = CACHE_DIR
feature_extractor = WhisperFeatureExtractor.from_pretrained(model_name, cache_dir=CACHE_DIR)
tokenizer = WhisperTokenizer.from_pretrained(model_name, language="Korean", task="transcribe", cache_dir=CACHE_DIR)
def exclude_json_files(file_names: list) -> list:
# .json으로 끝나는 원소 제거
return [file_name for file_name in file_names if not file_name.endswith('.json')]
def get_label_list(directory):
# 빈 리스트 생성
label_files = []
# 디렉토리 내 파일 목록 불러오기
for filename in os.listdir(directory):
# 파일 이름이 '.txt'로 끝나는지 확인
if filename.endswith('.txt'):
label_files.append(os.path.join(directory, filename))
return label_files
def get_audio_list(directory):
# 빈 리스트 생성
audio_files = []
# 디렉토리 내 파일 목록 불러오기
for filename in os.listdir(directory):
# 파일 이름이 '.wav'나 '.mp3'로 끝나는지 확인
if filename.endswith('.wav') or filename.endswith('mp3'):
audio_files.append(os.path.join(directory, filename))
return audio_files
def prepare_dataset(batch):
# 오디오 파일을 16kHz로 로드
audio = batch["audio"]
# input audio array로부터 log-Mel spectrogram 변환
batch["input_features"] = feature_extractor(audio["array"], sampling_rate=audio["sampling_rate"]).input_features[0]
# target text를 label ids로 변환
batch["labels"] = tokenizer(batch["transcripts"]).input_ids
# 'input_features'와 'labels'만 포함한 새로운 딕셔너리 생성
return {"input_features": batch["input_features"], "labels": batch["labels"]}
label_data = get_label_list(output_dir)
audio_data = get_audio_list(output_dir)
transcript_list = []
for label in tqdm(label_data):
with open(label, 'r', encoding='UTF8') as f:
line = f.readline()
transcript_list.append(line)
df = pd.DataFrame(data=transcript_list, columns = ["transcript"]) # 정답 label
df['audio_data'] = audio_data # 오디오 파일 경로
# 오디오 파일 경로를 dict의 "audio" 키의 value로 넣고 이를 데이터셋으로 변환
# 이때, Whisper가 요구하는 사양대로 Sampling rate는 16,000으로 설정한다.
ds = Dataset.from_dict(
{"audio": [path for path in df["audio_data"]],
"transcripts": [transcript for transcript in df["transcript"]]}
).cast_column("audio", Audio(sampling_rate=16000))
# 데이터셋을 훈련 데이터와 테스트 데이터, 밸리데이션 데이터로 분할
train_testvalid = ds.train_test_split(test_size=0.2)
test_valid = train_testvalid["test"].train_test_split(test_size=0.5)
datasets = DatasetDict(
{"train": train_testvalid["train"],
"test": test_valid["test"],
"valid": test_valid["train"]}
)
datasets = datasets.remove_columns(['audio', 'transcripts']) # 불필요한 부분 제거
print('-'*48)
print(type(datasets))
print(datasets)
print('-'*48)
# 데이터셋 배치 처리
batches = []
for i in range(0, len(df), batch_size):
batch_df = df.iloc[i:i+batch_size]
ds = Dataset.from_dict(
{"audio": [path for path in batch_df["audio_data"]],
"transcripts": [transcript for transcript in batch_df["transcript"]]}
).cast_column("audio", Audio(sampling_rate=16000))
batch_datasets = DatasetDict({"batch": ds})
batch_datasets = batch_datasets.map(prepare_dataset, num_proc=1)
batch_datasets.save_to_disk(os.path.join(CACHE_DIR, f'batch_{i//batch_size}'))
batches.append(os.path.join(CACHE_DIR, f'batch_{i//batch_size}'))
print(f"Processed and saved batch {i//batch_size}")
# 모든 배치 데이터셋 로드
loaded_batches = [load_from_disk(path) for path in batches]
# 배치 데이터셋을 하나로 병합
full_dataset = concatenate_datasets([batch['batch'] for batch in loaded_batches])
# 데이터셋을 훈련 데이터와 테스트 데이터, 밸리데이션 데이터로 분할
train_testvalid = full_dataset.train_test_split(test_size=0.2)
test_valid = train_testvalid["test"].train_test_split(test_size=0.5)
datasets = DatasetDict(
{"train": train_testvalid["train"],
"test": test_valid["test"],
"valid": test_valid["train"]}
)
'''
허깅페이스 로그인 후, 최종 데이터셋을 업로드해요.
'''
# datasets.save_to_disk('/mnt/a/maxseats/preprocessed_cache.arrow')
# datasets.push_to_hub(dataset_name, token=token)
while True:
if token =="exit":
break
try:
datasets.push_to_hub(dataset_name, token=token)
print(f"Dataset {dataset_name} pushed to hub successfully. 넘나 축하.")
break
except Exception as e:
print(f"Failed to push dataset: {e}")
token = input("Please enter your Hugging Face API token: ")