BERT句子分类
创始人
2024-11-30 22:01:35
0

下面是一个使用BERT进行句子分类的代码示例:

首先,需要安装相应的库:

pip install transformers
pip install torch

接下来,导入需要的库:

import torch
from torch.utils.data import DataLoader, TensorDataset
from transformers import BertTokenizer, BertForSequenceClassification

加载预训练的BERT模型和tokenizer:

model = BertForSequenceClassification.from_pretrained('bert-base-uncased', num_labels=2) # 2表示二分类任务
tokenizer = BertTokenizer.from_pretrained('bert-base-uncased')

定义数据集和数据加载器:

# 假设你有一个包含句子和对应标签的数据集
sentences = ['This is sentence 1', 'This is sentence 2', ...]
labels = [0, 1, ...] # 标签可以是任意整数,0表示负样本,1表示正样本

# 使用tokenizer对句子进行编码
encoded_inputs = tokenizer(sentences, padding=True, truncation=True, return_tensors='pt')

# 创建数据集
dataset = TensorDataset(encoded_inputs['input_ids'], encoded_inputs['attention_mask'], torch.tensor(labels))

# 创建数据加载器
dataloader = DataLoader(dataset, batch_size=16)

定义训练循环:

device = torch.device('cuda' if torch.cuda.is_available() else 'cpu')

model.to(device)
model.train()

optimizer = torch.optim.AdamW(model.parameters(), lr=2e-5)

for epoch in range(3):
    for batch in dataloader:
        input_ids, attention_mask, targets = batch
        input_ids, attention_mask, targets = input_ids.to(device), attention_mask.to(device), targets.to(device)
        
        optimizer.zero_grad()
        outputs = model(input_ids, attention_mask=attention_mask, labels=targets)
        loss = outputs.loss
        logits = outputs.logits
        loss.backward()
        optimizer.step()

进行预测:

model.eval()

test_sentences = ['This is a test sentence', 'Another test sentence', ...]
encoded_inputs = tokenizer(test_sentences, padding=True, truncation=True, return_tensors='pt')
input_ids = encoded_inputs['input_ids'].to(device)
attention_mask = encoded_inputs['attention_mask'].to(device)

with torch.no_grad():
    outputs = model(input_ids, attention_mask=attention_mask)
    logits = outputs.logits
    
predicted_labels = torch.argmax(logits, dim=1).tolist()

以上代码演示了如何使用BERT进行句子分类任务。你需要根据自己的数据集和任务需求进行适当的调整。

相关内容

热门资讯

安卓换鸿蒙系统会卡吗,体验流畅... 最近手机圈可是热闹非凡呢!不少安卓用户都在议论纷纷,说鸿蒙系统要来啦!那么,安卓手机换上鸿蒙系统后,...
安卓系统拦截短信在哪,安卓系统... 你是不是也遇到了这种情况:手机里突然冒出了很多垃圾短信,烦不胜烦?别急,今天就来教你怎么在安卓系统里...
app安卓系统登录不了,解锁登... 最近是不是你也遇到了这样的烦恼:手机里那个心爱的APP,突然就登录不上了?别急,让我来帮你一步步排查...
安卓系统要维护多久,安卓系统维... 你有没有想过,你的安卓手机里那个陪伴你度过了无数日夜的安卓系统,它究竟要陪伴你多久呢?这个问题,估计...
windows官网系统多少钱 Windows官网系统价格一览:了解正版Windows的购买成本Windows 11官方价格解析微软...
安卓系统如何卸载app,轻松掌... 手机里的App越来越多,是不是感觉内存不够用了?别急,今天就来教你怎么轻松卸载安卓系统里的App,让...
怎么复制照片安卓系统,操作步骤... 亲爱的手机控们,是不是有时候想把自己的手机照片分享给朋友,或者备份到电脑上呢?别急,今天就来教你怎么...
安卓系统应用怎么重装,安卓应用... 手机里的安卓应用突然罢工了,是不是让你头疼不已?别急,今天就来手把手教你如何重装安卓系统应用,让你的...
iwatch怎么连接安卓系统,... 你有没有想过,那款时尚又实用的iWatch,竟然只能和iPhone好上好?别急,今天就来给你揭秘,怎...
安装了Anaconda之后找不... 在安装Anaconda后,如果找不到Jupyter Notebook,可以尝试以下解决方法:检查环境...