Python List Append with bumpy array error - python
I am trying to use list append function to append a list to a list.
But got error shows list indices must be integers or slices, not tuple. Not sure why.
pca_components = range(1,51)
gmm_components = range(1,5)
covariance_types = ['spherical', 'diag', 'tied', 'full']
# Spherical
spherical_results = []
for i in pca_components:
pca_model = PCA(n_components=i)
pca_train = pca_model.fit(train_data).transform(train_data)
for j in gmm_components:
parameters = (i+i)*j*2
if parameters > 50:
pass
else:
gmm_model = GMM(n_components=j, covariance_type='spherical')
gmm_model.fit(pca_train)
pca_test = pca_model.transform(test_data)
predictions = gmm_model.predict(pca_test)
accuracy = np.mean(predictions.ravel() == test_labels.ravel())
accuracy=int(accuracy)
spherical_results.append([accuracy, i,j, parameters])
spher_results = np.array(spherical_results)
max_accuracy = np.amax(spherical_results[:,0])
print(f"highest accuracy score for spherical is {max_accuracy}")
What's the purpose of this line?
spher_results = np.array(spherical_results)
It makes an array from a list. But you don't use spher_results in the following code.
Related
"IndexError: list index out of range" error in python
I am new to python. I get an error after running my file. File "C:Users/USER/PycharmProjects/Research/trainer1file (1).py", line 42, in process iteratorclasses = iter(sorted(os.walk(data))[1]) IndexError: list index out of range def process(data, mode, batch_size): images, labels = list(), list() if mode == 'file': with open(data) as f: data = f.read().splitlines() for d in data: images.append(d.split(' ')[0]) labels.append(int(d.split(' ')[1])) elif mode == 'folder': label = 0 iteratorclasses = iter(sorted(os.walk(data))[1]) classes = next(iteratorclasses) for c in classes: c_dir = os.path.join(data, c) iteratorwalk = iter(os.walk(c_dir)) walk = next(iteratorwalk) # Add each image to the training set for sample in walk[2]: # Only keeps jpeg images if sample.endswith('.jpg') or sample.endswith('.jpeg') or sample.endswith('.JPG'): images.append(os.path.join(c_dir, sample)) labels.append(label) label += 1 else: raise Exception("Unknown mode.") images = tf.convert_to_tensor(images, dtype=tf.string) labels = tf.convert_to_tensor(labels, dtype=tf.int32) image, label = tf.train.slice_input_producer([images, labels], shuffle=True) x, y = tf.train.batch([image, label], batch_size=batch_size, capacity=batch_size * 8, num_threads=4) return x, y
IndexError: list index out of range is immediately a warning sign. Just read the error! It says that the l[i] where l is the list and i is the index does not exist since l does not have i or more indices. e.g. Let's say I run in Python l = [1,2,3] l[1] What will it return? 2, of course. What about l[10]? There is no 10th index so it'll return IndexError: list index out of range. I'll let you away this time, but you just can't give us code and the error and expect us to solve it for you.
You probably don't have anything in the directory you are trying to walk through, that's why the index is out of range.
sorted() in your case, will return a list with one element, namely a set that contains root dir, list of directories and list of files. therefore the error (because you want to access index 1, so the second element, which is not existing).
numpy - could not broadcast input unknown error
I am attempting to run the following code, but am getting the following error: line 71, in cross_validation folds[index] = numpy.vstack((folds[index], dataset[jindex])). ValueError: could not broadcast input array from shape (2,8) into shape (8) What is interesting is that when I print out the shapes of the two items I am trying to use in the vstack, they have the same shape (8,) I am trying to determine why this line of the function is failing. Any advice would be greatly appreciated. import numpy def csv_to_array(file): # Open the file, and load it in delimiting on the ',' for a comma separated value file data = open(file, 'r') data = numpy.loadtxt(data, delimiter=',') # Loop through the data in the array for index in range(len(data)): # Utilize a try catch to try and convert to float, if it can't convert to float, converts to 0 try: data[index] = [float(x) for x in data[index]] except Exception: data[index] = 0 except ValueError: data[index] = 0 # Return the now type-formatted data return data def create_folds(dataset): length = len(dataset) folds = numpy.empty_like(dataset) for index in range(5): tempArray = numpy.ndarray(shape=(1, length)) numpy.append(folds, tempArray) temp_class_array = numpy.ndarray(shape=(1,1)) numpy.append(folds, temp_class_array) return folds def class_distribution(dataset): dataset = numpy.asarray(dataset) num_total_rows = dataset.shape[0] num_columns = dataset.shape[1] classes = dataset[:,num_columns-1] classes = numpy.unique(classes) class_weights = [] for aclass in classes: total = 0 weight = 0 for row in dataset: if numpy.array_equal(aclass, row[-1]): total = total + 1 else: continue weight = float((total/num_total_rows)) class_weights.append(weight) class_weights = numpy.asarray(class_weights) return classes, class_weights def cross_validation(dataset): classes, class_weights = class_distribution(dataset) total_length = len(dataset) folds = create_folds(dataset) added_so_far = 0 for a_class, a_class_weight in zip(classes, class_weights): amt_for_fold = float(((a_class_weight * total_length) / 5)-1) for index in range(0,10,2): added = 0 for jindex in range(len(classes)): if added >= amt_for_fold: break if classes[jindex] == a_class: print(folds[index].shape) print(dataset[jindex].shape) folds[index] = numpy.vstack((folds[index], dataset[jindex])) # print(folds) folds[index + 1] = numpy.vstack((folds[index + 1], [classes[jindex]])) if index < 8: dataset = numpy.delete(dataset, jindex, 0) classes = numpy.delete(classes, jindex, 0) added_so_far = added_so_far + 1 for xindex in range(len(folds)): folds[xindex] = numpy.delete(folds[xindex], 0, 0) print(folds) return folds def main(): print("BEGINNING CFV") ecoli = csv_to_array('Classification/ecoli.csv') cross_validation(ecoli) main() On the following dataset: 0.61,0.45,0.48,0.5,0.48,0.35,0.41,0 0.17,0.38,0.48,0.5,0.45,0.42,0.5,0 0.44,0.35,0.48,0.5,0.55,0.55,0.61,0 0.43,0.4,0.48,0.5,0.39,0.28,0.39,0 0.42,0.35,0.48,0.5,0.58,0.15,0.27,0 0.23,0.33,0.48,0.5,0.43,0.33,0.43,0 0.37,0.52,0.48,0.5,0.42,0.42,0.36,0 0.29,0.3,0.48,0.5,0.45,0.03,0.17,0 0.22,0.36,0.48,0.5,0.35,0.39,0.47,0 0.23,0.58,0.48,0.5,0.37,0.53,0.59,0 0.47,0.47,0.48,0.5,0.22,0.16,0.26,0 0.54,0.47,0.48,0.5,0.28,0.33,0.42,0 0.51,0.37,0.48,0.5,0.35,0.36,0.45,0 0.4,0.35,0.48,0.5,0.45,0.33,0.42,0 0.44,0.34,0.48,0.5,0.3,0.33,0.43,0 0.44,0.49,0.48,0.5,0.39,0.38,0.4,0 0.43,0.32,0.48,0.5,0.33,0.45,0.52,0 0.49,0.43,0.48,0.5,0.49,0.3,0.4,0 0.47,0.28,0.48,0.5,0.56,0.2,0.25,0 0.32,0.33,0.48,0.5,0.6,0.06,0.2,0 0.34,0.35,0.48,0.5,0.51,0.49,0.56,0 0.35,0.34,0.48,0.5,0.46,0.3,0.27,0 0.38,0.3,0.48,0.5,0.43,0.29,0.39,0 0.38,0.44,0.48,0.5,0.43,0.2,0.31,0 0.41,0.51,0.48,0.5,0.58,0.2,0.31,0 0.34,0.42,0.48,0.5,0.41,0.34,0.43,0 0.51,0.49,0.48,0.5,0.53,0.14,0.26,0 0.25,0.51,0.48,0.5,0.37,0.42,0.5,0 0.29,0.28,0.48,0.5,0.5,0.42,0.5,0 0.25,0.26,0.48,0.5,0.39,0.32,0.42,0 0.24,0.41,0.48,0.5,0.49,0.23,0.34,0 0.17,0.39,0.48,0.5,0.53,0.3,0.39,0 0.04,0.31,0.48,0.5,0.41,0.29,0.39,0 0.61,0.36,0.48,0.5,0.49,0.35,0.44,0 0.34,0.51,0.48,0.5,0.44,0.37,0.46,0 0.28,0.33,0.48,0.5,0.45,0.22,0.33,0 0.4,0.46,0.48,0.5,0.42,0.35,0.44,0 0.23,0.34,0.48,0.5,0.43,0.26,0.37,0 0.37,0.44,0.48,0.5,0.42,0.39,0.47,0 0,0.38,0.48,0.5,0.42,0.48,0.55,0 0.39,0.31,0.48,0.5,0.38,0.34,0.43,0 0.3,0.44,0.48,0.5,0.49,0.22,0.33,0 0.27,0.3,0.48,0.5,0.71,0.28,0.39,0 0.17,0.52,0.48,0.5,0.49,0.37,0.46,0 0.36,0.42,0.48,0.5,0.53,0.32,0.41,0 0.3,0.37,0.48,0.5,0.43,0.18,0.3,0 0.26,0.4,0.48,0.5,0.36,0.26,0.37,0 0.4,0.41,0.48,0.5,0.55,0.22,0.33,0 0.22,0.34,0.48,0.5,0.42,0.29,0.39,0 0.44,0.35,0.48,0.5,0.44,0.52,0.59,0 0.27,0.42,0.48,0.5,0.37,0.38,0.43,0 0.16,0.43,0.48,0.5,0.54,0.27,0.37,0 0.06,0.61,0.48,0.5,0.49,0.92,0.37,1 0.44,0.52,0.48,0.5,0.43,0.47,0.54,1 0.63,0.47,0.48,0.5,0.51,0.82,0.84,1 0.23,0.48,0.48,0.5,0.59,0.88,0.89,1 0.34,0.49,0.48,0.5,0.58,0.85,0.8,1 0.43,0.4,0.48,0.5,0.58,0.75,0.78,1 0.46,0.61,0.48,0.5,0.48,0.86,0.87,1 0.27,0.35,0.48,0.5,0.51,0.77,0.79,1 0.52,0.39,0.48,0.5,0.65,0.71,0.73,1 0.29,0.47,0.48,0.5,0.71,0.65,0.69,1 0.55,0.47,0.48,0.5,0.57,0.78,0.8,1 0.12,0.67,0.48,0.5,0.74,0.58,0.63,1 0.4,0.5,0.48,0.5,0.65,0.82,0.84,1 0.73,0.36,0.48,0.5,0.53,0.91,0.92,1 0.84,0.44,0.48,0.5,0.48,0.71,0.74,1 0.48,0.45,0.48,0.5,0.6,0.78,0.8,1 0.54,0.49,0.48,0.5,0.4,0.87,0.88,1 0.48,0.41,0.48,0.5,0.51,0.9,0.88,1 0.5,0.66,0.48,0.5,0.31,0.92,0.92,1 0.72,0.46,0.48,0.5,0.51,0.66,0.7,1 0.47,0.55,0.48,0.5,0.58,0.71,0.75,1 0.33,0.56,0.48,0.5,0.33,0.78,0.8,1 0.64,0.58,0.48,0.5,0.48,0.78,0.73,1 0.11,0.5,0.48,0.5,0.58,0.72,0.68,1 0.31,0.36,0.48,0.5,0.58,0.94,0.94,1 0.68,0.51,0.48,0.5,0.71,0.75,0.78,1 0.69,0.39,0.48,0.5,0.57,0.76,0.79,1 0.52,0.54,0.48,0.5,0.62,0.76,0.79,1 0.46,0.59,0.48,0.5,0.36,0.76,0.23,1 0.36,0.45,0.48,0.5,0.38,0.79,0.17,1 0,0.51,0.48,0.5,0.35,0.67,0.44,1 0.1,0.49,0.48,0.5,0.41,0.67,0.21,1 0.3,0.51,0.48,0.5,0.42,0.61,0.34,1 0.61,0.47,0.48,0.5,0,0.8,0.32,1 0.63,0.75,0.48,0.5,0.64,0.73,0.66,1 0.71,0.52,0.48,0.5,0.64,1,0.99,1 0.72,0.42,0.48,0.5,0.65,0.77,0.79,2 0.79,0.41,0.48,0.5,0.66,0.81,0.83,2 0.83,0.48,0.48,0.5,0.65,0.76,0.79,2 0.69,0.43,0.48,0.5,0.59,0.74,0.77,2 0.79,0.36,0.48,0.5,0.46,0.82,0.7,2 0.78,0.33,0.48,0.5,0.57,0.77,0.79,2 0.75,0.37,0.48,0.5,0.64,0.7,0.74,2 0.59,0.29,0.48,0.5,0.64,0.75,0.77,2 0.67,0.37,0.48,0.5,0.54,0.64,0.68,2 0.66,0.48,0.48,0.5,0.54,0.7,0.74,2 0.64,0.46,0.48,0.5,0.48,0.73,0.76,2 0.76,0.71,0.48,0.5,0.5,0.71,0.75,2 0.84,0.49,0.48,0.5,0.55,0.78,0.74,2 0.77,0.55,0.48,0.5,0.51,0.78,0.74,2 0.81,0.44,0.48,0.5,0.42,0.67,0.68,2 0.58,0.6,0.48,0.5,0.59,0.73,0.76,2 0.63,0.42,0.48,0.5,0.48,0.77,0.8,2 0.62,0.42,0.48,0.5,0.58,0.79,0.81,2 0.86,0.39,0.48,0.5,0.59,0.89,0.9,2 0.81,0.53,0.48,0.5,0.57,0.87,0.88,2 0.87,0.49,0.48,0.5,0.61,0.76,0.79,2 0.47,0.46,0.48,0.5,0.62,0.74,0.77,2 0.76,0.41,0.48,0.5,0.5,0.59,0.62,2 0.7,0.53,0.48,0.5,0.7,0.86,0.87,2 0.64,0.45,0.48,0.5,0.67,0.61,0.66,2 0.81,0.52,0.48,0.5,0.57,0.78,0.8,2 0.73,0.26,0.48,0.5,0.57,0.75,0.78,2 0.49,0.61,1,0.5,0.56,0.71,0.74,2 0.88,0.42,0.48,0.5,0.52,0.73,0.75,2 0.84,0.54,0.48,0.5,0.75,0.92,0.7,2 0.63,0.51,0.48,0.5,0.64,0.72,0.76,2 0.86,0.55,0.48,0.5,0.63,0.81,0.83,2 0.79,0.54,0.48,0.5,0.5,0.66,0.68,2 0.57,0.38,0.48,0.5,0.06,0.49,0.33,2 0.78,0.44,0.48,0.5,0.45,0.73,0.68,2 0.78,0.68,0.48,0.5,0.83,0.4,0.29,3 0.63,0.69,0.48,0.5,0.65,0.41,0.28,3 0.67,0.88,0.48,0.5,0.73,0.5,0.25,3 0.61,0.75,0.48,0.5,0.51,0.33,0.33,3 0.67,0.84,0.48,0.5,0.74,0.54,0.37,3 0.74,0.9,0.48,0.5,0.57,0.53,0.29,3 0.73,0.84,0.48,0.5,0.86,0.58,0.29,3 0.75,0.76,0.48,0.5,0.83,0.57,0.3,3 0.77,0.57,0.48,0.5,0.88,0.53,0.2,3 0.74,0.78,0.48,0.5,0.75,0.54,0.15,3 0.68,0.76,0.48,0.5,0.84,0.45,0.27,3 0.56,0.68,0.48,0.5,0.77,0.36,0.45,3 0.65,0.51,0.48,0.5,0.66,0.54,0.33,3 0.52,0.81,0.48,0.5,0.72,0.38,0.38,3 0.64,0.57,0.48,0.5,0.7,0.33,0.26,3 0.6,0.76,1,0.5,0.77,0.59,0.52,3 0.69,0.59,0.48,0.5,0.77,0.39,0.21,3 0.63,0.49,0.48,0.5,0.79,0.45,0.28,3 0.71,0.71,0.48,0.5,0.68,0.43,0.36,3 0.68,0.63,0.48,0.5,0.73,0.4,0.3,3 0.74,0.49,0.48,0.5,0.42,0.54,0.36,4 0.7,0.61,0.48,0.5,0.56,0.52,0.43,4 0.66,0.86,0.48,0.5,0.34,0.41,0.36,4 0.73,0.78,0.48,0.5,0.58,0.51,0.31,4 0.65,0.57,0.48,0.5,0.47,0.47,0.51,4 0.72,0.86,0.48,0.5,0.17,0.55,0.21,4 0.67,0.7,0.48,0.5,0.46,0.45,0.33,4 0.67,0.81,0.48,0.5,0.54,0.49,0.23,4 0.67,0.61,0.48,0.5,0.51,0.37,0.38,4 0.63,1,0.48,0.5,0.35,0.51,0.49,4 0.57,0.59,0.48,0.5,0.39,0.47,0.33,4 0.71,0.71,0.48,0.5,0.4,0.54,0.39,4 0.66,0.74,0.48,0.5,0.31,0.38,0.43,4 0.67,0.81,0.48,0.5,0.25,0.42,0.25,4 0.64,0.72,0.48,0.5,0.49,0.42,0.19,4 0.68,0.82,0.48,0.5,0.38,0.65,0.56,4 0.32,0.39,0.48,0.5,0.53,0.28,0.38,4 0.7,0.64,0.48,0.5,0.47,0.51,0.47,4 0.63,0.57,0.48,0.5,0.49,0.7,0.2,4 0.69,0.65,0.48,0.5,0.63,0.48,0.41,4 0.43,0.59,0.48,0.5,0.52,0.49,0.56,4 0.74,0.56,0.48,0.5,0.47,0.68,0.3,4 0.71,0.57,0.48,0.5,0.48,0.35,0.32,4 0.61,0.6,0.48,0.5,0.44,0.39,0.38,4 0.59,0.61,0.48,0.5,0.42,0.42,0.37,4 0.74,0.74,0.48,0.5,0.31,0.53,0.52,4
The vstack() is returning a shape (2,8) array. You're then assigning that (2,8) array to the LHS folds[index], which is just a shape (8,) array. numpy tries to see if such a mismatched assignment can be justified by broadcasting, subject to the rules and constraints of broadcasting, and is finally giving up, with that error message. Not sure what your actual intent is, so I'm not able to suggest alternative. My guess is that folds should actually be created as a 3d array, in which each inner 2d array has as many rows as the length of each fold. I also have this suspicion that, the line folds = numpy.empty_like(dataset) is based on some wrong understanding of numpy.empty_like(). Please double-check that.
I think you might be misunderstanding what vstack does. Given two vectors with 8 items it will stack them vertically and you will get a 2x8 matrix. Indeed the output will always be at lead 2D. See doc and the examples in https://docs.scipy.org/doc/numpy/reference/generated/numpy.vstack.html E.g. a = np.array([1,2,3]) b = np.array([1,2,3]) np.vstack((a,b)) outputs array([[1, 2, 3], [1, 2, 3]])
2d list not working
I am trying to create a 2D list, and I keep getting the same error "TypeError: list indices must be integers, not tuple" I do not understand why, or how to use a 2D list correctly. Total = 0 server = xmlrpclib.Server(url); mainview = server.download_list("", "main") info = [[]] info[0,0] = hostname info[0,1] = time info[0,2] = complete info[0,3] = Errors for t in mainview: Total += 1 print server.d.get_hash(t) info[Total, 0] = server.d.get_hash(t) info[Total, 1] = server.d.get_name(t) info[Total, 2] = server.d.complete(t) info[Total, 3] = server.d.message(t) if server.d.complete(t) == 1: Complete += 1 else: Incomplete += 1 if (str(server.d.message(t)).__len__() >= 3): Error += 1 info[0,2] = Complete info[0,3] = Error everything works, except for trying to deal with info.
Your mistake is in accessing the 2D-list, modify: info[0,0] = hostname info[0,1] = time info[0,2] = complete info[0,3] = Errors to: info[0].append(hostname) info[0].append(time) info[0].append(complete) info[0].append(Errors) Same goes to info[Total, 0] and etc.
The way you created info, it is a list containing only one element, namely an empty list. When working with lists, you have to address the nested items like info[0][0] = hostname For initialization, you have to create a list of lists by e.g. # create list of lists of 0, size is 10x10 info = [[0]*10 for i in range(10)] When using numpy arrays, you can address the elements as you did. One advantage of "lists of lists" is that not all entries of the "2D list" shall have the same data type!
info = [[] for i in range(4)] # create 4 empty lists inside a list info[0][0].append(hostname) info[0][1].append(time) info[0][2].append(complete) info[0][3].append(Errors) You need to create the 2d array first.
Problems with the zip function: lists that seem not iterable
I'm having some troubles trying to use four lists with the zip function. In particular, I'm getting the following error at line 36: TypeError: zip argument #3 must support iteration I've already read that it happens with not iterable objects, but I'm using it on two lists! And if I try use the zip only on the first 2 lists it works perfectly: I have problems only with the last two. Someone has ideas on how to solve that? Many thanks! import numpy #setting initial values R = 330 C = 0.1 f_T = 1/(2*numpy.pi*R*C) w_T = 2*numpy.pi*f_T n = 10 T = 1 w = (2*numpy.pi)/T t = numpy.linspace(-2, 2, 100) #making the lists c_k, w_k, a_k, phi_k c_karray = [] w_karray = [] A_karray = [] phi_karray = [] #populating the lists for k in range(1, n, 2): c_k = 2/(k*numpy.pi) w_k = k*w A_k = 1/(numpy.sqrt(1+(w_k)**2)) phi_k = numpy.arctan(-w_k) c_karray.append(c_k) w_karray.append(w_k) A_karray.append(A_k) phi_karray.append(phi_k) #making the function w(t) w = [] #doing the sum for each t and populate w(t) for i in t: w_i = ([(A_k*c_k*numpy.sin(w_k*i+phi_k)) for c_k, w_k, A_k, phi_k in zip(c_karray, w_karray, A_k, phi_k)]) w.append(sum(w_i)
Probably you mistyped the last 2 elements in zip. They should be A_karray and phi_karray, because phi_k and A_k are single values. My result for w is: [-0.11741034896740517, -0.099189027720991918, -0.073206290274556718, ... -0.089754003567358978, -0.10828235682188027, -0.1174103489674052] HTH, Germán.
I believe you want zip(c_karray, w_karray, A_karray, phi_karray). Additionally, you should produce this once, not each iteration of the for the loop. Furthermore, you are not really making use of numpy. Try this instead of your loops. d = numpy.arange(1, n, 2) c_karray = 2/(d*numpy.pi) w_karray = d*w A_karray = 1/(numpy.sqrt(1+(w_karray)**2)) phi_karray = numpy.arctan(-w_karray) w = (A_karray*c_karray*numpy.sin(w_karray*t[:,None]+phi_karray)).sum(axis=-1)
Can a python list hold a multi-dimentional array as its element?
I am trying to do image processing using python. I try to create a list which holds numpy.ndarrays. My code looks like this, def Minimum_Close(Shade_Corrected_Image, Size): uint32_Shade_Corrected_Image = pymorph.to_int32(Shade_Corrected_Image) Angles = [] [Row, Column] = Shade_Corrected_Image.shape Angles = [i*15 for i in range(12)] Image_Close = [0 for x in range(len(Angles))] Image_Closing = numpy.zeros((Row, Column)) for s in range(len(Angles)): Struct_Element = pymorph.seline(Size, Angles[s]) Image_Closing = pymorph.close(uint32_Shade_Corrected_Image,Struct_Element ) Image_Close[s] = Image_Closing Min_Close_Image = numpy.zeros(Shade_Corrected_Image.shape) temp_array = [][] Temp_Cell = numpy.zeros((Row, Column)) for r in range (1, Row): for c in range(1,Column): for Cell in Image_Close: Temp_Cell = Image_Close[Cell] temp_array[Cell] = Temp_Cell[r][c] Min_Close_Image[r][c] = min(temp_array) Min_Close_Image = Min_Close_Image - Shade_Corrected_Image return Min_Close_Image While running this code I'm getting error: Temp_Cell = Image_Close[Cell] TypeError: only integer arrays with one element can be converted to an index How can I make a data structure which holds different multi-dimensional arrays and then traverse through it??
Making a list of arrays is not necessary when you're using numpy. I suggest rewriting the whole function like this: def Minimum_Close(shade_corrected_image, size): uint32_shade_corrected_image = pymorph.to_int32(shade_corrected_image) angles = np.arange(12) * 15 def pymorph_op(angle): struct_element = pymorph.seline(size, angle) return pymorph.close(uint32_shade_corrected_image, struct_element) image_close = np.dstack(pymorph_op(a) for a in angles) min_close_image = np.min(image_close, axis=-1) - shade_corrected_image return min_close_image I lower cased variable names so that they stop getting highlighted as classes.
What about: for cnt,Cell in enumerate(Image_Close): Temp_Cell = Image_Close[cnt]