Fork me on GitHub
上一页 1 ··· 5 6 7 8 9 10 11 12 13 ··· 119 下一页
摘要: 模型训练命令 python run_classifier.py \ --task_name=semeval \ --do_train=true \ --do_eval=false \ --do_predict=false \ --data_dir=$DATA_DIR/semeval2018/mult 阅读全文
posted @ 2021-03-17 17:13 西西嘛呦 阅读(224) 评论(0) 推荐(0) 编辑
摘要: 首先要知道模型的地址 tensorflow版本的模型: https://storage.googleapis.com/bert_models/2018_10_18/cased_L-12_H-768_A-12.zip https://storage.googleapis.com/bert_models 阅读全文
posted @ 2021-03-17 14:38 西西嘛呦 阅读(790) 评论(0) 推荐(0) 编辑
摘要: 【关系抽取-R-BERT】加载数据集 【关系抽取-R-BERT】模型结构 【关系抽取-R-BERT】定义训练和验证循环 相关代码 import logging import os import numpy as np import torch from torch.utils.data import 阅读全文
posted @ 2021-03-17 09:31 西西嘛呦 阅读(543) 评论(0) 推荐(0) 编辑
摘要: 模型的整体结构 相关代码 import torch import torch.nn as nn from transformers import BertModel, BertPreTrainedModel class FCLayer(nn.Module): def __init__(self, i 阅读全文
posted @ 2021-03-16 16:19 西西嘛呦 阅读(1065) 评论(0) 推荐(0) 编辑
摘要: 认识数据集 Component-Whole(e2,e1) The system as described above has its greatest application in an arrayed <e1> configuration </e1> of antenna <e2> element 阅读全文
posted @ 2021-03-14 16:40 西西嘛呦 阅读(381) 评论(0) 推荐(0) 编辑
摘要: 讲在前面 剑指offer上有这么一道题目: 题目描述 输入两个整数序列,第一个序列表示栈的压入顺序,请判断第二个序列是否可能为该栈的弹出顺序。假设压入栈的所有数字均不相等。例如序列1,2,3,4,5是某栈的压入顺序,序列4,5,3,2,1是该压栈序列对应的一个弹出序列,但4,3,5,1,2就不可能是 阅读全文
posted @ 2021-03-08 14:44 西西嘛呦 阅读(379) 评论(0) 推荐(0) 编辑
摘要: matrix = [[1,2,3,4],[5,6,7,8],[9,10,11,12]] 顺序旋转 def order_rotate(matrix): res = list(zip(*matrix)) res = [alist[::-1] for alist in res] return res re 阅读全文
posted @ 2021-03-05 16:25 西西嘛呦 阅读(173) 评论(0) 推荐(0) 编辑
摘要: transformer综述:https://arxiv.org/pdf/2009.06732.pdf transformer:Attention Is All You Need 基本构成:编码器+解码器 基本组件: 输入层:词嵌入+位置编码 隐含层:多头注意力机制、残差连接、前馈神经网络、层归一化 阅读全文
posted @ 2021-02-24 16:53 西西嘛呦 阅读(478) 评论(0) 推荐(0) 编辑
摘要: bert的一些应用:https://github.com/Jiakui/awesome-bert 一些有关bert的论文:https://github.com/tomohideshibata/BERT-related-papers ALBERT: A Lite BERT for Self-super 阅读全文
posted @ 2021-02-24 10:33 西西嘛呦 阅读(112) 评论(0) 推荐(0) 编辑
摘要: https://mp.weixin.qq.com/s/jprIK1MWAt6bzvg7WZGPwg https://www.52nlp.cn/ https://www.cnblogs.com/pinard/p/6945257.html https://www.yuque.com/books/shar 阅读全文
posted @ 2021-02-22 17:01 西西嘛呦 阅读(62) 评论(0) 推荐(0) 编辑
上一页 1 ··· 5 6 7 8 9 10 11 12 13 ··· 119 下一页