第七色在线视频,2021少妇久久久久久久久久,亚洲欧洲精品成人久久av18,亚洲国产精品特色大片观看完整版,孙宇晨将参加特朗普的晚宴

為了賬號(hào)安全,請(qǐng)及時(shí)綁定郵箱和手機(jī)立即綁定

AttributeError: 'Perception' object has no attribute 'w_'

AttributeError: 'Perception' object has no attribute 'w_'


我的代碼

# -*- coding: utf-8 -*-

"""

Created on Fri Sep 29 20:32:51 2017


@author: yangqiusong

"""


import numpy as np

import pandas as pd

import matplotlib.pyplot as plt

from matplotlib.colors import ListedColormap


def plot_decision_regions(X, Y, classifier, resolution = 0.02):

? ? markers =('s','x','o','v')

? ? colors = ('read', 'blue', 'lightgreen', 'gray', 'cyan')

? ? cmap = ListedColormap(colors[:len(np.unique(Y))])

? ??

? ? x1_min, x1_max = X[:, 0].min() - 1, X[:, 0].max()

? ? x2_min, x2_max = X[:, 1].min() - 1, X[:, 1].max()

? ??

? ? #print x1_min, x2_min

? ?# print x1_max, x2_max

? ??

? ? xx1, xx2 = np.meshgrid(np.arange(x1_min, x1_max, resolution),

? ? ? ? ? ? ? ? ? ? ? ? ? ?np.arange(x2_min, x2_max, resolution))

? ? #print xx1

? ? #print xx2

? ? Z = classifier.predict(np.array([xx1.ravel(), xx2.ravel()]).T)

? ? print xx1.ravel()

? ? print xx2.ravel()

? ??

? ? print Z

? ??

? ? Z = Z.reshape(xx1.shape)

? ? plt.contourf(xx1, xx2, alpha = 0.4, cmap = cmap)

? ? plt.xlim(xx1.min(), xx1.max())

? ? plt.ylim(xx2.min(), xx2.max())

? ??

? ? for idx, cl in enumerate(np.unique(Y)):

? ? ? ? plt.scatter(x=X[Y==cl, 0], y=X[Y==cl, 1], alpha = 0.8, c = cmap(idex),

? ? ? ? ? ? ? ? ? ? marker = markers[idx], label = cl)


class Perception(object):

? ? """

eta:學(xué)習(xí)率

n_iter:權(quán)重向量的訓(xùn)練次數(shù)

w_:神經(jīng)分叉權(quán)重向量

errors_: 用于記錄神經(jīng)元判斷出錯(cuò)次數(shù)

"""

? ? def __init__(self, eta = 0.01, n_iter = 10):

? ? ? ? self.eta = eta

? ? ? ? self.n_iter = n_iter

? ? ? ??

? ? ? ? #self.w_ = np.zero(1+X.shape[1])

? ? ? ? #self.errors_ = []

? ? ? ??

? ? def fit(self, X, Y):

? ? ? ? """

? ? ? ? 輸入訓(xùn)練數(shù)據(jù),培訓(xùn)神經(jīng)元,X輸入樣本向量,Y對(duì)應(yīng)樣本分類

? ? ? ? X:shape[n_samples, n_features]

? ? ? ? X:[[1,2,3], [4,5,6]]

? ? ? ? n_samples: 2

? ? ? ? n_features: 3

? ? ? ??

? ? ? ? y:[1,-1]

? ? ? ??

? ? ? ? 初始化權(quán)重向量為0

? ? ? ? 加一是因?yàn)榍懊嫠惴ㄌ岬降膚0,也就是步調(diào)函數(shù)閾值

? ? ? ? """

? ? ? ??

? ? ? ? self.w_ = np.zeros(1+X.shape[1])

? ? ? ? self.errors_ = []

? ? ? ??

? ? ? ? for _ in range(self.n_iter):

? ? ? ? ? ? errors = 0

? ? ? ? ? ? """

? ? ? ? ? ? X:[[1,2,3],[4,5,6]]

? ? ? ? ? ? Y:[1,-1]

? ? ? ? ? ? zip(X,Y) = [[1,2,3,1],[4,5,6,-1]]

? ? ? ? ? ? """

? ? ? ? ? ??

? ? ? ? ? ? for xi, target in zip(X, Y):

? ? ? ? ? ? ? ? """

? ? ? ? ? ? ? ? update = eta*(Y - Y')

? ? ? ? ? ? ? ? """

? ? ? ? ? ? ? ? update = self.eta*(target - self.predict(xi))

? ? ? ? ? ? ? ??

? ? ? ? ? ? ? ? """

? ? ? ? ? ? ? ? xi 是一個(gè)向量

? ? ? ? ? ? ? ? update * xi 等價(jià):

? ? ? ? ? ? ? ? [da_w(1) = X[1]*update,da_w(2) = X[2]*update,da_w(3) = X[3]*update]

? ? ? ? ? ? ? ? """

? ? ? ? ? ? ? ??

? ? ? ? ? ? ? ? self.w_[1:] += update * xi

? ? ? ? ? ? ? ? self.w_[0] += update

? ? ? ? ? ? ? ??

? ? ? ? ? ? ? ? errors += int(update != 0.0)

? ? ? ? ? ? ? ? self.errors_.append(errors)

? ??

? ? def net_input(self,X):

? ? ? ? """

? ? ? ? z = w0*1 + w1*X1 + ... + wn*Xn

? ? ? ? """

? ? ? ? return np.dot(X, self.w_[1:]) + self.w_[0]

? ??

? ? def predict(self, X):

? ? ? ? return np.where(self.net_input(X) >= 0, 1, -1)



file = 'data.txt'


df = pd.read_csv(file, header = None)


Y = df.loc[0:100, 4].values

Y = np.where(Y == 'Iris-setosa', -1, 1)


X = df.iloc[0:100, [0,2]].values

"""

plt.scatter(X[:50, 0], X[:50, 1], color = 'red', marker = 'o', label = 'setosa')

plt.scatter(X[50:100, 0], X[50:100, 1], color = 'blue', marker = 'x', label = 'versicolor')

plt.xlabel('花瓣長度')

plt.ylabel('花經(jīng)長度')

plt.legend(loc = 'upper left')

#plt.show()?

"""


ppn = Perception(eta = 0.1, n_iter = 10)


plot_decision_regions(X, Y, ppn, resolution = 0.02)

plt.xlabel('花瓣長度')

plt.ylabel('花經(jīng)長度')

plt.legend(loc = 'upper left')

plt.show()?


? ??

? ??


正在回答

3 回答

ppn = Perceptron(eta = 0.1, n_iter=10)

ppn.fit(x,y)

你沒調(diào)用fit方法

0 回復(fù) 有任何疑惑可以回復(fù)我~

解決了嗎? ?我也錯(cuò)誤了

0 回復(fù) 有任何疑惑可以回復(fù)我~

補(bǔ)充一下我覺得w_應(yīng)該在構(gòu)造函數(shù)中聲明,不然net_input函數(shù)沒法訪問,但是老師就是這樣寫的,我不明白,編譯也提示我是這樣的錯(cuò)誤,求解

0 回復(fù) 有任何疑惑可以回復(fù)我~

舉報(bào)

0/150
提交
取消

AttributeError: 'Perception' object has no attribute 'w_'

我要回答 關(guān)注問題
微信客服

購課補(bǔ)貼
聯(lián)系客服咨詢優(yōu)惠詳情

幫助反饋 APP下載

慕課網(wǎng)APP
您的移動(dòng)學(xué)習(xí)伙伴

公眾號(hào)

掃描二維碼
關(guān)注慕課網(wǎng)微信公眾號(hào)