#define y = X @ w import torch from torch import nn #第一模块,数据初始化 n = 100 X = torch.rand(n,2) true_w = torch.tensor([[-1.],[2]]) y = X @ true_w + torch.rand(n,1) w = torch.tensor([[1.],[1.]], requires_grad = True) """model = nn.Sequential(nn.
-------------------------------------------------------------- Chapter 1: Introduction to Discrete Differential Geometry: The Geometry of Plane Curves . A better approximation than the tangent is the circle of curvature. . If the curve is sufficientl
Matlab画图设置线宽和字号 既然这么多人来这里看过,我就多做点注释,方便大家参考. 下边这段代码不需要特别设置,只需要在plot语句之后插入即可. %plot your figure before %%%%%%%%%%%%%%%%%%%%% set(gcf,'Units','centimeters','Position',[10 10 7 5]);%设置图片大小为7cm×5cm%get hanlde to current axis返回当前图形的当前坐标轴的句柄,%(the first ele
python3学习使用api 线性回归,和 随机参数回归 git: https://github.com/linyi0604/MachineLearning from sklearn.datasets import load_boston from sklearn.cross_validation import train_test_split from sklearn.preprocessing import StandardScaler from sklearn.linear_model i
1.The Language Modeling Problem 现在抛开我们之前讲的马尔科夫模型的假设,对于一门语言的定义,肯定不能简单依赖于每个单词的前两个单词,这是常识.比如英语中的动词形态就和主语有关.那么我会怎么考虑一个语言模型呢,很可能是下面这样一个情况: 我们之前讲的Trigram模型也可以用这样的形式来表示: 那么我们要用我们增加的一些定义,一种naive的方法就是选取一些参数来生成
自己用tensorflow实现了linear模型,但是和sklearn提供的模型效果相比,实验结果差了很多,所以尝试了修改优化算法,正则化,损失函数和归一化,记录尝试的所有过程和自己的实验心得. import numpy as np import tensorflow as tf import sklearn import pandas as pd class Model: def __init__(self, sess, feature_size, step, learning_rate, r
影响力传播的线性阈值模型: 网络中连接任意两个节点u,v之间的边都有权重,任意一个节点它的各个邻居节点的边的权重之和为1,即 N(v):neighbors of v. 网络中的节点分为已激活节点和未激活节点,每个节点都有一个自己的激活阈值Θ(每个节点的激活阈值可以不同,且现实情况下社交网络的各个用户的激活阈值一般不相同,有的用户活跃,阈值低,容易受人影响,而有的用户较沉默,阈值高).未被激活的节点v受所有与之相邻且已被激活的节点u的影响.当未激活节点v与所有已被激活的邻居节点的边的权重之和达到或