Errors when creating new columns in pandas - python
Trying to count occurrences of user ids (id) in a dataframe, by creating a new column called n_occurrences. It always results in a KeyError and I'm unsure why. In the same method, I create a new column for elapsed time (elapsed_time) which works without errors.
code sample:
import pandas as pd
class Clean_Data:
def __init__(self, data): #data is path to csv
self.make_df(data)
self.df
def make_df(self,data):
data_raw = pd.read_csv(data,header=0,nrows=100)
#do stuff that returns valid dataframe, cleans up unwanted data
self.df = data_raw
return self.df #df with shape 100 rows, 27 cols
def analyze_the_data(self):
self.df['n_occurrences'] = self.df.groupby(['id','time']).transform('count')
# ^ fails as well if I try with or without the line 'self.df['n_Occurrences']'
# has error ValueError: Wrong number of items passed 25, placement implies 1
self.df['time_elapsed'] = (self.df['time']-self.df['time'].shift()) # works--creates time_elapsed col
print(self.df.shape) #shows dataframe shape of 100 rows, 28 cols
if __name__ == '__main__':
c = Clean_Data(r'/path/to.csv')
c.analyze_the_data()
Dataframe (should) change to 63 rows, 28 cols after the groupby line. There are upwards of 50,000 lines so I'm just using 100 to save on time until everything is working.
output of error line:
ValueError: Wrong number of items passed 25, placement implies 1
why does it fail when I create the n_occurrences col but not when i do the time_elapsed col?
Related
Dask map_partitions() prints `partition_info` as None
I'm trying to use DataFrame.map_partitions() from Dask to apply a function on each partition. The function takes in input a list of values and have to return the rows of the dataframe partition that contains these values, on a specific column (using loc() and isin()). The issue is that I get this error: "index = partition_info['number'] - 1 TypeError: 'NoneType' object is not subscriptable" When I print partition_info, it prints None hundreds of times (but I only have 60 elements in the loop so we expect only 60 prints), is it normal to print None because it's a child process or am I missing something with partition_info? I cannot find useful information on that. def apply_f(df, barcodes_per_core: List[List[str]], partition_info=None): print(partition_info) index = partition_info['number'] - 1 indexes = barcodes_per_core[index] return df.loc[df['barcode'].isin(indexes)] df = from_pandas(df, npartitions=nb_cores) dfs_per_core = df.map_partitions(apply_f, barcodes_per_core, meta=df) dfs_per_core = dfs_per_core.compute(scheduler='processes') => Doc of partition_info at the end of this page.
It's not clear why things are not working on your end, one potential thing is that you are re-using df multiple times. Here's a MWE that works: import pandas as pd import dask.dataframe as dd df = pd.DataFrame(range(10), columns=["a"]) ddf = dd.from_pandas(df, npartitions=3) def my_func(d, x, partition_info=None): print(x, partition_info) ddf.map_partitions(my_func, 3, meta=df.head()).compute(scheduler='processes')
if statement and call function for dataframe
I know how to apply an IF condition in Pandas DataFrame. link However, my question is how to do the following: if (df[df['col1'] == 0]): sys.path.append("/desktop/folder/") import self_module as sm df = sm.call_function(df) What I really want to do is when value in col1 equals to 0 then call function call_function(). def call_function(ds): ds['new_age'] = (ds['age']* 0.012345678901).round(12) return ds I provide a simple example above for call_function().
Since your function interacts with multiple columns and returns a whole data frame, run conditional logic inside the method: def call_function(ds): ds['new_age'] = np.nan ds.loc[ds['col'] == 0, 'new_age'] = ds['age'].mul(0.012345678901).round(12) return ds df = call_function(df) If you are unable to modify the function, run method on splits of data frame and concat or append together. Any new columns in other split will be have values filled with NAs. def call_function(ds): ds['new_age'] = (ds['age']* 0.012345678901).round(12) return ds df = pd.concat([call_function(df[df['col'] == 0].copy()), df[df['col'] != 0].copy()])
Set up a column based on another column and outside list in a Pandas Dataframe
I am trying to create a new column in a Pandas dataframe which takes only one array from a list of 5 arrays (the list is titled cluster_centre) and puts that array into the dataframe. It would take the array at the index that matches the value in the 'labels' column of the same dataframe (which has values of 0,1,2,3 or 4). So for instance, if the sentence in that row was given a label of 2 i.e. the 'labels' column value for that row would be 2, then the value of the 'cluster_centres' column in the df at that row would be cluster_centre[2]. How can I do this? The code I have attempted is pasted below: from sentence_transformers import SentenceTransformer from sklearn.cluster import KMeans import pandas as pd with open('JWN_Nordstrom_MDNA_overview_2017.txt', 'r') as file: initial_corpus = file.read() corpus = initial_corpus.split('. ') # Extract sentence embeddings embedder = SentenceTransformer('bert-base-wikipedia-sections-mean-tokens') corpus_embeddings = embedder.encode(corpus) # Perform KMeans clustering num_clusters = 5 clustering_model = KMeans(n_clusters=num_clusters) clustering_model.fit(corpus_embeddings) cluster_assignment = clustering_model.labels_ cluster_centre = clustering_model.cluster_centers_ # Create dataframe All_data_df = pd.DataFrame() All_data_df['sentences'] = corpus All_data_df['embeddings'] = corpus_embeddings All_data_df['labels'] = cluster_assignment # The line below creates a ValueError All_data_df['cluster_centres'] = cluster_centre[All_data_df['labels']] print(All_data_df.head()) I get this error: ValueError: Wrong number of items passed 768, placement implies 1 UPDATE: I did some new stuff and tried this: All_data_df = pd.DataFrame() All_data_df['sentences'] = corpus All_data_df['embeddings'] = corpus_embeddings All_data_df['labels'] = cluster_assignment #All_data_df['cluster_centres'] = 0 for index, row in All_data_df.iterrows(): iforval = cluster_centre[row['labels']] All_data_df.at[index, 'cluster_centres'] = iforval print(All_data_df.head()) But get a new error: ValueError: Must have equal len keys and value when setting with an iterable. I printed iforval inside the loop and it does indeed return 29 correct arrays from the cluster_centre list, which matches the 29 rows present in the dataframe. Now I just need to put them into the new column of the dataframe, but .at[] didn't work, not sure if I am using it correctly. EDIT/UPDATE: Ok I found a sort of solution, don't know why I didn't realise this before, I just created a list beforehand and made that into the new column, ended up being much simpler. cluster_centres_list = [cluster_centres[label] for label in cluster_assignment] all_data_df = pd.DataFrame() all_data_df['sentences'] = corpus all_data_df['embeddings'] = corpus_embeddings all_data_df['labels'] = cluster_assignment all_data_df['cluster_centres'] = cluster_centres_list print(all_data_df.head())
getting different threads to alter different parts of a pandas dataframe
I am new to multithreading in python so am not sure how to set this up. I am trying to produce a large output dataframe populated with calculations based on another input dataframe. The output dataframe is like an adjacency matrix of the columns of the input dataframe. The following non-multithreaded version works perfectly: import numpy as np import pandas as pd from scipy.stats import chi2_contingency import json import os import time def build_adjacency_matrix(DATA_MATRIX, OUT): # READS DATA: data must be a csv with a header and an index column my_data = pd.read_csv(DATA_MATRIX, index_col=0) # INITIALIZE EMPTY DF WITH COLSNAMES FROM INPUT AS COLUMNS AND INDEX (rownames) AM = pd.DataFrame(columns=my_data.columns, index = my_data.columns) y=0 w=2 for c1 in my_data.columns: print (c1) y+=1 if y > w: time.sleep(1) # GIVE THE PROCESSER A REST AFTER EACH 10 COLUMNS print(y) #KEEP TRACK OF HOW MANY COLS HAVE BEEN PROCESSED w+=10 for c2 in my_data.columns: if c1==c2: AM.loc[c1,c2]=0; continue sample_df = pd.DataFrame(my_data, columns=[c1,c2]) # KEEP ONLY ROWS WITH 1s and 0s sample_df = sample_df[sample_df[c1] != 0.5] sample_df = sample_df[sample_df[c2] != 0.5] sample_df = sample_df.dropna() # CALCULATE ChiX # Contingency table. contingency = pd.crosstab(sample_df[c1], sample_df[c2]) # Chi-square test of independence. try: chi2, p, ddof, expected = chi2_contingency(contingency) AM.loc[c1,c2] = p except: ValueError; # ASSIGN AS NOT SIGNIFICANT IF THERE IS A PROBLEM AM.loc[c1,c2] = 1 AM.to_csv(OUT, sep=',') return # FILES data_matrix='input_test.csv' out='output_mt_test.csv' # FUNCTION CALL build_adjacency_matrix(data_matrix, out) Here is the top few rows of the input file: ,VAR1,VAR2,VAR3,VAR4,VAR5,VAR6,VAR7,VAR8,VAR9,VAR10,VAR11,VAR12,VAR13,VAR14,VAR15,VAR16,VAR17,VAR18,VAR19 SAMPLE1,1,0,0.5,1,1,0.5,0.5,1,0.5,0.5,0.5,0.5,0,0.5,0,0.5,0,0.5,0.5 SAMPLE2,0.5,0.5,0.5,1,1,0.5,0.5,1,0.5,0.5,0,1,0,0.5,0,0.5,0.5,0.5,0.5 SAMPLE3,0.5,0,0.5,1,1,0.5,0.5,1,0.5,0.5,1,0.5,0.5,0.5,0,1,0,0.5,0.5 SAMPLE4,1,0.5,0.5,1,1,0.5,0.5,0,0.5,0.5,0.5,0.5,0.5,0.5,1,1,0.5,0.5,1 And here is the top few rows of the output file: ,VAR1,VAR2,VAR3,VAR4,VAR5,VAR6,VAR7,VAR8,VAR9,VAR10,VAR11,VAR12,VAR13,VAR14,VAR15,VAR16,VAR17,VAR18,VAR19 VAR1,0,0.00326965769624,0.67328997966,0.573642138098,0.573642138098,0.923724918398,0.556975806531,0.665485722686,1.0,0.545971722677,0.125786424639,0.665005542102,0.914326585297,0.843324894877,0.10024407707,0.37367830795,0.894229755473,0.711877649185,0.920167313802 VAR2,0.00326965769624,0,0.67328997966,0.714393037634,0.714393037634,0.829638099719,1.0,0.881545828869,1.0,1.0,0.504985075094,0.665005542102,0.672603817442,0.75946286538,0.365088814029,1.0,0.478520976544,0.698535358303,0.700311372937 VAR3,0.67328997966,0.67328997966,0,1.0,1.0,0.665005542102,1.0,0.672603817442,1.0,1.0,1.0,1.0,0.819476976778,1.0,0.324126587758,1.0,1.0,0.665005542102,0.608407800233 The code works well and produces the expected output for the test file, however the real input file (exactly the same file structure but with 100s rows and 1000s of cols) is considerably larger and takes ~48 hours to run so I need to make it faster. I tried the following attempt to implement multithreading: import pandas as pd from scipy.stats import chi2_contingency from threading import Thread def build_adjacency_matrix(DATA_MATRIX, OUT, THREADS): # READS DATA: data must be a csv with a header and an index column my_data = pd.read_csv(DATA_MATRIX, index_col=0) # INITIALIZE EMPTY DF WITH COLSNAMES FROM INPUT AS COLUMNS AND INDEX (rownames) AM = pd.DataFrame(columns=my_data.columns, index = my_data.columns) print(len(my_data.columns)) print(len(my_data.index)) # BUILD THREAD GROUPS thread_groups={} chunk=int(len(AM.columns)/THREADS) i=0; j=chunk for t in range(THREADS): thread_groups[t]=list(range(i,j)); i+=chunk; j+=chunk; # DELEGATE REMAINING COLS TO THE LAST THREAD if thread_groups[THREADS-1][-1] != len(AM.columns): thread_groups[THREADS-1] = thread_groups[THREADS-1] + \ list(range((thread_groups[THREADS-1][-1]),len(AM.columns))) print(thread_groups) def populate_DF(section): for c1 in AM.columns[section]: for c2 in AM.columns: if c1==c2: AM.loc[c1,c2]=0; continue sample_df = pd.DataFrame(my_data, columns=[c1,c2]) # KEEP ONLY ROWS WITH 1s and 0s sample_df = sample_df[sample_df[c1] != 0.5] sample_df = sample_df[sample_df[c2] != 0.5] sample_df = sample_df.dropna() # CALCULATE ChiX # Contingency table. contingency = pd.crosstab(sample_df[c1], sample_df[c2]) #Chi-square test of independence. try: # POPULATE AM WITH CHI-SQ p-value chi2, p, ddof, expected = chi2_contingency(contingency) AM.loc[c1,c2] = p except: # ASSIGN A p-value OF 1.0 IF THERE IS A PROBLEM ValueError; AM.loc[c1,c2] = 1 for tg in thread_groups: t = Thread(target=populate_DF, args=(thread_groups[tg],)) print(tg) print(thread_groups[tg]) t.start() AM.to_csv(OUT, sep=',') return data_matrix='input_test.csv' out='output_mt_test.csv' build_adjacency_matrix(data_matrix, out, 4) I'm not sure if I should be making the output dataframe a global variable? Or how to do it? The aim of the section on 'building thread groups' is to delegate groups of columns from the input file to be delegated to separate threads and each of the outputs added to the final dataframe. I have up to 16 cores available so thought a multithreading solution would help here. The code as it is produces an unexpected, partially complete output: ,VAR1,VAR2,VAR3,VAR4,VAR5,VAR6,VAR7,VAR8,VAR9,VAR10,VAR11,VAR12,VAR13,VAR14,VAR15,VAR16,VAR17,VAR18,VAR19 VAR1,0,0.00326965769624,0.67328997966,0.573642138098,0.573642138098,0.923724918398,0.556975806531,0.665485722686,1.0,0.545971722677,0.125786424639,0.665005542102,0.914326585297,0.843324894877,0.10024407707,0.37367830795,0.894229755473,0.711877649185, VAR2,,,,,,,,,,,,,,,,,,, VAR3,,,,,,,,,,,,,,,,,,, VAR4,,,,,,,,,,,,,,,,,,, VAR5,0.573642138098,0.714393037634,1.0,5.61531250139e-06,0,1.0,1.0,0.859350808026,0.819476976778,0.819476976778,1.0,1.0,0.805020272634,,,,,, VAR6,,,,,,,,,,,,,,,,,,, VAR7,,,,,,,,,,,,,,,,,,, VAR8,,,,,,,,,,,,,,,,,,, VAR9,1.0,1.0,1.0,0.819476976778,,,,,,,,,,,,,,, VAR10,,,,,,,,,,,,,,,,,,, VAR11,,,,,,,,,,,,,,,,,,, VAR12,,,,,,,,,,,,,,,,,,, VAR13,0.914326585297,,,,,,,,,,,,,,,,,, VAR14,,,,,,,,,,,,,,,,,,, VAR15,,,,,,,,,,,,,,,,,,, VAR16,,,,,,,,,,,,,,,,,,, VAR17,,,,,,,,,,,,,,,,,,, VAR18,,,,,,,,,,,,,,,,,,, VAR19,,,,,,,,,,,,,,,,,,, i'm not sure if this is to do with an issue with the multithreads trying to output to the same variable or if this is a problem with how I have spread the workload. I would really appreciate any help with how to fix this, or any other ways to optimize the code? Thanks in advance!
How to create a pivot table on extremely large dataframes in Pandas
I need to create a pivot table of 2000 columns by around 30-50 million rows from a dataset of around 60 million rows. I've tried pivoting in chunks of 100,000 rows, and that works, but when I try to recombine the DataFrames by doing a .append() followed by .groupby('someKey').sum(), all my memory is taken up and python eventually crashes. How can I do a pivot on data this large with a limited ammount of RAM? EDIT: adding sample code The following code includes various test outputs along the way, but the last print is what we're really interested in. Note that if we change segMax to 3, instead of 4, the code will produce a false positive for correct output. The main issue is that if a shipmentid entry is not in each and every chunk that sum(wawa) looks at, it doesn't show up in the output. import pandas as pd import numpy as np import random from pandas.io.pytables import * import os pd.set_option('io.hdf.default_format','table') # create a small dataframe to simulate the real data. def loadFrame(): frame = pd.DataFrame() frame['shipmentid']=[1,2,3,1,2,3,1,2,3] #evenly distributing shipmentid values for testing purposes frame['qty']= np.random.randint(1,5,9) #random quantity is ok for this test frame['catid'] = np.random.randint(1,5,9) #random category is ok for this test return frame def pivotSegment(segmentNumber,passedFrame): segmentSize = 3 #take 3 rows at a time frame = passedFrame[(segmentNumber*segmentSize):(segmentNumber*segmentSize + segmentSize)] #slice the input DF # ensure that all chunks are identically formatted after the pivot by appending a dummy DF with all possible category values span = pd.DataFrame() span['catid'] = range(1,5+1) span['shipmentid']=1 span['qty']=0 frame = frame.append(span) return frame.pivot_table(['qty'],index=['shipmentid'],columns='catid', \ aggfunc='sum',fill_value=0).reset_index() def createStore(): store = pd.HDFStore('testdata.h5') return store segMin = 0 segMax = 4 store = createStore() frame = loadFrame() print('Printing Frame') print(frame) print(frame.info()) for i in range(segMin,segMax): segment = pivotSegment(i,frame) store.append('data',frame[(i*3):(i*3 + 3)]) store.append('pivotedData',segment) print('\nPrinting Store') print(store) print('\nPrinting Store: data') print(store['data']) print('\nPrinting Store: pivotedData') print(store['pivotedData']) print('**************') print(store['pivotedData'].set_index('shipmentid').groupby('shipmentid',level=0).sum()) print('**************') print('$$$') for df in store.select('pivotedData',chunksize=3): print(df.set_index('shipmentid').groupby('shipmentid',level=0).sum()) print('$$$') store['pivotedAndSummed'] = sum((df.set_index('shipmentid').groupby('shipmentid',level=0).sum() for df in store.select('pivotedData',chunksize=3))) print('\nPrinting Store: pivotedAndSummed') print(store['pivotedAndSummed']) store.close() os.remove('testdata.h5') print('closed')
You could do the appending with HDF5/pytables. This keeps it out of RAM. Use the table format: store = pd.HDFStore('store.h5') for ...: ... chunk # the chunk of the DataFrame (which you want to append) store.append('df', chunk) Now you can read it in as a DataFrame in one go (assuming this DataFrame can fit in memory!): df = store['df'] You can also query, to get only subsections of the DataFrame. Aside: You should also buy more RAM, it's cheap. Edit: you can groupby/sum from the store iteratively since this "map-reduces" over the chunks: # note: this doesn't work, see below sum(df.groupby().sum() for df in store.select('df', chunksize=50000)) # equivalent to (but doesn't read in the entire frame) store['df'].groupby().sum() Edit2: Using sum as above doesn't actually work in pandas 0.16 (I thought it did in 0.15.2), instead you can use reduce with add: reduce(lambda x, y: x.add(y, fill_value=0), (df.groupby().sum() for df in store.select('df', chunksize=50000))) In python 3 you must import reduce from functools. Perhaps it's more pythonic/readable to write this as: chunks = (df.groupby().sum() for df in store.select('df', chunksize=50000)) res = next(chunks) # will raise if there are no chunks! for c in chunks: res = res.add(c, fill_value=0) If performance is poor / if there are a large number of new groups then it may be preferable to start the res as zero of the correct size (by getting the unique group keys e.g. by looping through the chunks), and then add in place.