Register
Login
Resources
Docs Blog Datasets Glossary Case Studies Tutorials & Webinars
Product
Data Engine LLMs Platform Enterprise
Pricing Explore
Connect to our Discord channel

logreg_interpret_v2.1.txt 22 KB

You have to be logged in to leave a comment. Sign In
1
2
3
4
5
6
7
8
9
10
11
12
13
14
15
16
17
18
19
20
21
22
23
24
25
26
27
28
29
30
31
32
33
34
35
36
37
38
39
40
41
42
43
44
45
46
47
48
49
50
51
52
53
54
55
56
57
58
59
60
61
62
63
64
65
66
67
68
69
70
71
72
73
74
75
76
77
78
79
80
81
82
83
84
85
86
87
88
89
90
91
92
93
94
95
96
97
98
99
100
101
102
103
104
105
106
107
108
109
110
111
112
113
114
115
116
117
118
119
120
121
122
123
124
125
126
127
128
129
130
131
132
133
134
135
136
137
138
139
140
141
142
143
144
145
146
147
148
149
150
151
152
153
154
155
156
157
158
159
160
161
162
163
164
165
166
167
168
169
170
171
172
173
174
175
176
177
178
179
180
181
182
183
184
185
186
187
188
189
190
191
192
193
194
195
196
197
198
199
200
201
202
203
204
205
206
207
208
209
210
211
212
213
214
215
216
217
218
219
220
221
222
223
224
225
226
227
228
229
230
231
232
233
234
235
236
237
238
239
240
241
242
243
244
245
246
247
248
249
250
251
252
253
254
255
256
257
258
259
260
261
262
263
264
265
266
267
268
269
270
271
272
273
274
275
276
277
278
279
280
281
282
283
284
285
286
287
288
289
290
291
292
293
294
295
296
297
298
299
300
301
302
303
304
305
306
307
308
309
310
311
312
313
314
315
316
317
318
319
320
321
322
323
324
325
326
327
328
329
330
331
332
333
334
335
336
337
338
339
340
341
342
343
344
345
346
347
348
349
350
351
352
353
354
355
356
357
358
359
360
361
362
363
364
365
366
367
368
369
370
371
372
373
374
375
376
377
378
379
380
381
382
383
384
385
386
387
388
389
390
391
392
393
394
395
396
397
398
399
400
401
402
403
404
405
406
407
408
409
410
411
412
413
414
415
416
417
418
419
420
421
422
423
424
425
426
427
428
429
430
431
432
433
434
435
436
437
438
439
440
441
442
443
444
445
446
447
448
449
450
451
452
453
454
455
456
457
458
459
460
461
462
463
464
465
466
467
468
469
470
471
472
473
474
475
476
477
478
479
480
481
482
483
484
485
486
487
488
489
490
491
492
493
494
495
496
497
498
499
500
  1. 38.13 fillna -5.08model_selection
  2. 35.71 concat -3.49feature_extraction
  3. 30.18 preprocessing -3.31 read_csv
  4. 26.36 merge -3.02 pie
  5. 18.58 normalize -2.89 n_splits
  6. 18.12 concatenate -2.57 drop
  7. 15.83 test_size -2.51 show
  8. 15.48train_test_split -2.44 check
  9. 14.95 font_scale -2.41 pandas
  10. 14.57 scale -2.40 tts
  11. 13.86 standardscaler -2.26 head
  12. 13.59 resize -2.03rf_model_on_full_data
  13. 12.62 scaler -2.01 countplot
  14. 12.10color_continuous_scale -1.85 bar
  15. 11.13 colorscale -1.84 metrics
  16. 10.69 encode -1.75 describe
  17. 10.44 preprocess -1.73 figsize
  18. 8.58 x_train_scaled -1.72 lag_months
  19. 8.46 merged -1.70 ipython
  20. 8.05countvectorizer -1.69 on_key
  21. 7.86 preprocessor -1.68lag_features_list
  22. 7.58 yscale -1.66 corr
  23. 7.39 x_scaled -1.59randomforestclassifier
  24. 7.36register_matplotlib_converters -1.58color_discrete_sequence
  25. 7.14 pd -1.55 to_csv
  26. 7.07 how -1.55 shufflesplit
  27. 6.75 x_test_scaled -1.51 any
  28. 6.68 set_yscale -1.50 get_dummies
  29. 6.48 on -1.48logisticregression
  30. 6.45 rescale -1.46 scatter
  31. 6.42 convert -1.45 __init__
  32. 6.40imagedatagenerator -1.44 loss
  33. 6.21scale_pos_weight -1.42 print
  34. 6.18tfidfvectorizer -1.40 kdeplot
  35. 6.04 normalized -1.40 inplace
  36. 5.96amount_spent_per_room_night_scaled -1.38randomforestregressor
  37. 5.82 fit_transform -1.38 numpy
  38. 5.80 random_state -1.37 tree
  39. 5.71 df_merged -1.35 rows
  40. 5.67 left_on -1.33 affected
  41. 5.46 merged_df -1.32 transforms
  42. 5.42merge_app_prev_data -1.32 jointplot
  43. 5.40 right_on -1.32 nltk
  44. 5.37 merged_data -1.30 to_datetime
  45. 5.22wordnetlemmatizer -1.30 value_counts
  46. 5.21 left -1.29 facetgrid
  47. 5.19 scaled -1.28 box
  48. 5.06preprocess_input -1.28 distplot
  49. 5.01 json_normalize -1.27 unique
  50. 4.72 df_merge -1.25 set_option
  51. 4.54 generation -1.24 options
  52. 4.45 transform -1.23 kind
  53. 4.42 concat_sub -1.20 word_index
  54. 4.24 data_merge -1.20 dropna
  55. 4.10 reversescale -1.19texts_to_sequences
  56. 4.07inverse_transform -1.19 argmax
  57. 4.07 axis -1.19 totensorv2
  58. 4.00 augmentation -1.19 vmax
  59. 3.93 porterstemmer -1.18confusion_matrix
  60. 3.87x_train_normalized -1.17 worst
  61. 3.86 labelencoder -1.15 csv
  62. 3.85 kut_merged -1.15 fit_on_texts
  63. 3.81 df_concat -1.15 trace1
  64. 3.80 true -1.15 df1
  65. 3.80train2_logscale -1.14validation_data
  66. 3.79 scaled_df -1.13 dpi
  67. 3.75 minmaxscaler -1.12 correct
  68. 3.73 grayscale -1.12 __len__
  69. 3.72 converted -1.12train_test_data
  70. 3.71 contrib -1.11 update_traces
  71. 3.66preprocess_image -1.11 as
  72. 3.64 train_scaled -1.10 line
  73. 3.64 choropleth -1.10 hist
  74. 3.64 ngram_range -1.09 400
  75. 3.60 data_scaled -1.09 fastai
  76. 3.58 log -1.08 catplot
  77. 3.57 vectorizer -1.08 pairplot
  78. 3.56 showscale -1.06 epochs
  79. 3.54 english -1.06 churn
  80. 3.50 cv2 -1.05 boxplot
  81. 3.47 xscale -1.05stratifiedshufflesplit
  82. 3.44 tokenizer -1.03 include_top
  83. 3.41 merge_data -1.02 url
  84. 3.31train_data_merge -1.01 add_trace
  85. 3.26 tfidf -1.01 textinfo
  86. 3.26 stemmer -1.01 info
  87. 3.25 scaled_train -1.00 incubation
  88. 3.24 input_ids -1.00 run_example
  89. 3.24combined_merged -1.00 dataloader
  90. 3.24pycountry_convert -1.00 image_ids
  91. 3.24 stemming -0.99missing_values_check
  92. 3.22 resized -0.99 plot_model
  93. 3.22 scaled_test -0.99 __getitem__
  94. 3.20 stratify -0.99decisiontreeclassifier
  95. 3.12 emergency -0.98 fit_one_cycle
  96. 3.10 concat_df -0.98 imagenet
  97. 3.07 df_log_scale -0.98 nrowsread
  98. 3.07 cnt_srs -0.98 parameters
  99. 3.07 crop -0.98 shade
  100. 3.06 right_index -0.98 drop_first
  101. 3.05 image -0.97 lgbmclassifier
  102. 3.05 stem -0.96 torchvision
  103. 3.02 class_name -0.96 impute
  104. 3.02merged_train_df -0.96 10
  105. 3.01 df_scaled -0.96 series
  106. 3.01simple_preprocess -0.95 tail
  107. 2.97 hover_data -0.94 theta
  108. 2.95 inner -0.94 annot
  109. 2.93manhattan_merged -0.93 read_excel
  110. 2.92 def -0.93 naive_bayes
  111. 2.91 toronto_merged -0.93 n_iter
  112. 2.91 plotting -0.91 softmax
  113. 2.90 scaled_data -0.91 attention_mask
  114. 2.83 pipeline -0.91 most_common
  115. 2.82x_test_normalized -0.91 best_kernels
  116. 2.81polynomialfeatures -0.90 upper
  117. 2.81 autoscale -0.90 spacy
  118. 2.78 img -0.90 my_imputer
  119. 2.78 client_id -0.90sample_submission
  120. 2.78 append -0.90 italy
  121. 2.77 left_index -0.90 nrow
  122. 2.76 analyzer -0.90 dtypes
  123. 2.73 formated_gdf -0.89decisiontreeregressor
  124. 2.72 fill -0.89 word2vec
  125. 2.71 scaled_close -0.89 logs
  126. 2.71 sentance -0.89 evaluate
  127. 2.70 kolkata_merged -0.89 solution
  128. 2.69 lemmatize -0.88 confirmed_df
  129. 2.67 generations -0.88 bmi
  130. 2.66 rename -0.88init_notebook_mode
  131. 2.65scaled_training -0.88 submission
  132. 2.65 total_text -0.88 vif
  133. 2.64 min_df -0.87 l1
  134. 2.63 alt -0.87 kaggle
  135. 2.63 im -0.87min_samples_leaf
  136. 2.61 lemmatizer -0.87 string
  137. 2.61 dcm -0.86 sharey
  138. 2.60 pd_merge_all -0.86 idd
  139. 2.60 from -0.86 plot_count
  140. 2.60 tx_merge -0.86steps_per_epoch
  141. 2.59 base64 -0.86 sum
  142. 2.59 locationmode -0.86 add_lag_v3
  143. 2.57 angles -0.86 query_topicvec
  144. 2.56 ffill -0.85 sql
  145. 2.55 xfc -0.85 comments
  146. 2.55 geo_merged -0.85 step_3
  147. 2.53 percent -0.84 f1_score
  148. 2.50 scale_and_plot -0.83 c_max
  149. 2.50 onehotencoder -0.83 efforts
  150. 2.49 padding -0.83 data_loader
  151. 2.47 image_resize -0.83 c_min
  152. 2.46fold_importance_df -0.83 print_score
  153. 2.45preprocessed_dataset -0.82 imshow
  154. 2.44data_new_scaled2 -0.82 overall
  155. 2.43convert_to_tensor -0.82 epoch
  156. 2.42 to -0.82 passengerid
  157. 2.37 locations -0.82 gray
  158. 2.37 regular_encode -0.82 add
  159. 2.36 gg -0.82 classifier
  160. 2.36 stop_words -0.81 citytracker
  161. 2.35preprocess_data -0.81 optim
  162. 2.34 converters -0.81 revenue
  163. 2.31normalize_train_df -0.81 max_depth
  164. 2.31 reset_index -0.81 cmap
  165. 2.31 ps -0.80 dataframe
  166. 2.26 iowa_model -0.80 thresh
  167. 2.25 nthread -0.80imputed_x_train
  168. 2.24count_vectorizer -0.79 test_index
  169. 2.23 x_test_scale -0.79 rf
  170. 2.23data_new_scaled -0.79 datetimeindex
  171. 2.21 224 -0.79 isnull
  172. 2.21 preprocessed -0.79 datasets
  173. 2.20 mask -0.79 12
  174. 2.20 payload -0.79 scatterplot
  175. 2.20 fit_intercept -0.79feature_importances_
  176. 2.19 q0 -0.78 num_words
  177. 2.19 grp -0.78 to_categorical
  178. 2.18 io -0.78 n_folds
  179. 2.17 chart -0.78 growth
  180. 2.17 sentence -0.78 mark
  181. 2.17 converter -0.78 set_xticks
  182. 2.17 scaleddf -0.78 showlegend
  183. 2.17 and -0.78 log_y
  184. 2.16 vect -0.78 r2_score
  185. 2.15 none -0.77 wv
  186. 2.15 d_df_merged -0.77 num_epochs
  187. 2.14 zfill -0.77 step_4
  188. 2.13 matched_df -0.77 sqrt
  189. 2.13 train_prep -0.77 learner
  190. 2.12 cfg -0.77 max_columns
  191. 2.12 enc -0.77 sepal
  192. 2.12 gensim -0.77 filenames
  193. 2.11 loc -0.77 oob_score
  194. 2.10 atom_idx -0.77 death
  195. 2.09convert_tokens_to_ids -0.77inference_albert_and_display_results
  196. 2.08data_concatenado -0.77 findall
  197. 2.07 portland -0.76 mnist
  198. 2.06 pgm -0.76 num_leaves
  199. 2.06 albu -0.76 rmse
  200. 2.03risk_factor_normalized -0.76imputed_x_valid
  201. 2.02snowballstemmer -0.76 pred_list
  202. 2.02 steps -0.76 histogram
  203. 2.01 255 -0.76 max_rows
  204. 2.01 window -0.76 session
  205. 2.01 current_batch -0.75 compose
  206. 2.00 if -0.75 df_traintest8
  207. 1.99 upsample -0.75 marker_color
  208. 1.99 false -0.75 train
  209. 1.97 x_scale -0.75 __version__
  210. 1.97 viridis -0.75 totensor
  211. 1.96 range_color -0.75 lg
  212. 1.96 target_size -0.75 isna
  213. 1.95 tight -0.74 dados
  214. 1.95 y_scaler -0.74 accuracy_score
  215. 1.94changepoint_prior_scale -0.74 customers
  216. 1.93 json -0.74 number
  217. 1.92 layout -0.74 vocab
  218. 1.92 min_max_scaler -0.74 domain
  219. 1.92school_reg_merged -0.74 contours
  220. 1.92 atoms -0.74 regex
  221. 1.92 rgb -0.74 test_ds
  222. 1.91 df_panel -0.73 ascending
  223. 1.89 config -0.73 step_2
  224. 1.89 hm -0.73 variety
  225. 1.89 day_wise -0.73 models
  226. 1.88 make_pipeline -0.73 latest_data
  227. 1.88 isin -0.73 pass
  228. 1.87 scaled_test_x -0.72 20
  229. 1.85 dst_non_crop -0.72 13
  230. 1.85 px -0.72 regplot
  231. 1.84 feature_range -0.72 yy
  232. 1.83 function -0.72 spines
  233. 1.83train_purch_merged -0.72from_pretrained
  234. 1.83 teamid -0.72 lang
  235. 1.81preprocessed_documents -0.72 criterion
  236. 1.81preprocessed_reviews -0.72plot_categorical_feature
  237. 1.81 new_history -0.72 dict_
  238. 1.81 int -0.71 procs
  239. 1.80 set_context -0.71categorical_features
  240. 1.80 scaling -0.71background_gradient
  241. 1.79columntransformer -0.71classification_report
  242. 1.79tfidf_vectorizer -0.71latentdirichletallocation
  243. 1.79 ignore_index -0.70 bagging_seed
  244. 1.79 country_wise -0.70 df_covid19
  245. 1.79 max_df -0.69 defaultdict
  246. 1.79 words_freq -0.69 final_x_valid
  247. 1.79 hidden -0.69 x_train_new
  248. 1.78 cr -0.69 twitter_data
  249. 1.78lstm_predictions_scaled -0.69 actual
  250. 1.77 crop_size -0.69 pairwise
  251. 1.77 gridsearchcv -0.69 lines
  252. 1.77 np -0.69 create_model
  253. 1.76train_samples_count -0.69 submission_df
  254. 1.76 shift -0.69y_train_pred_final
  255. 1.76 outer -0.68 expand
  256. 1.76 scaled_inputs -0.68 gleason_score
  257. 1.76 py -0.68 final_imputer
  258. 1.75weight_average_score_hybrid -0.68 final_x_train
  259. 1.75 component -0.68 mylist
  260. 1.74 val_x -0.68 textfont
  261. 1.74 img_size -0.67 gaussiannb
  262. 1.73 y_validation -0.67 add_legend
  263. 1.73 x_train_scale -0.67 edgecolor
  264. 1.73 margin -0.67 max_colwidth
  265. 1.72 generation1 -0.67 pclass
  266. 1.72 my_generator -0.67 pred_test_y
  267. 1.72 max_seq_length -0.67 color_bgr2gray
  268. 1.71 drug -0.67 circle
  269. 1.71 annot_kws -0.66categorical_feature
  270. 1.71 self -0.66 test_imgs
  271. 1.71 scale_factor -0.66 add_to
  272. 1.70 applications -0.66 barmode
  273. 1.70min_child_weight -0.66 fi
  274. 1.70 time_start -0.66 x_reduced
  275. 1.70preprocess_text -0.66 run
  276. 1.70feature_columns -0.66 salary
  277. 1.69 keras -0.65 only_covid19
  278. 1.69 re -0.65 stacked
  279. 1.69df_benchmark_panel -0.65 plot_bgcolor
  280. 1.69 totals -0.65 accuracy
  281. 1.69 max_len -0.65 y_prediction
  282. 1.68combined_train_test -0.65 coronavirus
  283. 1.68 bow -0.65 pink
  284. 1.68 token_ids -0.65 reviews
  285. 1.68 cmap1 -0.65 test_preds
  286. 1.68 tokens -0.65 val_loss
  287. 1.67 df_aux -0.65 hole
  288. 1.67 molecule_name -0.64 adjusted_dates
  289. 1.67 ystart -0.64 lens
  290. 1.67 val_mae -0.64 requires_grad
  291. 1.67 with -0.64 365
  292. 1.66 day_ -0.64 sm
  293. 1.66 rainbow -0.64 species
  294. 1.66 techindicator -0.64 factorplot
  295. 1.66sample_augmentations -0.63 input_path
  296. 1.64 unstack -0.63 os
  297. 1.64 tweet -0.63 is
  298. 1.64 minneighbors -0.63 weekly_sales
  299. 1.64 scalefactor -0.63 y_pred_test
  300. 1.63emergency_vehicle -0.63covariate_shift
  301. 1.63 minmax_scale -0.63 x_new
  302. 1.63 review -0.62 checkpoint
  303. 1.63 test_x_scaled -0.62 xlsx
  304. 1.63legendary_generation3 -0.62 covariate
  305. 1.63scaled_train_data -0.62infer_datetime_format
  306. 1.62unscaled_inputs -0.62 df5
  307. 1.62data_preprocessed -0.62 spam
  308. 1.61unnormalize_transform -0.62 encrypted
  309. 1.60 tokens_a -0.62 train_sizes
  310. 1.60 onehot -0.62 embed
  311. 1.60 bubbleplot -0.61 dot
  312. 1.60 regr_dict -0.61 temp_dict
  313. 1.60 roi -0.61 case
  314. 1.60 reshape -0.61 df_iris
  315. 1.60prediction_arima_log -0.61 matcher
  316. 1.59 lr_best_scaled -0.61 datewise
  317. 1.59 mlp_train -0.61 xlabel
  318. 1.59 tmp -0.61min_samples_split
  319. 1.59 ascii -0.61 xm
  320. 1.59 pc -0.61param_distributions
  321. 1.59 512 -0.61 infected
  322. 1.59 sklearn -0.61 df_can
  323. 1.59 indexes -0.61 aspect
  324. 1.59 conv1d -0.61 titanic_train
  325. 1.59 my_pipeline -0.61 entry
  326. 1.58 scaled_testing -0.60 kde
  327. 1.58 astype -0.60 53
  328. 1.58scalar_coupling_constant -0.60 mydata
  329. 1.58 x_merged -0.60 225
  330. 1.58 marker -0.60 lengths
  331. 1.58plot_with_augmentation -0.60 df_credit
  332. 1.58globalaveragepooling1d -0.60 are
  333. 1.57 class_mode -0.60 corr_matrix
  334. 1.57 image_size -0.60 nn
  335. 1.57 suffixes -0.60 plot_numerical
  336. 1.57 cropped -0.60 test_raw
  337. 1.57 train2 -0.60 forecast
  338. 1.56text_preprocessing -0.60 parse_dates
  339. 1.56 motorcycle -0.60 there
  340. 1.56 uint8 -0.60 grid_search
  341. 1.56 runs -0.60 monitor
  342. 1.56 df_temp -0.59 extraction
  343. 1.55 lowercase -0.59 229
  344. 1.55 ordinalencoder -0.59 stopword
  345. 1.55 concated -0.59 cache
  346. 1.55 into -0.59 todays_date
  347. 1.55val_predictions -0.59 fgvc7
  348. 1.54 show_wordcloud -0.59 rmsle
  349. 1.54 df_merged2 -0.59 logarithmic
  350. 1.54 risk_with_inj -0.59 input
  351. 1.53 subsample -0.59 correlation
  352. 1.53 vocab_file -0.59 gstatic
  353. 1.53 val_df -0.59 patience
  354. 1.53 df_ -0.59 average
  355. 1.53preprocessing_function -0.58 public_test
  356. 1.53 load_img -0.58 df_train
  357. 1.53 timesteps -0.58 traces
  358. 1.52 cluster -0.58 meta_data
  359. 1.52 cropping -0.58 sizes
  360. 1.52 resize_image -0.58 json_file
  361. 1.52 color_mode -0.58 kf
  362. 1.52 site_id -0.58 data_df
  363. 1.52 context -0.58days_of_pace_keep
  364. 1.52 df_output -0.58 xaxis_title
  365. 1.52 scrollzoom -0.58 best_alpha
  366. 1.52 df_path -0.58 freq_dict
  367. 1.51 method -0.58 from_dict
  368. 1.51 0f -0.58 stripplot
  369. 1.51 scales -0.58 model_ft
  370. 1.50 movies_scaled -0.58 tbn0
  371. 1.50 statesdf -0.58 fillmissing
  372. 1.50 hover_name -0.58 components_
  373. 1.50 x_column -0.57transformermixin
  374. 1.50 set_xscale -0.57 df_tr
  375. 1.50 train3 -0.57 wheat
  376. 1.50 datashifting -0.57 ex
  377. 1.50 convert_dict -0.57samplewise_std_normalization
  378. 1.49 pipe -0.57 iris
  379. 1.49 retinopathy -0.57 club
  380. 1.49 crops_dir -0.57 append_trace
  381. 1.49 variables -0.57 daterep
  382. 1.49 sent -0.57 zomato
  383. 1.48y_log_normalized -0.57 tight_layout
  384. 1.48test_linear_pred -0.57 485
  385. 1.48 split_text -0.57 embed_size
  386. 1.48preprocessed_df -0.57 categorify
  387. 1.48 ft -0.57 tbn
  388. 1.48 treemap -0.56 delimiter
  389. 1.48 str -0.56 rfc
  390. 1.47 train_clean -0.56 check_output
  391. 1.47 sort_index -0.56 bigquery
  392. 1.47 maxlen -0.56 mean_encoding
  393. 1.47 tokenized_text -0.56 to_drop
  394. 1.47 merged_test_df -0.56 800
  395. 1.47 lightgbm -0.56 seri
  396. 1.46 df_normalized -0.56 rate
  397. 1.46 convertnum -0.56 cut
  398. 1.46 matchtype -0.56 tarih
  399. 1.46 scaler_x -0.56 input_word_ids
  400. 1.46 bert_encode -0.56 performance
  401. 1.46tests_merged_notna -0.56 va
  402. 1.45 country -0.55 bottom
  403. 1.45 comment_text -0.55 t0
  404. 1.45correlation_train -0.55 displacy
  405. 1.45 face -0.55 weights_lambda
  406. 1.45layout_coloraxis_showscale -0.55 sampler
  407. 1.45 directory -0.55 smoker
  408. 1.45 for -0.55 thresholds
  409. 1.44 iaa -0.55 logy
  410. 1.44 logging -0.55 sample
  411. 1.44testpredictplot -0.55 environ
  412. 1.44categorical_transformer -0.55 regression
  413. 1.44 33 -0.55embeddings_index
  414. 1.44 scale_data -0.55 w1
  415. 1.44 data_d -0.55 quality
  416. 1.44 fast_encode -0.55 df3
  417. 1.43preprocessed_comments_test -0.55cosine_similarity
  418. 1.43 scaled_train_x -0.55 file_list
  419. 1.43 names -0.55 listed_in
  420. 1.43train_val_merge -0.55 callback
  421. 1.43 urine -0.55 df_us
  422. 1.43 missing_data -0.55 select
  423. 1.43 submissions -0.54 sig_clf
  424. 1.43 data1_scaled -0.54samplewise_center
  425. 1.43 pixels -0.54 skew
  426. 1.43 num_vars -0.54 margins
  427. 1.42 grid_df -0.54 spectrograms
  428. 1.42 size_column -0.54 imread
  429. 1.42 convert_to_num -0.54 all_df
  430. 1.42 x_num -0.54 cased
  431. 1.42 lemmatization -0.54 yaxis_title
  432. 1.42 180 -0.54 collapsed
  433. 1.42 roberta_path -0.54 sns
  434. 1.42 tmp_df -0.54 yhat
  435. 1.41sentence_embeddings -0.54 v2
  436. 1.41 uniques -0.54bertwordpiecetokenizer
  437. 1.41 scale_id -0.54 bad
  438. 1.41legendary_generation1 -0.54 18
  439. 1.41user_suggestion -0.54 shops
  440. 1.41 expmax -0.54 updates
  441. 1.41 x_valid_scaled -0.54 board
  442. 1.41 bs -0.54 reported_date
  443. 1.41 imagenet_stats -0.54 train_index
  444. 1.41 colorbar_title -0.54 all_articles
  445. 1.40date_title_count -0.54 df_world
  446. 1.40 full_grouped -0.54 visualize
  447. 1.40 img0 -0.54 heart_df
  448. 1.40 merges_file -0.54 status
  449. 1.40test_purch_merged -0.54 model_cv
  450. 1.40 mergesort -0.54 rho
  451. 1.40train_data_normalized -0.53 totalcharges
  452. 1.39 diabetic -0.53 starts
  453. 1.39 one_hot_encode -0.53embedding_vector
  454. 1.39 empty -0.53 kaggledatasets
  455. 1.39 t_iter -0.53 trends
  456. 1.39 visualizer -0.53 iinfo
  457. 1.39 toarray -0.53 n_estimators
  458. 1.38 y_column -0.53 ols
  459. 1.38 x_full -0.53 mexico
  460. 1.38 pickle -0.53 image_dir
  461. 1.38 missing -0.53chained_assignment
  462. 1.37 x_temp -0.53 flag
  463. 1.37 augmentations -0.53 vc1
  464. 1.37 scaled_px -0.53 test_vectors
  465. 1.37 model_features -0.53 textposition
  466. 1.37bert_model_path -0.53 frequent
  467. 1.37 bubble_column -0.53 df2
  468. 1.36 blues -0.53 interp
  469. 1.36df_scaled_train -0.53gradientboostingregressor
  470. 1.36 deacc -0.53 train_df_final
  471. 1.36 scl -0.53 k_fold
  472. 1.36standard_scaler -0.52 recorder
  473. 1.36 doc_id -0.52 hint
  474. 1.36 to_frame -0.52 pytorch
  475. 1.36 total_df -0.52 keywords
  476. 1.35 go -0.52 test_ind
  477. 1.35 y_res_test -0.52 encoder
  478. 1.35 reader -0.52 model_1
  479. 1.35reason_category -0.52 logmodel
  480. 1.34 usecols -0.52 neural_network
  481. 1.34preprocess_string -0.52 ln
  482. 1.34 answer -0.52 sex
  483. 1.34 unknown -0.52 y_hat
  484. 1.34 diameter -0.52 pred_proba
  485. 1.34x_train_rescaled -0.52 app_train
  486. 1.34 scale_bubble -0.52 tick_params
  487. 1.34 preprocesser -0.52 fpath
  488. 1.34 robustscaler -0.52sparse_categorical_crossentropy
  489. 1.34 b64 -0.52 x_embedded
  490. 1.34 y_title -0.51 root_path
  491. 1.34kernel_initializer -0.51 openslide
  492. 1.34 new_array -0.51 png
  493. 1.33 blue_scaler -0.51 baseestimator
  494. 1.33 x_title -0.51featurewise_std_normalization
  495. 1.33 api -0.51 pull
  496. 1.33mis_val_table_ren_columns -0.51 all_json
  497. 1.33 batch_size -0.51 gtf
  498. 1.33 val_ix -0.51 classifiers
  499. 1.33papers_preprocessed_df -0.51 hit_dictionary
  500. 1.33 update_layout -0.51 vaccine
Tip!

Press p or to see the previous file or, n or to see the next file

Comments

Loading...