原创 機器學習筆記 seaborn筆記

import seaborn as sns import numpy as np import matplotlib as mpl import matplotlib.pyplot as plt import pandas as

原创 [轉載]矩陣的求導

原文:http://blog.sina.com.cn/s/blog_7959e7ed0100w2b3.html 今天推導公式,發現居然有對矩陣的求導,狂汗–完全不會。不過還好網上有人總結了。吼吼,趕緊搬過來收藏備份。 基本公式:

原创 利用pytorch構建簡單神經網絡

省略了數據集的處理過程 #轉爲tensor x = torch.tensor(input_features, dtype = float) y = torch.tensor(labels, dtype = float) # 權

原创 利用pytorch進行線性迴歸

import torch import matplotlib.pyplot as plt torch.manual_seed(10) lr = 0.1 #learning rate #train data x = torch

原创 pytorch 實現優化函數

import torch def himmelblau(x): return (x[0]**2 + x[1]-11)**2 + (x[0] + x[1]**2 - 7)**2 # [1., 0.],[-4., 0.

原创 pytorch 實現神經網絡(nn)

import torch import torch.nn as nn import torch.nn.functional as F import torch.optim as optim from torchvision imp

原创 mnist手寫數字分類初體驗(pytorch)

mnist_train.py import torch from torch import nn from torch.nn import functional as F from torch import optim impo

原创 pytorch 建立線性迴歸模型

線性迴歸模型 import numpy as np x_values = [i for i in range (11)] x_train = np.array(x_values,dtype = np.float32) x_tra

原创 Tensorflow 編程作業: Exercise 1 (Housing Prices)

Exercise_1_House_Prices_Question In this exercise you'll try to build a neural network that predicts the price of a

原创 Aizu - ALDS1_3_A_

Reverse Polish notation is a notation where every operator follows all of its operands. For example, an expression (1+2