上一页 1 2 3 4 5 6 7 8 ··· 26 下一页
摘要: 64. 最小路径和 注意,Python初始化一个二维数组,不能用 [[0] * col] * row,这样每行创建的是 [0]*col的引用!!!!!! 使用 [[0] * col for _ in range(row)] # # @lc app=leetcode.cn id=64 lang=pyt 阅读全文
posted @ 2020-11-06 11:16 douzujun 阅读(79) 评论(0) 推荐(0) 编辑
摘要: Windows Registry Editor Version 5.00 [HKEY_CLASSES_ROOT\Directory\Background\shell\wt] @="open Terminal in here" //这里是鼠标右键显示的名称 [HKEY_CLASSES_ROOT\Dir 阅读全文
posted @ 2020-11-01 15:14 douzujun 阅读(692) 评论(0) 推荐(0) 编辑
摘要: 剑指 Offer 36. 二叉搜索树与双向链表 输入一棵二叉搜索树,将该二叉搜索树转换成一个排序的循环双向链表。要求不能创建任何新的节点,只能调整树中节点指针的指向。 为了让您更好地理解问题,以下面的二叉搜索树为例: 我们希望将这个二叉搜索树转化为双向循环链表。链表中的每个节点都有一个前驱和后继指针 阅读全文
posted @ 2020-10-30 13:09 douzujun 阅读(115) 评论(0) 推荐(0) 编辑
摘要: 贪心算法 class Solution: def maxSubArray(self, nums: List[int]) -> int: # 贪心算法 nlen = len(nums) if not nums: return float("-inf") cur_sum = max_sum = nums 阅读全文
posted @ 2020-10-30 11:11 douzujun 阅读(120) 评论(0) 推荐(0) 编辑
摘要: Recognizing Implicit Discourse Relations via Repeated Reading: Neural Networks with Multi-Level Attention 实际上,在不同的篇章标注框架下,存在着多个具有内在联系的语料库。 为了利用不同篇章语料库 阅读全文
posted @ 2020-10-28 23:07 douzujun 阅读(147) 评论(0) 推荐(0) 编辑
摘要: Recognizing Implicit Discourse Relations via Repeated Reading: Neural Networks with Multi-Level Attention(2016) Motivation 为了模仿 重复阅读策略,我们提出了Neural Net 阅读全文
posted @ 2020-10-26 23:27 douzujun 阅读(159) 评论(0) 推荐(0) 编辑
摘要: from thop import profile class Test(nn.Module): def __init__(self, input_size, output_szie): super(Test, self).__init__() self.out = nn.Linear(input_s 阅读全文
posted @ 2020-10-25 20:43 douzujun 阅读(619) 评论(0) 推荐(0) 编辑
摘要: 笔记 import logging def create_logger(fp): #打印日志的时间、日志级别名称、日志信息 logging.basicConfig(level=logging.INFO, format='%(asctime)s - %(levelname)s: %(message)s 阅读全文
posted @ 2020-10-25 20:05 douzujun 阅读(166) 评论(0) 推荐(0) 编辑
摘要: watch -n 0.1 nvidia-smi watch --color -n1 gpustat -cpu # pip install gpustat 阅读全文
posted @ 2020-10-24 13:17 douzujun 阅读(380) 评论(0) 推荐(0) 编辑
摘要: 学习率预热 在预热期间,学习率从0线性增加到优化器中的初始lr。 在预热阶段之后创建一个schedule,使其学习率从优化器中的初始lr线性降低到0 Parameters optimizer (Optimizer) – The optimizer for which to schedule the 阅读全文
posted @ 2020-10-24 12:55 douzujun 阅读(3971) 评论(0) 推荐(0) 编辑
摘要: https://docs.python.org/zh-cn/3/library/argparse.html import argparse parser = argparse.ArgumentParser() parser.add_argument('--dataset-type', type=st 阅读全文
posted @ 2020-10-24 12:30 douzujun 阅读(1117) 评论(0) 推荐(0) 编辑
摘要: Motivation 数据稀疏问题、缺乏衡量单词对语义关系的指标。 distributed word representations处理数据稀疏问题有优势,深度学习模型在文本语义匹配上取得进展。 使用 word embeddings 作为输入 Gate relevance network捕捉单词对之 阅读全文
posted @ 2020-10-23 23:30 douzujun 阅读(172) 评论(0) 推荐(0) 编辑
摘要: 学习笔记 学习笔记 classification_report sklearn.metrics.classification_report(y_true, y_pred, labels = None, target_names = None, sample_weight = None, digits 阅读全文
posted @ 2020-10-22 20:03 douzujun 阅读(711) 评论(0) 推荐(0) 编辑
摘要: 学习笔记1 学习笔记2 RoBERTa: A Robustly Optimized BERT Pretraining Approach(一种鲁棒优化的 BERT预训练方法) 细读,半天 Motivation 目前自训练方法例如Elmo,GPT,Bert,XLNet在NLP领域取得了很不错的成绩,但是 阅读全文
posted @ 2020-10-18 22:53 douzujun 阅读(660) 评论(0) 推荐(0) 编辑
摘要: Shallow Convolutional Neural Network for Implicit Discourse Relation Recognition 略读,科普,1h Motivation 浅层卷积神经网络进行隐式篇章关系识别,浅层结构减轻了过拟合问题,而卷积和非线性操作有助于保持我们的 阅读全文
posted @ 2020-10-18 17:28 douzujun 阅读(151) 评论(0) 推荐(0) 编辑
摘要: Towards Cross-Domain PDTB-Style Discourse Parsing(2014) 走向跨域的PDTB式篇章分析,1h,速读 Motivation Discourse Relation Parsing是为了理解句子边界以外的文本。 文献表明,篇章连接词检测 和 篇章关系s 阅读全文
posted @ 2020-10-18 16:31 douzujun 阅读(131) 评论(0) 推荐(0) 编辑
摘要: PDTB-style Discourse Annotation of Chinese Text(2012) 1h,科普 Activation 描述了一个汉语语篇标注方案,采用了词汇基础法(受PDTB启发); 同时,它根据中文文本的语言和统计特征进行改编。 提供了一个更广阔的视角,来研究 广义词汇基础 阅读全文
posted @ 2020-10-17 22:48 douzujun 阅读(186) 评论(0) 推荐(0) 编辑
摘要: Motivation 提出了在 XML语言格式下,PDTB2.0的转换和统一。转换后语料 允许在 XQuery标准上 同时 搜索语法指定的 篇章信息。 解决问题 Conversion into XML PTB XML:XMLization of syntactic structures PDTB X 阅读全文
posted @ 2020-10-17 22:22 douzujun 阅读(123) 评论(0) 推荐(0) 编辑
摘要: https://www.zhihu.com/question/337886108/answer/770243956 https://yiyibooks.cn/yiyibooks/Attention_Is_All_You_Need/index.html Abstract 模型在质量上更优越,并行性更好 阅读全文
posted @ 2020-10-16 10:45 douzujun 阅读(153) 评论(0) 推荐(0) 编辑
摘要: A PDTB-Styled End-to-End Discourse Parser(2010年) 科普,快速浏览,1h 1 Abstract 开发了一个full discourse parser in PDTB style。 这个训练的解析器:首先识别所有的篇章和非篇章关系,定位 并 标记 他们的论 阅读全文
posted @ 2020-10-16 10:34 douzujun 阅读(166) 评论(0) 推荐(0) 编辑
摘要: 题解 python版本 # # @lc app=leetcode.cn id=213 lang=python3 # # [213] 打家劫舍 II # # @lc code=start class Solution: def rob(self, nums: List[int]) -> int: de 阅读全文
posted @ 2020-10-15 16:21 douzujun 阅读(101) 评论(0) 推荐(0) 编辑
摘要: 动态规划 /* * @lc app=leetcode.cn id=5 lang=cpp * * [5] 最长回文子串 */ #include <iostream> #include <string> #include <cstdlib> #include <cstdio> using namespa 阅读全文
posted @ 2020-10-14 22:25 douzujun 阅读(130) 评论(0) 推荐(0) 编辑
摘要: Automatic sense prediction for implicit discourse relations in text(文本中隐含篇章关系的自动sense预测)(2009) 2009年,科普,快速看 Abstract(摘要) 提出了一系列 自动识别 隐含篇章关系 sense 的实验。 阅读全文
posted @ 2020-10-08 22:36 douzujun 阅读(183) 评论(0) 推荐(0) 编辑
摘要: Easily Identifiable Discourse Relations(易于识别的篇章关系) 2008年,科普,快速看 Abstract(摘要) 提出基于PDTB研究,PDTB是一个人工标注的大型语料库,包含显式或隐式实现的contingency, comparison, temporal, 阅读全文
posted @ 2020-10-06 21:36 douzujun 阅读(297) 评论(0) 推荐(0) 编辑
摘要: 2020.9 - 2010.20 篇章关系分析研究综述 The Penn Discourse TreeBank 2.0 PDTB3-Annotation-Manual BERT: Pre-training of Deep Bidirectional Transformers for Language 阅读全文
posted @ 2020-10-03 16:54 douzujun 阅读(343) 评论(0) 推荐(1) 编辑
摘要: conda create -n env_name python=3.6 source activate env_name 在root的环境(装jupyter的那个环境): conda install nb_conda # 重新启动 jupyter notebook 使用jupyter就可以方便的切换 阅读全文
posted @ 2020-09-30 20:08 douzujun 阅读(2687) 评论(1) 推荐(0) 编辑
摘要: 打开那个 xxx.ipynb 文件 安装必要的包 # 安装必要的包 !apt-get install -y -qq software-properties-common python-software-properties module-init-tools !add-apt-repository 阅读全文
posted @ 2020-09-25 16:21 douzujun 阅读(326) 评论(0) 推荐(0) 编辑
摘要: https://fitlog.readthedocs.io/zh/latest/user/quickstart.html https://fitlog.readthedocs.io/zh/latest/fitlog.html 阅读全文
posted @ 2020-09-25 08:59 douzujun 阅读(274) 评论(0) 推荐(0) 编辑
摘要: 笔记链接 阅读全文
posted @ 2020-09-23 21:05 douzujun 阅读(775) 评论(0) 推荐(0) 编辑
摘要: 法一:\(O(n^2)\) /* * @lc app=leetcode.cn id=209 lang=cpp * * [209] 长度最小的子数组 */ // @lc code=start class Solution { public: int minSubArrayLen(int s, vect 阅读全文
posted @ 2020-09-23 17:58 douzujun 阅读(122) 评论(0) 推荐(0) 编辑
上一页 1 2 3 4 5 6 7 8 ··· 26 下一页