Dear
May I know how to modify my own Python programming
so that I will get the same picture as refer to the
attached file - Adaline Stochastic gradient descent
(I am using the Anaconda Python 3.7)
Prayerfully
Tron Orino Yeong
[email protected]
0916643858
I get the correct picture however I still not sure my programming is correct or not
Please refer to the attached file -
import numpy as np
class AdalineSGD (object):
def __init__(self, eta=0.01, n_iter=10, shuffle=True, random_state=None, batch=10):
self.batch = 100/batch
self.eta = eta
self.n_iter = n_iter
self.w_initialized = False
self.shuffle = shuffle
self.random_state = random_state
def fit (self,X, y):
self._initialize_weights(X.shape[1])
self.cost_ = []
for i in range(self.n_iter):
if self.shuffle:
X, y=self._shuffle(X,y)
cost = []
mini_X = np.array_split(X,self.batch)
mini_y = np.array_split(y,self.batch)
for xi, target in zip (mini_X, mini_y):
cost.append(self._update_weights(xi, target))
avg_cost = sum(cost)/len(cost)
self.cost_.append(avg_cost)
return self
def partial_fit(self, X, y):
if not self.w_initialized:
self._inintialize_weights(X.shape[1])
if y.ravel().shape[0] > 1:
for xi, target in zip (X, y):
self._update_weights(xi,target)
else:
self._update_weights(X,y)
def _shuffle(self, X, y):
r = np.random.permutation(len(y))
return X[r], y[r]
def _initialize_weights(self, m):
self.w_ = np.zeros(1 + m)
self.w_initialized = True
def _update_weights(self, xi, target):
output = self.activation(self.net_input(xi))
error = (target - output)
self.w_[1:] += self.eta * error.dot(xi)
self.w_[0] += self.eta * error.sum()
cost = 0.5 * (error**2).sum()
return cost
def net_input(self, X):
return np.dot(X, self.w_[1:]) + self.w_[0]
def activation (self, X):
return X
def predict(self, X):
return np.where(self.activation(self.net_input(X))>= 0.0, 1, -1)
import pandas as pd
df = pd.read_csv('https://archive.ics.uci.edu/ml/''machine-learning-databases/iris/iris.data',header=None)
df.tail()
import matplotlib.pyplot as plt
y = df.iloc[0:100,4].values
y = np.where(y=='Iris-setosa',-1,1)
X = df.iloc[0:100,[0,2]].values
X_std = np.copy(X)
X_std[:,0] = (X[:,0]-X[:,0].mean())/X[:,0].std()
X_std[:,1] = (X[:,1]-X[:,1].mean())/X[:,1].std()
ada1 = AdalineSGD(n_iter=15, eta=0.01, random_state=1, batch=1)
ada2 = AdalineSGD(n_iter=15, eta=0.01, random_state=1, batch=2)
ada3 = AdalineSGD(n_iter=15, eta=0.01, random_state=1, batch=10)
ada1.fit(X_std,y)
ada2.fit(X_std,y)
ada3.fit(X_std,y)
plt.plot(range(1, len(ada1.cost_) + 1), ada1.cost_, marker='o', color='blue', label='batch=1')
plt.plot(range(1, len(ada2.cost_) + 1), ada2.cost_, marker='o', color='orange', label='batch=2')
plt.plot(range(1, len(ada3.cost_) + 1), ada3.cost_, marker='o', color='green', label='batch=10')
plt.legend(loc='upper right')
plt.title('Mini-Batch Learning')
plt.xlabel('Epochs')
plt.ylabel('Avaerage Cost')
plt.show()
Please check the programming if you can help
Dear I have the hyperspectral image - how to preprocess data need time Traditional CNN cannot be applied to project directly - it needs a lot of time to test (may be take 3 months) Need to do...
08 September 2019 7,353 1 View
Select any image or data (1) Run Linear Support Vector Machine, Kernel Support Vector Machine and Fisher Linear Discriminant Analysis (training sample by prior knowledge) (2) Adjust parameters...
05 June 2018 7,696 0 View
. From the image (see the attached picture), I would like to perform Cuda programming as following procedures (1) Using colour filter, only green colour is passed (2) When this part...
05 June 2018 3,161 0 View
function Y = myFunction(d,n,theta) Y = coinflip(100,100,0.25); d = 100; n = 100; theta = 0.25; Y = [ ]; for Dloop = 1:d for Nloop = 1:n X =randn(1); Y = [Y;X]; end end Y(Ytheta) =...
04 May 2018 8,218 1 View
(1) Apply CPU and GPU to compute a matrix multiplication A*B=C, where A, B and C are either 1000*1000 or others, such as 500*500, 20*20, etc. The requirements are to show a maximal error, an...
04 May 2018 1,720 0 View
03 April 2018 1,383 0 View
03 April 2018 8,265 0 View
Hi, I am using GROMACS 5.1.4 to simulate water in contact with a surface. I am only interested to calculate some properties of water near the surface. Let's say at a distance of x nm from the...
03 March 2021 9,989 2 View
I have prepared a manuscript in IEEE Latex template, but for some purpose, I need to prepare a word file as well (detailed format is not required). Compared to two column .tex file, one column...
02 March 2021 1,830 3 View
Hi, I am trying to construct a multi-layer fibril structure from a single layer in PyMol by translating the layer along the fibril axis. For now, I am able to use the Translate command in PyMol...
02 March 2021 4,569 4 View
Hello, I am working on a soil project and I found a primary research article that tests how the modification of agricultural soil can cause global warming, using a thermal collector, however I...
02 March 2021 7,161 3 View
I want to do a parameter study of a aixsymmetric cylinder in Abaqus. I want to create several jobs where I get the stresses for 3 different points in my model. These points are defined. I wrote a...
01 March 2021 10,078 1 View
I made a vertical section plot with WOA .nc file on ODV, and now I want to plot my stations (csv. file) in it. Does anyone know how to import my points to the section? They are two different...
01 March 2021 3,610 1 View
Which is suitable for use with Python? MySQL or SQL Server? What is your suggestion?
01 March 2021 3,422 3 View
01 March 2021 1,290 2 View
Please, if Gaussian Parameter optimization is possible in this code structure
28 February 2021 278 3 View
I've used the "export data" option in Vesta software to convert my unit cell into a cif file however when I use that cif in atomsk it shows error such as "can't read the position of atom 0". If I...
28 February 2021 4,966 3 View