Skip to content

Instantly share code, notes, and snippets.

View mrtushartiwari's full-sized avatar
🏠
Working from home

Tushar Tiwari mrtushartiwari

🏠
Working from home
View GitHub Profile
@mrtushartiwari
mrtushartiwari / Base_line.py
Last active April 29, 2021 10:29
Baseline_model
median_train_loss = y_train.median()
median_train_loss = [median_train_loss] * len(y_test)
list_shift = [SHIFT] * len(y_test)
print('Mean absolute error on test data for baseline mode ' + str(mean_absolute_error( np.exp( np.array(median_train_loss) - np.array(list_shift)), np.exp(y_test - SHIFT ))))
@mrtushartiwari
mrtushartiwari / featurization_allstate.py
Last active April 29, 2021 10:31
featurization_allstate
def encode_continous(df,continous_features):
for col in continous_features:
df[col +'_log'] = np.log1p(df[col]) # Log transformed
df[col + '_squareroot'] = np.sqrt(df[col]) # Square root
df[col + '_square'] = np.square(df[col]) # Square
df[col + '_log2'] = np.log2(df[col]) # log2
def encode_category(df,categorical_features):
for col in categorical_features:
unique_classes = sorted(df[col].unique())
@mrtushartiwari
mrtushartiwari / Boxplot_of_categorical.py
Last active April 29, 2021 10:34
Boxplot_of_categorical
# ref : https://seaborn.pydata.org/tutorial/categorical.html
fig, axs = plt.subplots(1,3,figsize = (22,10) )
sns.boxplot(x="cat80", y="loss",data = train_data, ax= axs[0])
sns.boxplot(x="cat79", y="loss",data = train_data, ax= axs[1])
sns.boxplot(x="cat87", y="loss",data = train_data, ax= axs[2])
@mrtushartiwari
mrtushartiwari / counter_barplot.py
Last active April 29, 2021 10:35
Distribution of categorical features for number of classes
#ref : https://stackoverflow.com/a/59840744/5305748 for anotating bargraph
from collections import Counter
k = Counter(counts_categorical)
k = dict(k)
k = pd.DataFrame({'number_of_classes':list(k.keys()),'counts': list(k.values()) })
sns.set(rc={'figure.figsize':(11.0,8.0)})
g = sns.barplot(x= 'number_of_classes', y='counts',data=k)
for p in g.patches:
g.annotate('{:.0f}'.format(p.get_height()), (p.get_x()+0.3, p.get_height()))
@mrtushartiwari
mrtushartiwari / listofmodels.csv
Last active April 29, 2021 21:07
listofmodels
Model used MAE
Linear model Ridge with alpha (0.01) 1282.15
Linear model Lasso with alpha (0.01) 1342.75
Decision Tree Regressor with (max_depth= 12 max_features= n_features min_samples_leaf= 27) 1272.19
Ada Boost Regressor with (n_estimators=100 learning_rate=0.0001) 1342.750
RandomForest Regressor with n_estimators=150 max_features = 100 max_depth = 11 1342.750
Custom Ensemble model with number of base estimator = 100 1209.61
@mrtushartiwari
mrtushartiwari / custom_ensemble.py
Last active April 29, 2021 21:09
custom_ensemble
def custom_estimator(X_train,y_train, X_test,n_estimators):
X_train_param = X_train.copy()
y_train_param = y_train.copy()
X_test_param = X_test.copy()
D1_train,D2_train,D1_label,D2_label, = train_test_split(X_train_param,y_train_param, test_size=0.5 , random_state=42)
# Combine D1_train and D1_label then sample
D1_train = D1_train.assign(loss = D1_label )
base_models = []
for i in tqdm(range(n_estimators)):
def fetch_data(symbol):
""" Function to save the Open Low high close volume and adjusted_close data. """
df = pdr.DataReader(symbol + ".NS", 'yahoo', start='2010-01-01', end='2021-06-30')
df.to_csv("stock_data/" + symbol) # Saving to a csv file
f_and_o = pd.read_csv("FandO.csv") # File containing the F&O stocks.
stock_selected = []
for i in f_and_o['Symbol'].values:
stock_selected.append(i)
# Removing the index future and option contracts
stock_selected.remove('NIFTY')
stock_selected.remove('BANKNIFTY')
stock_selected.remove('FINNIFTY')
for i in stock_selected:
fetch_data(symbol = i)
time.sleep(10)
print(i)
print(len(os.listdir("stock_data"))) # 156 stocks data downloaded
def istumor(mask_img):
"""
Finding wheather the mask has tumor or not
"""
mask_img = cv2.imread(mask_img)
k = np.max(mask_img)
return 1 if k > 0 else 0
images_df["is_tumor"] = images_df['MRI_mask'].apply(istumor)