NLP常用工具包

✨做一次按NLP项目常见工具的使用拆解

1. tokenizer

python 复制代码
from torchtext.data.utils import get_tokenizer

tokenizer = get_tokenizer('basic_english')
text_sample = "We're going on an adventure! The weather is really nice today."
tokens = tokenizer(text_sample)
print(tokens)

'we', "'", 're', 'going', 'on', 'an', 'adventure', '!', 'the', 'weather', 'is', 'really', 'nice', 'today', '.'

2. vocab

python 复制代码
from torchtext.vocab import build_vocab_from_iterator
from torchtext.data.utils import get_tokenizer

# 创建分词器
tokenizer = get_tokenizer('basic_english')

# 测试数据
test_sentences = [
    "The quick brown fox jumps over the lazy dog.",
    "Hello world! This is a test for building vocabulary.",
]

vocab = build_vocab_from_iterator(
    (tokenizer(sentence) for sentence in test_sentences),
    specials=['<unk>', '<pad>'],
    min_freq=1  # 设置最小频率为1
)

vocab.set_default_index(vocab['<unk>'])

print("词表大小:", len(vocab))
print("'fox'的索引:", vocab['fox'])

词表大小: 21

'fox'的索引: 10

3. Dataloader(示例1)

python 复制代码
import torch
from torch.nn.utils.rnn import pad_sequence
from torch.utils.data import Dataset, DataLoader
from torchtext.vocab import build_vocab_from_iterator
from torchtext.data.utils import get_tokenizer

# 1. 创建分词器
tokenizer = get_tokenizer('basic_english')

# 2. 测试数据
train_sentences = [
    "The quick brown fox jumps over the lazy dog.",
    "Hello world! This is a test for building vocabulary.",
    # 你可以在这里添加更多训练句子
]
test_sentences = [
    "The quick brown fox jumps over the lazy dog.",
    "Hello world! This is a test for building vocabulary.",
]

# 3. 构建词表
vocab = build_vocab_from_iterator(
    (tokenizer(sentence) for sentence in train_sentences),
    specials=['<unk>', '<pad>'],
    min_freq=1
)
vocab.set_default_index(vocab['<unk>'])

print("词表大小:", len(vocab))
print("'fox'的索引:", vocab['fox'])

# 4. 自定义 Dataset
class TextDataset(Dataset):
    def __init__(self, sentences, vocab, tokenizer):
        self.sentences = sentences
        self.vocab = vocab
        self.tokenizer = tokenizer

    def __len__(self):
        return len(self.sentences)

    def __getitem__(self, idx):
        tokens = self.tokenizer(self.sentences[idx])
        indices = [self.vocab[token] for token in tokens]
        return torch.tensor(indices, dtype=torch.long)

# 5. 创建 Dataset 实例
train_dataset = TextDataset(train_sentences, vocab, tokenizer)
test_dataset  = TextDataset(test_sentences, vocab, tokenizer)

# 6. DataLoader 与 Padding Collate 函数

def collate_fn(batch):
    # batch 是一个 list of tensors
    return pad_sequence(batch, batch_first=True, padding_value=vocab['<pad>'])

train_loader = DataLoader(train_dataset, batch_size=2, shuffle=True, collate_fn=collate_fn)
test_loader  = DataLoader(test_dataset, batch_size=2, shuffle=False, collate_fn=collate_fn)

# 7. 测试 DataLoader 输出
print("\n=== Train Batch Indices ===")
for batch in train_loader:
    print(batch)
    break

print("\n=== Test Batch Indices ===")
for batch in test_loader:
    print(batch)
    break

=== Train Batch Indices ===
tensor([[11, 20, 4, 18, 12, 5, 17, 9, 7, 19, 2],

3, 16, 6, 10, 13, 15, 3, 14, 8, 2, 1\]\]) === Test Batch Indices === tensor(\[\[ 3, 16, 6, 10, 13, 15, 3, 14, 8, 2, 1\], \[11, 20, 4, 18, 12, 5, 17, 9, 7, 19, 2\]\])

4. Dataloader(示例2)

python 复制代码
import torch
from torch.nn.utils.rnn import pad_sequence
from torch.utils.data import Dataset, DataLoader
from torchtext.vocab import build_vocab_from_iterator
from torchtext.data.utils import get_tokenizer

# 1. 创建分词器
tokenizer = get_tokenizer('basic_english')

# 2. 带标签的训练与测试数据 (句子, 标签)
train_data = [
    ("The quick brown fox jumps over the lazy dog.", 1),  # 正面情感
    ("Hello world! This is a test for building vocabulary.", 0),  # 负面情感
    # 可添加更多 (sentence, label)
]
test_data = [
    ("The quick brown fox jumps over the lazy dog.", 1),
    ("Hello world! This is a test for building vocabulary.", 0),
]

# 3. 构建词表,只基于训练数据中的句子
vocab = build_vocab_from_iterator(
    (tokenizer(sentence) for sentence, _ in train_data),
    specials=['<unk>', '<pad>'],
    min_freq=1
)
vocab.set_default_index(vocab['<unk>'])

print("词表大小:", len(vocab))
print("'fox'的索引:", vocab['fox'])

# 4. 自定义 Dataset,返回 (indices_tensor, label_tensor)
class TextDataset(Dataset):
    def __init__(self, data, vocab, tokenizer):
        self.data = data
        self.vocab = vocab
        self.tokenizer = tokenizer

    def __len__(self):
        return len(self.data)

    def __getitem__(self, idx):
        sentence, label = self.data[idx]
        tokens = self.tokenizer(sentence)
        indices = [self.vocab[token] for token in tokens]
        return torch.tensor(indices, dtype=torch.long), torch.tensor(label, dtype=torch.long)

# 5. Padding 与 collate_fn
def collate_fn(batch):
    sequences, labels = zip(*batch)
    padded_seqs = pad_sequence(sequences, batch_first=True, padding_value=vocab['<pad>'])
    labels_tensor = torch.stack(labels)
    return padded_seqs, labels_tensor

# 6. 创建 DataLoader
train_dataset = TextDataset(train_data, vocab, tokenizer)
test_dataset  = TextDataset(test_data, vocab, tokenizer)

train_loader = DataLoader(
    train_dataset, batch_size=2, shuffle=True, collate_fn=collate_fn
)
test_loader = DataLoader(
    test_dataset, batch_size=2, shuffle=False, collate_fn=collate_fn
)

# 7. 测试输出
print("\n=== Train Batch ===")
for seq_batch, label_batch in train_loader:
    print("Sequences:", seq_batch)
    print("Labels:   ", label_batch)
    break

print("\n=== Test Batch ===")
for seq_batch, label_batch in test_loader:
    print("Sequences:", seq_batch)
    print("Labels:   ", label_batch)
    break
相关推荐
之歆2 小时前
Spring AI入门到实战到原理源码-MCP
java·人工智能·spring
知乎的哥廷根数学学派2 小时前
面向可信机械故障诊断的自适应置信度惩罚深度校准算法(Pytorch)
人工智能·pytorch·python·深度学习·算法·机器学习·矩阵
且去填词3 小时前
DeepSeek :基于 Schema 推理与自愈机制的智能 ETL
数据仓库·人工智能·python·语言模型·etl·schema·deepseek
待续3013 小时前
订阅了 Qoder 之后,我想通过这篇文章分享一些个人使用心得和感受。
人工智能
weixin_397578023 小时前
人工智能发展历史
人工智能
强盛小灵通专卖员3 小时前
基于深度学习的山体滑坡检测科研辅导:从论文实验到系统落地的完整思路
人工智能·深度学习·sci·小论文·山体滑坡
OidEncoder3 小时前
从 “粗放清扫” 到 “毫米级作业”,编码器重塑环卫机器人新能力
人工智能·自动化·智慧城市
Hcoco_me3 小时前
大模型面试题61:Flash Attention中online softmax(在线softmax)的实现方式
人工智能·深度学习·自然语言处理·transformer·vllm
阿部多瑞 ABU3 小时前
`chenmo` —— 可编程元叙事引擎 V2.3+
linux·人工智能·python·ai写作
极海拾贝4 小时前
GeoScene解决方案中心正式上线!
大数据·人工智能·深度学习·arcgis·信息可视化·语言模型·解决方案