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

graph_v7.txt 6.2 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
  1. {
  2. "Hypothesis.statistical_test": ["shapiro(", "normaltest(", "anderson(", "pearsonr(", "spearmanr(", "kendalltau(", "chi2_contingency(", "adfuller(", "kpss(", "ttest_ind"],
  3. "Hyperparam_Tuning.choose_model_class": [".get_params().*?classifier"],
  4. "Hypothesis.pipeline_type_spec": ["YAML", "yaml"],
  5. "Environment.import_modules": ["import \\w+ as \\w+", "import \\w+", "from \\w+ import \\w+", "from \\w+ import \\w+ as \\w+"],
  6. "Environment.set_options": ["os.environ", " pd.set_option"],
  7. "Environment.get_options": [".get_config_var"],
  8. "Data_Extraction.load_from_url":["read_html"],
  9. "Data_Extraction.load_from_sql": ["read_sql"],
  10. "Data_Extraction.load_from_disk": ["read_fwf", "read_json", "read_clipboard", "read_excel", "read_hdf", "read_feather", "read_parquet", "read_orc", "read_msgpack", "read_stata", "read_sas", "read_spss", "read_pickle", "read_gbq"],
  11. "Data_Extraction.load_from_csv": ["read_csv"],
  12. "EDA.show_table": [".head", ".tail"],
  13. "EDA.show_table_attributes": [".columns", ".index"],
  14. "EDA.count_missing_values": [".isnull().sum"],
  15. "EDA.count_duplicates": ["len(\\w+)[ ]{0,1}-[ ]{0,1}len(\\w+).drop_duplicates"],
  16. "EDA.count_data_types": [".dtypes.value_counts("],
  17. "EDA.count_unique_values": [".nunique"],
  18. "EDA.get_unique_values": [".unique"],
  19. "EDA.show_shape": [".shape$", ".shape[.*]$"],
  20. "Data_Transform.create_dataframe": ["DataFrame"],
  21. "Data_Transform.remove_duplicates": ["drop_duplicates"],
  22. "Data_Transform.correct_missing_values": ["fillna", "SimpleImputer(missing_values="],
  23. "Data_Transform.normalization": ["normalize(", "StandartScaler(", "RobustScaler(", "MinMaxScaler(", "mean(\\w+)[ ]{0, 1}/[ ]{0, 1}std", "mean(\\w+))[ ]{0, 1}/[ ]{0, 1}np.std", ".mean()/[ ]{0, 1}[ ]{0, 1}/[ ]{0, 1}\\w+.std", "mean())/[ ]{0, 1}/[ ]{0, 1}\\w+.std"],
  24. "Data_Transform.data_type_conversions": ["to_numeric", "astype", "to_datetime", "to_timedelta", "infer_objects", "convert_dtypes"],
  25. "Data_Transform.randomize_order": [".random.shuffle"],
  26. "Data_Transform.split": [".split", "KFold("],
  27. "Data_Transform.filter": [".loc[\\w[ ]{0, 1}==]", ".loc[\\w[ ]{0, 1}>]", ".loc[\\w[ ]{0, 1}<]", ".iloc[\\w[ ]{0, 1}==]", ".iloc[\\w[ ]{0, 1}>]", ".iloc[\\w[ ]{0, 1}<]"],
  28. "Data_Transform.concatenate": ["concatenate"],
  29. "Data_Transform.drop_column": ["drop_column"],
  30. "Data_Transform.sort_values": ["sort_values"],
  31. "Data_Transform.feature_engineering": ["OneHotEncoder(", "Binarizer(", "FunctionTransformer(", "KBinsDiscretizer(", "KernelCenterer(", "LabelBinarizer(", "LabelEncoder(", "MultiLabelBinarizer(", "MaxAbsScaler(", "MinMaxScaler(", "Normalizer(", "OrdinalEncoder(", "PolynomialFeatures(", "PowerTransformer(", "QuantileTransformer(", "binarize(", "label_binarize(", "power_transform(", ".apply("],
  32. "Data_Transform.to_dummies":["get_dummies(", "add_dummy_feature("],
  33. "Data_Transform.prepare_x_and_y": ["\\w+x, \\w+y ="],
  34. "Data_Transform.categorify": ["Categorify"],
  35. "Data_Transform.augment":["augment", ".RandomFlip", ".RandomRotation", ".RandomHorizontalFlip", ".RandomColorJitter", "Augmentor.", "DeepAugment("],
  36. "Data_Transform.merge": [".merge"],
  37. "Data_Transform.groupby":[".groupby("],
  38. "Data_Transform.rename_columns":[".rename(columns", ".rename(.*columns.*)$", ".rename(.*axis=1)$"],
  39. "Model_Train.choose_model_class": ["LinearRegression(", "RandomForest(", "Ridge(", "RidgeCV(", "RidgeClassifier(", "RidgeClassifierCV(", "SGD(", "LogisticRegression(", "LogisticRegressionCV(", "SVC(", "SVR(", "Layer(", "XGboost(", "LGBM(", "Perceptron(", "KNeighborsRegressor(", "KNeighborsClassifier(", "SGDRegressor(", "ElasticNet(", "KMeans(", "AgglomerativeClustering(", "SpectralClustering(", "CategoricalNB(", "ComplementNB(", "DecisionTreeClassifier(", "DecisionTreeRegressor(", "Lasso(", "CatBoost(", "ElasticNetCV(", "Dense(", "Activation(", "Embedding(", "Masking(", "Lambda(", "Conv\\dD(", "SeparableConv\\dD(", "DepthwiseConv\\dD(", "Conv\\dDTranspose(", "MaxPooling\\dD(", "AveragePooling\\dD(", "GlobalPooling\\dD(", "GlobalAveragePooling\\dD(", "LSTM(", "GRU(", "RNN(", "SimpleRNN(", "Bidirectional(", "ConvLSTM2D(", "CategoryEncoding(", "CategoryCrossing(", "BatchNormalization(", "LayerNormalization(", "Dropout(", "SpatialDropout\\dD(", "GaussianDropout(", "GaussianNoise(", "ActivityRegularization(", "AlphaDropout(", "Attention(", "AdditiveAttention(", "Cropping\\dD(", "UpSampling\\dD(", "ZeroPadding\\dD(", "LocallyConnected\\dD(", "ReLU(", "Softmax(", "LeakyReLU(", "PReLU(", "ELU(", "ThresholdedReLU("],
  40. "Model_Train.train_model": [".fit("],
  41. "Model_Train.metric_computation": ["history[\"loss\"]", "history[\"accuracy\"]"],
  42. "Model_Train.predict": [".predict(", ".predict_proba("],
  43. "Model_Train.load_pretrained":["torch.load(", "load_tf_weights", "from_tf", ".from_pretrained("],
  44. "Model_Train.init_hyperparams": [".set_params("],
  45. "Model_Evaluation.compute_test_metric": ["KLDivergence class", "kl_divergence function", "MeanSquaredError", "MeanAbsoluteError", "mean_squared_error", "MeanAbsolutePercentageError", "MeanSquaredLogarithmicError", "CosineSimilarity", "mean_absolute_error", "mean_absolute_percentage_error", "mean_squared_logarithmic_error", "huber", "holdout"],
  46. "Model_Evaluation.predict_on_test": [".predict(test", ".predict(\\w+test", ".predict_proba(test", ".predict_proba(\\w+test"],
  47. "Model_Interpretation.get_coefficients": [".coef_"],
  48. "Hyperparam_Tuning.find_best_score": [ "best_score_"],
  49. "Hyperparam_Tuning.find_best_params": [".best_params_", ".best_params", "best_index_"],
  50. "Hyperparam_Tuning.find_best_model_class": ["for model\\w+ in", "for \\w+model in", "best_estimator_"],
  51. "Hyperparam_Tuning.train_on_grid": ["GridSearchCV("],
  52. "Hyperparam_Tuning.define_search_space": ["hp.choice(", "hp.uniform(", "hp.randint(", "hp.quniform(", "hp.loguniform(", "hp.qloguniform(", "hp.normal(", "hp.qnormal(", "hp.lognormal(", "hp.qlognormal("],
  53. "Hyperparam_Tuning.fit_one_cycle": ["fit_one_cycle("],
  54. "Visualization.learning_history": ["plot(\\w+history"],
  55. "Visualization.distribution": ["distplot(", ".heatmap", ".hist"],
  56. "Visualization.wandb": ["wandb"],
  57. "Visualization.missing_values": ["msno."],
  58. "Visualization.plot_predictions": ["plot(.*test", "plot(.*pred"],
  59. "Data_Export.save_to_csv": ["to_csv"],
  60. "Production.send_to_prod_environment": ["kaggle competitions submit"],
  61. "Production.save_weights": ["save_weights("]
  62. }
Tip!

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

Comments

Loading...