Graphlab and numpy issue - python
I'm currently doing a course on Coursera (Machine Leraning) offered by University of Washington and I'm facing little problem with the numpy and graphlab
The course requests to use a version of graphlab higher than 1.7
Mine is higher as you can see below, however, when I run the script below, I got an error as follows:
[INFO] graphlab.cython.cy_server: GraphLab Create v2.1 started.
def get_numpy_data(data_sframe, features, output):
data_sframe['constant'] = 1
features = ['constant'] + features # this is how you combine two lists
# the following line will convert the features_SFrame into a numpy matrix:
feature_matrix = features_sframe.to_numpy()
# assign the column of data_sframe associated with the output to the SArray output_sarray
# the following will convert the SArray into a numpy array by first converting it to a list
output_array = output_sarray.to_numpy()
return(feature_matrix, output_array)
(example_features, example_output) = get_numpy_data(sales,['sqft_living'], 'price') # the [] around 'sqft_living' makes it a list
print example_features[0,:] # this accesses the first row of the data the ':' indicates 'all columns'
print example_output[0] # and the corresponding output
----> 8 feature_matrix = features_sframe.to_numpy()
NameError: global name 'features_sframe' is not defined
The script above was written by the course authors, so I believe there is something I'm doing wrong
Any help will be highly appreciated.
You are supposed to complete the function get_numpy_data before running it, that's why you are getting an error. Follow the instructions in the original function, which actually are:
def get_numpy_data(data_sframe, features, output):
data_sframe['constant'] = 1 # this is how you add a constant column to an SFrame
# add the column 'constant' to the front of the features list so that we can extract it along with the others:
features = ['constant'] + features # this is how you combine two lists
# select the columns of data_SFrame given by the features list into the SFrame features_sframe (now including constant):
# the following line will convert the features_SFrame into a numpy matrix:
feature_matrix = features_sframe.to_numpy()
# assign the column of data_sframe associated with the output to the SArray output_sarray
# the following will convert the SArray into a numpy array by first converting it to a list
output_array = output_sarray.to_numpy()
return(feature_matrix, output_array)
The graphlab assignment instructions have you convert from graphlab to pandas and then to numpy. You could just skip the the graphlab parts and use pandas directly. (This is explicitly allowed in the homework description.)
First, read in the data files.
import pandas as pd
dtype_dict = {'bathrooms':float, 'waterfront':int, 'sqft_above':int, 'sqft_living15':float, 'grade':int, 'yr_renovated':int, 'price':float, 'bedrooms':float, 'zipcode':str, 'long':float, 'sqft_lot15':float, 'sqft_living':float, 'floors':str, 'condition':int, 'lat':float, 'date':str, 'sqft_basement':int, 'yr_built':int, 'id':str, 'sqft_lot':int, 'view':int}
sales = pd.read_csv('data//kc_house_data.csv', dtype=dtype_dict)
train_data = pd.read_csv('data//kc_house_train_data.csv', dtype=dtype_dict)
test_data = pd.read_csv('data//kc_house_test_data.csv', dtype=dtype_dict)
The convert to numpy function then becomes
def get_numpy_data(df, features, output):
df['constant'] = 1
# add the column 'constant' to the front of the features list so that we can extract it along with the others
features = ['constant'] + features
# select the columns of data_SFrame given by the features list into the SFrame features_sframe
features_df = pd.DataFrame(**FILL IN THE BLANK HERE WITH YOUR CODE**)
# cast the features_df into a numpy matrix
feature_matrix = features_df.as_matrix()
etc.
The remaining code should be the same (since you only work with the numpy versions for the rest of the assignment).
Related
How do I optimize a for loop for faster results in Python
I've written a piece of code to extract data from a HDF5 file and save into a dataframe that I can export as .csv later. The final data frame effectively has 2.5 million rows and is taking a lot of time to execute. Is there any way, I can optimize this code so that it can run effectively. Current runtime is 7.98 minutes! Ideally I would want to run this program for 48 files like these and expect a faster run time. Link to source file: https://drive.google.com/file/d/1g2fpJHZmD5FflfB4s3BlAoiB5sGISKmg/view import h5py import numpy as np import pandas as pd #import geopandas as gpd #%% f = h5py.File('mer.h5', 'r') for key in f.keys(): #print(key) #Names of the root level object names in HDF5 file - can be groups or datasets. #print(type(f[key])) # get the object type: usually group or dataset ls = list(f.keys()) #Get the HDF5 group; key needs to be a group name from above key ='DHI' #group = f['OBSERVATION_TIME'] #print("Group") #print(group) #for key in ls: #data = f.get(key) #dataset1 = np.array(data) #length=len(dataset1) masterdf=pd.DataFrame() data = f.get(key) dataset1 = np.array(data) #masterdf[key]=dataset1 X = f.get('X') X_1 = pd.DataFrame(X) Y = f.get('Y') Y_1 = pd.DataFrame(Y) #%% data_df = pd.DataFrame(index=range(len(Y_1)),columns=range(len(X_1))) for i in data_df.index: data_df.iloc[i] = dataset1[0][i] #data_df.to_csv("test.csv") #%% final = pd.DataFrame(index=range(1616*1616),columns=['X', 'Y','GHI']) k=0 for y in range(len(Y_1)): for x in range(len(X_1[:-2])): #X and Y ranges are not same final.loc[k,'X'] = X_1[0][x] final.loc[k,'Y'] = Y_1[0][y] final.loc[k,'GHI'] = data_df.iloc[y,x] k=k+1 # print(k)`
we can optimize loops by vectorizing operations. this is one/two orders of magnitude faster than their pure python equivalents(especially in numerical computations). vectorization is something we can get with NumPy. it is a library with efficient data structures designed to hold matrix data.
Could you please try the following (file.h5 your file): import pandas as pd import h5py with h5py.File("file.h5", "r") as file: df_X = pd.DataFrame(file.get("X")[:-2], columns=["X"]) df_Y = pd.DataFrame(file.get("Y"), columns=["Y"]) DHI = file.get("DHI")[0][:, :-2].reshape(-1) final = df_Y.merge(df_X, how="cross").assign(DHI=DHI)[["X", "Y", "DHI"]] Some explanations: First read the data with key X into a dataframe df_X with one column X, except for the last 2 data points. Then read the full data with key Y into a dataframe df_Y with one column Y. Then get the data with key DHI and take the first element [0] (there are no more): Result is a NumpPy array with 2 dimensions, a matrix. Now remove the last two columns ([:, :-2]) and reshape the matrix into an 1-dimensional array, in the order you are looking for (order="C" is default). The result is the column DHI of your final dataframe. Finally take the cross product of df_Y and df_X (y is your outer dimension in the loop) via .merge with how="cross", add the DHI column, and rearrange the columns in the order you want.
How to get nearest match in csv file python
If want to get the nearest match in my big .csv file in python. My (shortened) .csv file is: 0,4,5,0,132,24055,0,64,6,23215,39635,22,21451751,3233419908,8,0,4126,368,15087,0 0,4,5,16,52,22607,0,64,6,24727,22,39635,3233439332,21453192,8,0,26,501,28207,0 1,4,5,0,40,1727,0,128,6,29216,62281,22,123196295,3338477204,5,0,26,513,30738,0 0,4,5,0,116,24108,0,64,6,23178,39635,22,21452647,3233437508,8,0,4126,644,61163,0 0,4,5,0,724,32046,0,64,6,14632,38655,22,1452688218,1828171762,8,0,4126,343,31853,0 0,4,5,0,76,26502,0,128,6,4405,50266,22,1776918274,3172205875,5,0,4126,512,9381,0 1,4,5,0,40,7662,0,64,6,39665,22,62202,3176642698,3972914889,5,0,26,501,63331,0 1,4,5,0,52,939,0,128,6,29992,62206,22,1466629610,0,8,0,44,64240,43460,0 0,4,5,16,76,10076,0,64,6,37199,22,50268,4016221794,718292575,5,0,4126,501,310,0 0,4,5,0,40,26722,0,128,6,4221,50270,22,38340335,3852724687,5,0,26,510,36549,0 0,4,5,0,76,26631,0,128,6,4276,50266,22,1776920362,3172222235,5,0,4126,511,61692,0 0,4,5,16,148,38558,0,64,6,8680,22,37221,2019795091,3598991383,8,0,4126,501,9098,0 0,4,5,0,52,24058,0,64,6,23292,39635,22,21452135,3233420036,8,0,26,368,38558,0 0,4,5,16,76,10249,0,64,6,37026,22,50266,3172221011,1776919966,5,0,4126,501,31557,0 0,4,5,16,212,38490,0,64,6,8684,22,37221,2019776067,3598991175,8,0,4126,501,56063,0 0,4,5,0,60,0,0,64,6,47342,22,44751,2722242689,3606442876,10,0,4426,65160,29042,0 0,4,5,16,76,10234,0,64,6,37041,22,50266,3172220319,1776919498,5,0,4126,501,49854,0 1,4,5,0,1016,1737,0,128,6,28230,62273,22,3387237183,3449598142,5,0,4126,513,49536,0 1,4,5,0,40,20630,0,64,6,26697,22,62288,4040909519,95375909,5,0,26,501,36104,0 0,4,5,16,180,22591,0,64,6,24615,22,39635,3233437764,21452775,8,0,4126,501,28548,0 0,4,5,0,52,31654,0,64,6,15696,47873,22,3476257438,205382502,8,0,26,368,59804,0 1,4,5,0,320,20922,0,64,6,26125,22,62195,2187234888,2519273239,5,0,4126,501,52263,0 0,4,5,0,1132,22526,0,64,6,23744,22,39635,3233417124,21450447,8,0,4126,509,12391,0 1,4,5,0,52,0,0,64,6,47315,22,62282,3209938138,2722777338,8,0,4426,64240,36683,0 0,4,5,0,52,3091,0,64,6,44259,22,38655,1828172842,1452688914,8,0,26,504,7425,0 0,4,5,16,132,10184,0,64,6,37035,22,50266,3172212167,1776918310,5,0,4126,501,44260,0 0,4,5,16,256,10167,0,64,6,36928,22,50266,3172210503,1776918310,5,0,4126,501,19165,0 1,4,5,0,120,2043,0,128,6,28820,62294,22,644393448,2960970388,5,0,4126,512,36939,0 0,4,5,16,196,38575,0,64,6,8615,22,37221,2019796627,3598991543,8,0,4126,501,29587,0 0,4,5,16,148,22599,0,64,6,24639,22,39635,3233438532,21452967,8,0,4126,501,41316,0 1,4,5,0,88,1733,0,128,6,29162,62267,22,872073945,3114048214,5,0,4126,508,23918,0 I have made a programm, but it isn't finished and I don't know how I can complete it. Do I have to use an another program?: with open("<dir>", "r") as file: file = file.readlines() len_ = len(file) string = "4,5,0,52,32345,0,64,6,15005,37221,22,3598991799,2019801315,8,0,26,691,17176,0" #The string, that I want to find the neares data in the .csv data. list_ = [] for i in range(1, len_): item = str(file[i]) item2 = item[2:] list_.append(item2) for item in list_: algorithm: Look from left to right on the row and find the row with the most sequential matches to the search data.
It seems you are handling a machine learning problem, with a dataset and a point to find the nearest neighbor. I assume you want the point of the dataset that has the shortest euclidean distance (in 19-dimension) to the given point. I would use pandas and scikit-learn packages with the NearestNeighbors algorithm. Upload the packages from sklearn.neighbors import NearestNeighbors import numpy as np import pandas as pd upload the file.csv as Pandas DataFrame (with generic column names) df = pd.read_csv('file.csv', index_col=False, names=np.arange(20)) Since you want the first column of values as results, I move it to a Pandas Series called "first_column" and drop it from the "df" dataframe first_column = df[0] df.drop(columns=[0], inplace=True) What you called "string" I call it "y" and set it as numpy array: y = np.array([[4,5,0,52,32345,0,64,6,15005,37221,22,3598991799,2019801315,8,0,26,691,17176,0]]) now let's fit the NearestNeighbors model nnb = NearestNeighbors(n_neighbors=1).fit(df) and now computes which point in the data set is the closest to the given point y: distances, indices = nnb.kneighbors(y, n_neighbors=1) print(indices) [[13]] So, the nearest point has index 13 in the dataframe. Let's print the 13th position of the first_column print(first_column.loc[13]) 0
Creating a dataset from multiple hdf5 groups
creating a dataset from multiple hdf5 groups Code for groups with np.array(hdf.get('all my groups')) I have then added code for creating a dataset from groups. with h5py.File('/train.h5', 'w') as hdf: hdf.create_dataset('train', data=one_T+two_T+three_T+four_T+five_T) The error message being ValueError: operands could not be broadcast together with shapes(534456,4) (534456,14) The numbers in each group are the same other than the varying column lengths. 5 separate groups to one dataset.
This answer addresses the OP's request in comments to my first answer ("an example would be ds_1 all columns, ds_2 first two columns, ds_3 column 4 and 6, ds_4 all columns"). The process is very similar, but the input is "slightly more complicated" than the first answer. As a result I used a different approach to define dataset names and colums to be copied. Differences: The first solution iterates over the dataset names from the "keys()" (copying each dataset completely, appending to a dataset in the new file). The size of the new dataset is calculated by summing sizes of all datasets. The second solution uses 2 lists to define 1) dataset names (ds_list) and 2) associated columns to copy from each dataset (col_list is a of lists). The size of the new dataset is calculated by summing the number of columns in col_list. I used "fancy indexing" to extract the columns using col_list. How you decide to do this depends on your data. Note: for simplicity, I deleted the dtype and shape tests. You should include these to avoid errors with "real world" problems. Code below: # Data for file1 arr1 = np.random.random(120).reshape(20,6) arr2 = np.random.random(120).reshape(20,6) arr3 = np.random.random(120).reshape(20,6) arr4 = np.random.random(120).reshape(20,6) # Create file1 with 4 datasets with h5py.File('file1.h5','w') as h5f : h5f.create_dataset('ds_1',data=arr1) h5f.create_dataset('ds_2',data=arr2) h5f.create_dataset('ds_3',data=arr3) h5f.create_dataset('ds_4',data=arr4) # Open file1 for reading and file2 for writing with h5py.File('file1.h5','r') as h5f1 , \ h5py.File('file2.h5','w') as h5f2 : # Loop over datasets in file1 to get dtype and rows (should test compatibility) for i, ds in enumerate(h5f1.keys()) : if i == 0: ds_0_dtype = h5f1[ds].dtype n_rows = h5f1[ds].shape[0] break # Create new empty dataset with appropriate dtype and size # Use maxshape parameter to make resizable in the future ds_list = ['ds_1','ds_2','ds_3','ds_4'] col_list =[ [0,1,2,3,4,5], [0,1], [3,5], [0,1,2,3,4,5] ] n_cols = sum( [ len(c) for c in col_list]) h5f2.create_dataset('combined', dtype=ds_0_dtype, shape=(n_rows,n_cols), maxshape=(n_rows,None)) # Loop over datasets in file1, read data into xfer_arr, and write to file2 first = 0 for ds, cols in zip(ds_list, col_list) : xfer_arr = h5f1[ds][:,cols] last = first + xfer_arr.shape[1] h5f2['combined'][:, first:last] = xfer_arr[:] first = last
Here you go; a simple example to copy values from 3 datasets in file1 to a single dataset in file2. I included some tests to verify compatible dtype and shape. The code to create file1 are included at the top. Comments in the code should explain the process. I have another post that shows multiple ways to copy data between 2 HDF5 files. See this post: How can I combine multiple .h5 file? import h5py import numpy as np import sys # Data for file1 arr1 = np.random.random(80).reshape(20,4) arr2 = np.random.random(40).reshape(20,2) arr3 = np.random.random(60).reshape(20,3) #Create file1 with 3 datasets with h5py.File('file1.h5','w') as h5f : h5f.create_dataset('ds_1',data=arr1) h5f.create_dataset('ds_2',data=arr2) h5f.create_dataset('ds_3',data=arr3) # Open file1 for reading and file2 for writing with h5py.File('file1.h5','r') as h5f1 , \ h5py.File('file2.h5','w') as h5f2 : # Loop over datasets in file1 and check data compatiblity for i, ds in enumerate(h5f1.keys()) : if i == 0: ds_0 = ds ds_0_dtype = h5f1[ds].dtype n_rows = h5f1[ds].shape[0] n_cols = h5f1[ds].shape[1] else: if h5f1[ds].dtype != ds_0_dtype : print(f'Dset 0:{ds_0}: dtype:{ds_0_dtype}') print(f'Dset {i}:{ds}: dtype:{h5f1[ds].dtype}') sys.exit('Error: incompatible dataset dtypes') if h5f1[ds].shape[0] != n_rows : print(f'Dset 0:{ds_0}: shape[0]:{n_rows}') print(f'Dset {i}:{ds}: shape[0]:{h5f1[ds].shape[0]}') sys.exit('Error: incompatible dataset shape') n_cols += h5f1[ds].shape[1] prev_ds = ds # Create new empty dataset with appropriate dtype and size # Using maxshape paramater to make resizable in the future h5f2.create_dataset('ds_123', dtype=ds_0_dtype, shape=(n_rows,n_cols), maxshape=(n_rows,None)) # Loop over datasets in file1, read data into xfer_arr, and write to file2 first = 0 for ds in h5f1.keys() : xfer_arr = h5f1[ds][:] last = first + xfer_arr.shape[1] h5f2['ds_123'][:, first:last] = xfer_arr[:] first = last
Error when trying to save hdf5 row where one column is a string and the other is an array of floats
I have two column, one is a string, and the other is a numpy array of floats a = 'this is string' b = np.array([-2.355, 1.957, 1.266, -6.913]) I would like to store them in a row as separate columns in a hdf5 file. For that I am using pandas hdf_key = 'hdf_key' store5 = pd.HDFStore('file.h5') z = pd.DataFrame( { 'string': [a], 'array': [b] }) store5.append(hdf_key, z, index=False) store5.close() However, I get this error TypeError: Cannot serialize the column [array] because its data contents are [mixed] object dtype Is there a way to store this to h5? If so, how? If not, what's the best way to store this sort of data?
I can't help you with pandas, but can show you how do this with pytables. Basically you create a table referencing either a numpy recarray or a dtype that defines the mixed datatypes. Below is a super simple example to show how to create a table with 1 string and 4 floats. Then it adds rows of data to the table. It shows 2 different methods to add data: 1. A list of tuples (1 tuple for each row) - see append_list 2. A numpy recarray (with dtype matching the table definition) - see simple_recarr in the for loop To get the rest of the arguments for create_table(), read the Pytables documentation. It's very helpful, and should answer additional questions. Link below: Pytables Users's Guide import tables as tb import numpy as np with tb.open_file('SO_55943319.h5', 'w') as h5f: my_dtype = np.dtype([('A','S16'),('b',float),('c',float),('d',float),('e',float)]) dset = h5f.create_table(h5f.root, 'table_data', description=my_dtype) # Append one row using a list: append_list = [('test string', -2.355, 1.957, 1.266, -6.913)] dset.append(append_list) simple_recarr = np.recarray((1,),dtype=my_dtype) for i in range(5): simple_recarr['A']='string_' + str(i) simple_recarr['b']=2.0*i simple_recarr['c']=3.0*i simple_recarr['d']=4.0*i simple_recarr['e']=5.0*i dset.append(simple_recarr) print ('done')
Gurobi in Python: best way to read csv file
I'm learning how to solve combinatorial optimization problems in Gurobi using Python. I would like to know what is the best option to read a csv file to use the data as model parameters. I'm using 'genfromtxt' to read the csv file, but I'm having difficulties in using it for constraint construction (Gurobi doesn't support this type - see error). Here my code and error message, my_data is composed by 4 columns: node index, x coordinate, y coordinate and maximum degree. from gurobipy import * from numpy import genfromtxt import math # Read data from csv file my_data = genfromtxt('prob25.csv', delimiter=',') # Number of vertices n = len(my_data) # Function to calculate euclidean distancces dist = {(i,j) : math.sqrt(sum((my_data[i][k]-my_data[j][k])**2 for k in [1,2])) for i in range(n) for j in range(i)} # Create a new model m = Model("dcstNarula") # Create variables vars = m.addVars(dist.keys(), obj=dist, vtype=GRB.BINARY, name='e') for i,j in vars.keys(): vars[j,i] = vars[i,j] # edge in opposite direction m.update() # Add degree-b constraint m.addConstrs((vars.sum('*',j) <= my_data[:,3] for i in range(n)), name='degree') GurobiError: Unsupported type (<type 'numpy.ndarray'>) for LinExpr addition argument First two lines of data 1,19.007,35.75,1 2,4.4447,6.0735,2
Actually it was a problem of indexing instead of data type. In the code: # Add degree-b constraint m.addConstrs((vars.sum('*',j) <= my_data[:,3] for i in range(n)), name='degree') It should be used vars.sum('*',i) instead of vars.sum('*',j) and my_data[i,3] instead of my_data[:,3]
Even though this question is answered, for future visitors who are looking for good ways to read a csv file, pandas must be mentioned: import pandas as pd df = pd.read_csv('prob25.csv', header=None, index_col=0, names=['x', 'y', 'idx']) df x y idx 1 19.0070 35.7500 1 2 4.4447 6.0735 2