PyTorch框架+Python 3面向对象编程学习笔记
一、CNN情感分类中的面向对象部分
sparse.py
super(Embedding, self).__init__()
表示需要父类初始化,即要运行父类的_init_(),如果没有这个,则要自定义初始化
self.weight = Parameter(torch.Tensor(num_embeddings, embedding_dim))
Parameter跳转
class Parameter(Variable):
"""A kind of Variable that is to be considered a module parameter. Parameters are :class:`~torch.autograd.Variable` subclasses, that have a
very special property when used with :class:`Module` s - when they're
assigned as Module attributes they are automatically added to the list of
its parameters, and will appear e.g. in :meth:`~Module.parameters` iterator.
Assigning a Variable doesn't have such effect. This is because one might
want to cache some temporary state, like last hidden state of the RNN, in
the model. If there was no such class as :class:`Parameter`, these
temporaries would get registered too. Another difference is that parameters can't be volatile and that they
require gradient by default. Arguments:
data (Tensor): parameter tensor.
requires_grad (bool, optional): if the parameter requires gradient. See
:ref:`excluding-subgraphs` for more details.
"""
def __new__(cls, data=None, requires_grad=True):
return super(Parameter, cls).__new__(cls, data, requires_grad=requires_grad) def __repr__(self):
return 'Parameter containing:' + self.data.__repr__()
Parameter类中,data不是self.data来的,所以是父类的。只有在_init_()中self.data的才能追加进去,若在其他函数中,跳转到父类中,则是父类的data
24,25行函数,是实现一个子类对父类包装的功能。 __init__ 、__new__、__call__区分:
class O(object):
def __init__(self, *args, **kwargs):
print "init"
super(O, self).__init__(*args, **kwargs) def __new__(cls, *args, **kwargs):
print "new", cls
return super(O, cls).__new__(cls, *args, **kwargs) def __call__(self, *args, **kwargs):
print "call" oo = O()
print "________"
oo()
结果如下:
1 new
2 init
3 ________
4 call
conv.py
class Conv2d(_ConvNd):
r"""Applies a 2D convolution over an input signal composed of several input
planes.
""" def __init__(self, in_channels, out_channels, kernel_size, stride=1,
padding=0, dilation=1, groups=1, bias=True):
kernel_size = _pair(kernel_size)
stride = _pair(stride)
padding = _pair(padding)
dilation = _pair(dilation)
super(Conv2d, self).__init__(
in_channels, out_channels, kernel_size, stride, padding, dilation,
False, _pair(0), groups, bias) def forward(self, input):
return F.conv2d(input, self.weight, self.bias, self.stride,
self.padding, self.dilation, self.groups)
_pair()跳转到utils.py
def _ntuple(n):
def parse(x):
if isinstance(x, collections.Iterable):
return x
return tuple(repeat(x, n))
return parse _single = _ntuple(1)
_pair = _ntuple(2)
_triple = _ntuple(3)
_quadruple = _ntuple(4)
这是一个函数式编程的写法,涉及函数嵌套。举例如下:
def two_dim(y):
def one_dim(x):
return x*x + y
return one_dim one_dim_plus_one = two_dim(1) print(one_dim_plus_one) # 对象地址 <function two_dim.<locals>.one_dim at 0x0000012F6DBFCB70>
print(one_dim_plus_one(2)) #
print(one_dim_plus_one(3)) # # f = x*x+y
# g1 = f(x,1)
f = lambda x,y:x*x+y
g1 = lambda x:f(x,1) # x*x+1 print(g1) # f(x,1)的地址?
print(g1(3)) #
1. repeat(x, n)跳转之后只有_init_() pass,这是pytorch框架中,是ide生成的临时文件,由C语言实现的标准库内置函数或是外部接口。

2. tuple([iterable])
什么是可迭代对象?列表、字符串。。。
if isinstance(x, collections.Iterable):
return x
return tuple(repeat(x, n))
x = 'hello'
print(_quadruple(x)) # 'hello'是可迭代对象,输出'hello' x = 2 # 2不是可迭代对象,输出(2,2,2,2)
print(_quadruple(x))
3. isinstance()函数是内置函数(内置函数不用导入就可以使用!那len()呢?)
命令行help查看isinstance函数
isinstance(obj, class_or_tuple, /)
内置函数表如下:

_xxx_()是标准库函数
各种函数注意区分。
a = Notebook()
isinstance(a, Notebook) # True class Test(Notebook):pass
issubclass(Test, Notebook) # True
4. F.conv2d
def forward(self, input):
return F.conv2d(input, self.weight, self.bias, self.stride,
self.padding, self.dilation, self.groups)
conv2d跳转到functional.py(from .. import functional as F)中conv2d
functional.py
# Convolutions
ConvNd = torch._C._functions.ConvNd
def conv2d(input, weight, bias=None, stride=1, padding=0, dilation=1,
groups=1):
"""Applies a 2D convolution over an input image composed of several input
planes. See(参考) :class:`~torch.nn.Conv2d` for details and output shape.
"""
f = ConvNd(_pair(stride), _pair(padding), _pair(dilation), False,
_pair(0), groups, torch.backends.cudnn.benchmark, torch.backends.cudnn.enabled)
return f(input, weight, bias)
Conv2d是对conv2d包装。
# AttributeError: 'Child' object has no attribute 'data'
class Parent:
def __init__(self):
self.data =12 class Child(Parent):
def __init__(self):
pass
super().__init__() a = Child()
print(a.data) #
class Parent:
def __init__(self):
self.data =12 class Child(Parent):
def __init__(self): super().__init__() a = Child()
print(a.data) #
class Parent:
def __init__(self):
self.data =12 class Child(Parent):
def __init__(self):
self.data = 25
super().__init__() a = Child()
print(a.data) #
class Parent:
def __init__(self):
self.data =12 class Child(Parent):
def __init__(self): super().__init__()
self.data = 25 a = Child()
print(a.data)
二、面向对象编程python3
1. 列表生成式
def search(self, filter):
return [note for note in self.notes if note.match(filter)]
等价于
def search(self, filter):
temp = []
for note in self.notes:
if note.match(filter):
temp.append(note)
return temp
列表推导式目标是生成临时列表,举例如下:
f = [x for if for if for for if]
# 等价于
temp_list = []
for st:
if st:
...
if:
temp_list.append(x)
f = temp_list #
f = []
for st:
if st:
...
if:
f.append(x) # x*y for x in range(1,10) for y in range(1,10)
a = []
for x in range(1,10):
for y in range(1,10):
a.append(x*y)
2. global
var = 13 def test():
global var
var = 12
print(var) # print(var)
var = 25
test()
书上部分未完
PyTorch框架+Python 3面向对象编程学习笔记的更多相关文章
- Python之面向对象编程学习
不知不觉,学到了python的面向对象编程思想.今天我们来讨论下面向对象编程的思想. 顾名思义,面向对象,就是面向于对象,这里所说的对象不是你现实生活中你的女朋友,你的老婆,你的爱人,在编程的世界里面 ...
- JavaScript面向对象编程学习笔记
1 Javascript 面向对象编程 所谓"构造函数",其实就是一个普通函数,但是内部使用了this变量.对构造函数使用new运算符,就能生成实例,并且this变量会绑定在实例 ...
- php面向对象编程--学习笔记
1.声明一个类 在php中使用class关键字创建一个新类,类包括属性与方法.语法格式如下: <?php class类名{ 属性: 方法: } ?> 2.创建一个实例对象 创建对象的过程称 ...
- python面向对象编程学习
python面向对象编程 基本概念理解 面向对象编程--Object Oriented Programming,简称OOP,是一种程序设计思想.OOP把对象作为程序的基本单元,一个对象包含了数据和操作 ...
- 并发编程学习笔记(15)----Executor框架的使用
Executor执行已提交的 Runnable 任务的对象.此接口提供一种将任务提交与每个任务将如何运行的机制(包括线程使用的细节.调度等)分离开来的方法.通常使用 Executor 而不是显式地创建 ...
- 并发编程学习笔记(12)----Fork/Join框架
1. Fork/Join 的概念 Fork指的是将系统进程分成多个执行分支(线程),Join即是等待,当fork()方法创建了多个线程之后,需要等待这些分支执行完毕之后,才能得到最终的结果,因此joi ...
- Python:面向对象编程3 定制类(有更新)
Python:面向对象编程3 定制类(有更新) ⚠️本文主要内容为对Data model相关知识点的提取学习记录.(内容来自文档和部分网页教程案例) ⚠️:这个连接指向<流畅的python&g ...
- 并发编程学习笔记(6)----公平锁和ReentrantReadWriteLock使用及原理
(一)公平锁 1.什么是公平锁? 公平锁指的是在某个线程释放锁之后,等待的线程获取锁的策略是以请求获取锁的时间为标准的,即使先请求获取锁的线程先拿到锁. 2.在java中的实现? 在java的并发包中 ...
- 并发编程学习笔记(5)----AbstractQueuedSynchronizer(AQS)原理及使用
(一)什么是AQS? 阅读java文档可以知道,AbstractQueuedSynchronizer是实现依赖于先进先出 (FIFO) 等待队列的阻塞锁和相关同步器(信号量.事件,等等)提供一个框架, ...
随机推荐
- Linux学习-透过 systemctl 管理服务
透过 systemctl 管理单一服务 (service unit) 的启动/开机启动与观察状态 一般来说,服务的启动有两个阶段,一 个是『开机的时候设定要不要启动这个服务』, 以及『你现在要不要启动 ...
- 洛谷P1085不高兴的津津
- Hive学习笔记(二)
Hive内部表跟外部表之间的区别 创建外部表 先删除上面创建的表,指定location 此时在hdfs根目录下就有一个hivedata文件夹 上传文本数据到hivedata目录下 查询表中数据 删除上 ...
- 初试webpack打包
第一次接触webpack,学习了如何用webpack打包,记录一下过程. 1.在项目根目录安装webpack $ npm install webpack --save-dev 2.新建一个webpac ...
- LoadRunner 手动关联
步骤: 1.同样的流程录制两遍,保存在不同的项目中, 2.点击Tools >> Compare with Script 3.选择要比对的脚本 3.找辨识码 4.打开辨识码所在网页,查看源代 ...
- phpcms调用一个指定的栏目
很多初学者在学习phpcms的时候在模板中都是静态的写导航的url,那样在后期维护的时候可是个巨大的工程啊,所以我在学的时候就想起织梦是能指定调用栏目的url,借鉴了这一想法, {$CATEGORY[ ...
- git status 下中文显示乱码问题解决
$ git status -s ?? "\350\257\264\346\230\216.txt\n $ printf & ...
- 区别Transform、Transition、Animation
另一篇参考文章:http://www.7755.me/Article/CSS3/39/ 近来上班之外就是研究研究CSS动画,下面是第一阶段总结.话说为加强记忆,实则想抛砖引玉! 标题直译一下就是: ...
- JS进行人民币大小写转换
//数字金额大写转换(可以处理整数,小数,负数) function upDigit() { digit=$("#digit").html(); n=digit.replace(/\ ...
- Timus 1329. Galactic History。LCA最近公共祖先或dfs递归离线处理!
1329. Galactic History 比赛的时候看到学弟A了这题然后跟榜做,结果在LCA的道路上一去不复返,这个题是很像LCA求最近公共祖先的,不过三个人都没学过LCA,只能拿着资料看着像然后 ...