teradataml 17.20.0.6__py3-none-any.whl → 20.0.0.0__py3-none-any.whl
This diff represents the content of publicly available package versions that have been released to one of the supported registries. The information contained in this diff is provided for informational purposes only and reflects changes between package versions as they appear in their respective public registries.
Potentially problematic release.
This version of teradataml might be problematic. Click here for more details.
- teradataml/LICENSE-3RD-PARTY.pdf +0 -0
- teradataml/LICENSE.pdf +0 -0
- teradataml/README.md +238 -1
- teradataml/__init__.py +13 -3
- teradataml/_version.py +1 -1
- teradataml/analytics/Transformations.py +4 -4
- teradataml/analytics/__init__.py +0 -2
- teradataml/analytics/analytic_function_executor.py +3 -0
- teradataml/analytics/json_parser/utils.py +13 -12
- teradataml/analytics/sqle/DecisionTreePredict.py +15 -30
- teradataml/analytics/sqle/NaiveBayesPredict.py +11 -20
- teradataml/analytics/sqle/__init__.py +0 -13
- teradataml/analytics/utils.py +1 -0
- teradataml/analytics/valib.py +3 -0
- teradataml/automl/__init__.py +1628 -0
- teradataml/automl/custom_json_utils.py +1270 -0
- teradataml/automl/data_preparation.py +993 -0
- teradataml/automl/data_transformation.py +727 -0
- teradataml/automl/feature_engineering.py +1648 -0
- teradataml/automl/feature_exploration.py +547 -0
- teradataml/automl/model_evaluation.py +163 -0
- teradataml/automl/model_training.py +887 -0
- teradataml/catalog/__init__.py +0 -2
- teradataml/catalog/byom.py +49 -6
- teradataml/catalog/function_argument_mapper.py +0 -2
- teradataml/catalog/model_cataloging_utils.py +2 -1021
- teradataml/common/aed_utils.py +6 -2
- teradataml/common/constants.py +50 -58
- teradataml/common/deprecations.py +160 -0
- teradataml/common/garbagecollector.py +61 -104
- teradataml/common/messagecodes.py +27 -36
- teradataml/common/messages.py +11 -15
- teradataml/common/utils.py +205 -287
- teradataml/common/wrapper_utils.py +1 -110
- teradataml/context/context.py +150 -78
- teradataml/data/bank_churn.csv +10001 -0
- teradataml/data/bmi.csv +501 -0
- teradataml/data/docs/sqle/docs_17_10/BincodeFit.py +3 -3
- teradataml/data/docs/sqle/docs_17_10/BincodeTransform.py +6 -5
- teradataml/data/docs/sqle/docs_17_10/Fit.py +1 -1
- teradataml/data/docs/sqle/docs_17_10/OneHotEncodingTransform.py +1 -1
- teradataml/data/docs/sqle/docs_17_10/OutlierFilterTransform.py +1 -1
- teradataml/data/docs/sqle/docs_17_10/PolynomialFeaturesTransform.py +2 -2
- teradataml/data/docs/sqle/docs_17_10/RowNormalizeTransform.py +2 -1
- teradataml/data/docs/sqle/docs_17_10/ScaleTransform.py +1 -0
- teradataml/data/docs/sqle/docs_17_10/SimpleImputeTransform.py +1 -1
- teradataml/data/docs/sqle/docs_17_10/Transform.py +2 -1
- teradataml/data/docs/sqle/docs_17_20/BincodeFit.py +3 -3
- teradataml/data/docs/sqle/docs_17_20/BincodeTransform.py +6 -5
- teradataml/data/docs/sqle/docs_17_20/Fit.py +1 -1
- teradataml/data/docs/sqle/docs_17_20/GLM.py +1 -1
- teradataml/data/docs/sqle/docs_17_20/GLMPredictPerSegment.py +9 -10
- teradataml/data/docs/sqle/docs_17_20/KMeansPredict.py +3 -2
- teradataml/data/docs/sqle/docs_17_20/NaiveBayesTextClassifierPredict.py +16 -15
- teradataml/data/docs/sqle/docs_17_20/NaiveBayesTextClassifierTrainer.py +2 -2
- teradataml/data/docs/sqle/docs_17_20/NonLinearCombineFit.py +2 -2
- teradataml/data/docs/sqle/docs_17_20/NonLinearCombineTransform.py +8 -8
- teradataml/data/docs/sqle/docs_17_20/OneClassSVMPredict.py +21 -20
- teradataml/data/docs/sqle/docs_17_20/OneHotEncodingTransform.py +1 -1
- teradataml/data/docs/sqle/docs_17_20/OutlierFilterTransform.py +8 -3
- teradataml/data/docs/sqle/docs_17_20/PolynomialFeaturesTransform.py +6 -5
- teradataml/data/docs/sqle/docs_17_20/RandomProjectionTransform.py +6 -6
- teradataml/data/docs/sqle/docs_17_20/RowNormalizeTransform.py +2 -1
- teradataml/data/docs/sqle/docs_17_20/SVM.py +1 -1
- teradataml/data/docs/sqle/docs_17_20/SVMPredict.py +16 -16
- teradataml/data/docs/sqle/docs_17_20/ScaleTransform.py +1 -0
- teradataml/data/docs/sqle/docs_17_20/SimpleImputeTransform.py +3 -2
- teradataml/data/docs/sqle/docs_17_20/TDDecisionForestPredict.py +4 -4
- teradataml/data/docs/sqle/docs_17_20/TDGLMPredict.py +19 -19
- teradataml/data/docs/sqle/docs_17_20/TargetEncodingTransform.py +5 -4
- teradataml/data/docs/sqle/docs_17_20/Transform.py +2 -2
- teradataml/data/docs/sqle/docs_17_20/XGBoostPredict.py +9 -9
- teradataml/data/fish.csv +160 -0
- teradataml/data/glass_types.csv +215 -0
- teradataml/data/insurance.csv +1 -1
- teradataml/data/iris_data.csv +151 -0
- teradataml/data/jsons/sqle/17.10/TD_FunctionTransform.json +1 -0
- teradataml/data/jsons/sqle/17.10/TD_OneHotEncodingTransform.json +1 -0
- teradataml/data/jsons/sqle/17.10/TD_OutlierFilterTransform.json +1 -0
- teradataml/data/jsons/sqle/17.10/TD_PolynomialFeaturesTransform.json +1 -0
- teradataml/data/jsons/sqle/17.10/TD_RowNormalizeTransform.json +1 -0
- teradataml/data/jsons/sqle/17.10/TD_ScaleTransform.json +1 -0
- teradataml/data/jsons/sqle/17.10/TD_SimpleImputeTransform.json +1 -0
- teradataml/data/load_example_data.py +3 -0
- teradataml/data/multi_model_classification.csv +401 -0
- teradataml/data/multi_model_regression.csv +401 -0
- teradataml/data/openml_example.json +63 -0
- teradataml/data/scripts/deploy_script.py +65 -0
- teradataml/data/scripts/mapper.R +20 -0
- teradataml/data/scripts/sklearn/__init__.py +0 -0
- teradataml/data/scripts/sklearn/sklearn_fit.py +175 -0
- teradataml/data/scripts/sklearn/sklearn_fit_predict.py +135 -0
- teradataml/data/scripts/sklearn/sklearn_function.template +113 -0
- teradataml/data/scripts/sklearn/sklearn_model_selection_split.py +158 -0
- teradataml/data/scripts/sklearn/sklearn_neighbors.py +152 -0
- teradataml/data/scripts/sklearn/sklearn_score.py +128 -0
- teradataml/data/scripts/sklearn/sklearn_transform.py +179 -0
- teradataml/data/templates/open_source_ml.json +9 -0
- teradataml/data/teradataml_example.json +73 -1
- teradataml/data/test_classification.csv +101 -0
- teradataml/data/test_prediction.csv +101 -0
- teradataml/data/test_regression.csv +101 -0
- teradataml/data/train_multiclass.csv +101 -0
- teradataml/data/train_regression.csv +101 -0
- teradataml/data/train_regression_multiple_labels.csv +101 -0
- teradataml/data/wine_data.csv +1600 -0
- teradataml/dataframe/copy_to.py +79 -13
- teradataml/dataframe/data_transfer.py +8 -0
- teradataml/dataframe/dataframe.py +910 -311
- teradataml/dataframe/dataframe_utils.py +102 -5
- teradataml/dataframe/fastload.py +11 -3
- teradataml/dataframe/setop.py +15 -2
- teradataml/dataframe/sql.py +3735 -77
- teradataml/dataframe/sql_function_parameters.py +56 -5
- teradataml/dataframe/vantage_function_types.py +45 -1
- teradataml/dataframe/window.py +30 -29
- teradataml/dbutils/dbutils.py +18 -1
- teradataml/geospatial/geodataframe.py +18 -7
- teradataml/geospatial/geodataframecolumn.py +5 -0
- teradataml/hyperparameter_tuner/optimizer.py +910 -120
- teradataml/hyperparameter_tuner/utils.py +131 -37
- teradataml/lib/aed_0_1.dll +0 -0
- teradataml/lib/libaed_0_1.dylib +0 -0
- teradataml/lib/libaed_0_1.so +0 -0
- teradataml/libaed_0_1.dylib +0 -0
- teradataml/libaed_0_1.so +0 -0
- teradataml/opensource/__init__.py +1 -0
- teradataml/opensource/sklearn/__init__.py +1 -0
- teradataml/opensource/sklearn/_class.py +255 -0
- teradataml/opensource/sklearn/_sklearn_wrapper.py +1668 -0
- teradataml/opensource/sklearn/_wrapper_utils.py +268 -0
- teradataml/opensource/sklearn/constants.py +54 -0
- teradataml/options/__init__.py +3 -6
- teradataml/options/configure.py +21 -20
- teradataml/scriptmgmt/UserEnv.py +61 -5
- teradataml/scriptmgmt/lls_utils.py +135 -53
- teradataml/table_operators/Apply.py +38 -6
- teradataml/table_operators/Script.py +45 -308
- teradataml/table_operators/TableOperator.py +182 -591
- teradataml/table_operators/__init__.py +0 -1
- teradataml/table_operators/table_operator_util.py +32 -40
- teradataml/utils/validators.py +127 -3
- {teradataml-17.20.0.6.dist-info → teradataml-20.0.0.0.dist-info}/METADATA +243 -3
- {teradataml-17.20.0.6.dist-info → teradataml-20.0.0.0.dist-info}/RECORD +147 -391
- teradataml/analytics/mle/AdaBoost.py +0 -651
- teradataml/analytics/mle/AdaBoostPredict.py +0 -564
- teradataml/analytics/mle/Antiselect.py +0 -342
- teradataml/analytics/mle/Arima.py +0 -641
- teradataml/analytics/mle/ArimaPredict.py +0 -477
- teradataml/analytics/mle/Attribution.py +0 -1070
- teradataml/analytics/mle/Betweenness.py +0 -658
- teradataml/analytics/mle/Burst.py +0 -711
- teradataml/analytics/mle/CCM.py +0 -600
- teradataml/analytics/mle/CCMPrepare.py +0 -324
- teradataml/analytics/mle/CFilter.py +0 -460
- teradataml/analytics/mle/ChangePointDetection.py +0 -572
- teradataml/analytics/mle/ChangePointDetectionRT.py +0 -477
- teradataml/analytics/mle/Closeness.py +0 -737
- teradataml/analytics/mle/ConfusionMatrix.py +0 -420
- teradataml/analytics/mle/Correlation.py +0 -477
- teradataml/analytics/mle/Correlation2.py +0 -573
- teradataml/analytics/mle/CoxHazardRatio.py +0 -679
- teradataml/analytics/mle/CoxPH.py +0 -556
- teradataml/analytics/mle/CoxSurvival.py +0 -478
- teradataml/analytics/mle/CumulativeMovAvg.py +0 -363
- teradataml/analytics/mle/DTW.py +0 -623
- teradataml/analytics/mle/DWT.py +0 -564
- teradataml/analytics/mle/DWT2D.py +0 -599
- teradataml/analytics/mle/DecisionForest.py +0 -716
- teradataml/analytics/mle/DecisionForestEvaluator.py +0 -363
- teradataml/analytics/mle/DecisionForestPredict.py +0 -561
- teradataml/analytics/mle/DecisionTree.py +0 -830
- teradataml/analytics/mle/DecisionTreePredict.py +0 -528
- teradataml/analytics/mle/ExponentialMovAvg.py +0 -418
- teradataml/analytics/mle/FMeasure.py +0 -402
- teradataml/analytics/mle/FPGrowth.py +0 -734
- teradataml/analytics/mle/FrequentPaths.py +0 -695
- teradataml/analytics/mle/GLM.py +0 -558
- teradataml/analytics/mle/GLML1L2.py +0 -547
- teradataml/analytics/mle/GLML1L2Predict.py +0 -519
- teradataml/analytics/mle/GLMPredict.py +0 -529
- teradataml/analytics/mle/HMMDecoder.py +0 -945
- teradataml/analytics/mle/HMMEvaluator.py +0 -901
- teradataml/analytics/mle/HMMSupervised.py +0 -521
- teradataml/analytics/mle/HMMUnsupervised.py +0 -572
- teradataml/analytics/mle/Histogram.py +0 -561
- teradataml/analytics/mle/IDWT.py +0 -476
- teradataml/analytics/mle/IDWT2D.py +0 -493
- teradataml/analytics/mle/IdentityMatch.py +0 -763
- teradataml/analytics/mle/Interpolator.py +0 -918
- teradataml/analytics/mle/KMeans.py +0 -485
- teradataml/analytics/mle/KNN.py +0 -627
- teradataml/analytics/mle/KNNRecommender.py +0 -488
- teradataml/analytics/mle/KNNRecommenderPredict.py +0 -581
- teradataml/analytics/mle/LAR.py +0 -439
- teradataml/analytics/mle/LARPredict.py +0 -478
- teradataml/analytics/mle/LDA.py +0 -548
- teradataml/analytics/mle/LDAInference.py +0 -492
- teradataml/analytics/mle/LDATopicSummary.py +0 -464
- teradataml/analytics/mle/LevenshteinDistance.py +0 -450
- teradataml/analytics/mle/LinReg.py +0 -433
- teradataml/analytics/mle/LinRegPredict.py +0 -438
- teradataml/analytics/mle/MinHash.py +0 -544
- teradataml/analytics/mle/Modularity.py +0 -587
- teradataml/analytics/mle/NEREvaluator.py +0 -410
- teradataml/analytics/mle/NERExtractor.py +0 -595
- teradataml/analytics/mle/NERTrainer.py +0 -458
- teradataml/analytics/mle/NGrams.py +0 -570
- teradataml/analytics/mle/NPath.py +0 -634
- teradataml/analytics/mle/NTree.py +0 -549
- teradataml/analytics/mle/NaiveBayes.py +0 -462
- teradataml/analytics/mle/NaiveBayesPredict.py +0 -513
- teradataml/analytics/mle/NaiveBayesTextClassifier.py +0 -607
- teradataml/analytics/mle/NaiveBayesTextClassifier2.py +0 -531
- teradataml/analytics/mle/NaiveBayesTextClassifierPredict.py +0 -799
- teradataml/analytics/mle/NamedEntityFinder.py +0 -529
- teradataml/analytics/mle/NamedEntityFinderEvaluator.py +0 -414
- teradataml/analytics/mle/NamedEntityFinderTrainer.py +0 -396
- teradataml/analytics/mle/POSTagger.py +0 -417
- teradataml/analytics/mle/Pack.py +0 -411
- teradataml/analytics/mle/PageRank.py +0 -535
- teradataml/analytics/mle/PathAnalyzer.py +0 -426
- teradataml/analytics/mle/PathGenerator.py +0 -367
- teradataml/analytics/mle/PathStart.py +0 -464
- teradataml/analytics/mle/PathSummarizer.py +0 -470
- teradataml/analytics/mle/Pivot.py +0 -471
- teradataml/analytics/mle/ROC.py +0 -425
- teradataml/analytics/mle/RandomSample.py +0 -637
- teradataml/analytics/mle/RandomWalkSample.py +0 -490
- teradataml/analytics/mle/SAX.py +0 -779
- teradataml/analytics/mle/SVMDense.py +0 -677
- teradataml/analytics/mle/SVMDensePredict.py +0 -536
- teradataml/analytics/mle/SVMDenseSummary.py +0 -437
- teradataml/analytics/mle/SVMSparse.py +0 -557
- teradataml/analytics/mle/SVMSparsePredict.py +0 -553
- teradataml/analytics/mle/SVMSparseSummary.py +0 -435
- teradataml/analytics/mle/Sampling.py +0 -549
- teradataml/analytics/mle/Scale.py +0 -565
- teradataml/analytics/mle/ScaleByPartition.py +0 -496
- teradataml/analytics/mle/ScaleMap.py +0 -378
- teradataml/analytics/mle/ScaleSummary.py +0 -320
- teradataml/analytics/mle/SentenceExtractor.py +0 -363
- teradataml/analytics/mle/SentimentEvaluator.py +0 -432
- teradataml/analytics/mle/SentimentExtractor.py +0 -578
- teradataml/analytics/mle/SentimentTrainer.py +0 -405
- teradataml/analytics/mle/SeriesSplitter.py +0 -641
- teradataml/analytics/mle/Sessionize.py +0 -475
- teradataml/analytics/mle/SimpleMovAvg.py +0 -397
- teradataml/analytics/mle/StringSimilarity.py +0 -425
- teradataml/analytics/mle/TF.py +0 -389
- teradataml/analytics/mle/TFIDF.py +0 -504
- teradataml/analytics/mle/TextChunker.py +0 -414
- teradataml/analytics/mle/TextClassifier.py +0 -399
- teradataml/analytics/mle/TextClassifierEvaluator.py +0 -413
- teradataml/analytics/mle/TextClassifierTrainer.py +0 -565
- teradataml/analytics/mle/TextMorph.py +0 -494
- teradataml/analytics/mle/TextParser.py +0 -623
- teradataml/analytics/mle/TextTagger.py +0 -530
- teradataml/analytics/mle/TextTokenizer.py +0 -502
- teradataml/analytics/mle/UnivariateStatistics.py +0 -488
- teradataml/analytics/mle/Unpack.py +0 -526
- teradataml/analytics/mle/Unpivot.py +0 -438
- teradataml/analytics/mle/VarMax.py +0 -776
- teradataml/analytics/mle/VectorDistance.py +0 -762
- teradataml/analytics/mle/WeightedMovAvg.py +0 -400
- teradataml/analytics/mle/XGBoost.py +0 -842
- teradataml/analytics/mle/XGBoostPredict.py +0 -627
- teradataml/analytics/mle/__init__.py +0 -123
- teradataml/analytics/mle/json/adaboost_mle.json +0 -135
- teradataml/analytics/mle/json/adaboostpredict_mle.json +0 -85
- teradataml/analytics/mle/json/antiselect_mle.json +0 -34
- teradataml/analytics/mle/json/antiselect_mle_mle.json +0 -34
- teradataml/analytics/mle/json/arima_mle.json +0 -172
- teradataml/analytics/mle/json/arimapredict_mle.json +0 -52
- teradataml/analytics/mle/json/attribution_mle_mle.json +0 -143
- teradataml/analytics/mle/json/betweenness_mle.json +0 -97
- teradataml/analytics/mle/json/burst_mle.json +0 -140
- teradataml/analytics/mle/json/ccm_mle.json +0 -124
- teradataml/analytics/mle/json/ccmprepare_mle.json +0 -14
- teradataml/analytics/mle/json/cfilter_mle.json +0 -93
- teradataml/analytics/mle/json/changepointdetection_mle.json +0 -92
- teradataml/analytics/mle/json/changepointdetectionrt_mle.json +0 -78
- teradataml/analytics/mle/json/closeness_mle.json +0 -104
- teradataml/analytics/mle/json/confusionmatrix_mle.json +0 -79
- teradataml/analytics/mle/json/correlation_mle.json +0 -86
- teradataml/analytics/mle/json/correlationreduce_mle.json +0 -49
- teradataml/analytics/mle/json/coxhazardratio_mle.json +0 -89
- teradataml/analytics/mle/json/coxph_mle.json +0 -98
- teradataml/analytics/mle/json/coxsurvival_mle.json +0 -79
- teradataml/analytics/mle/json/cumulativemovavg_mle.json +0 -34
- teradataml/analytics/mle/json/decisionforest_mle.json +0 -167
- teradataml/analytics/mle/json/decisionforestevaluator_mle.json +0 -33
- teradataml/analytics/mle/json/decisionforestpredict_mle_mle.json +0 -74
- teradataml/analytics/mle/json/decisiontree_mle.json +0 -194
- teradataml/analytics/mle/json/decisiontreepredict_mle_mle.json +0 -86
- teradataml/analytics/mle/json/dtw_mle.json +0 -97
- teradataml/analytics/mle/json/dwt2d_mle.json +0 -116
- teradataml/analytics/mle/json/dwt_mle.json +0 -101
- teradataml/analytics/mle/json/exponentialmovavg_mle.json +0 -55
- teradataml/analytics/mle/json/fmeasure_mle.json +0 -58
- teradataml/analytics/mle/json/fpgrowth_mle.json +0 -159
- teradataml/analytics/mle/json/frequentpaths_mle.json +0 -129
- teradataml/analytics/mle/json/glm_mle.json +0 -111
- teradataml/analytics/mle/json/glml1l2_mle.json +0 -106
- teradataml/analytics/mle/json/glml1l2predict_mle.json +0 -57
- teradataml/analytics/mle/json/glmpredict_mle_mle.json +0 -74
- teradataml/analytics/mle/json/histogram_mle.json +0 -100
- teradataml/analytics/mle/json/hmmdecoder_mle.json +0 -192
- teradataml/analytics/mle/json/hmmevaluator_mle.json +0 -206
- teradataml/analytics/mle/json/hmmsupervised_mle.json +0 -91
- teradataml/analytics/mle/json/hmmunsupervised_mle.json +0 -114
- teradataml/analytics/mle/json/identitymatch_mle.json +0 -88
- teradataml/analytics/mle/json/idwt2d_mle.json +0 -73
- teradataml/analytics/mle/json/idwt_mle.json +0 -66
- teradataml/analytics/mle/json/interpolator_mle.json +0 -151
- teradataml/analytics/mle/json/kmeans_mle.json +0 -97
- teradataml/analytics/mle/json/knn_mle.json +0 -141
- teradataml/analytics/mle/json/knnrecommender_mle.json +0 -111
- teradataml/analytics/mle/json/knnrecommenderpredict_mle.json +0 -75
- teradataml/analytics/mle/json/lar_mle.json +0 -78
- teradataml/analytics/mle/json/larpredict_mle.json +0 -69
- teradataml/analytics/mle/json/lda_mle.json +0 -130
- teradataml/analytics/mle/json/ldainference_mle.json +0 -78
- teradataml/analytics/mle/json/ldatopicsummary_mle.json +0 -64
- teradataml/analytics/mle/json/levenshteindistance_mle.json +0 -92
- teradataml/analytics/mle/json/linreg_mle.json +0 -42
- teradataml/analytics/mle/json/linregpredict_mle.json +0 -56
- teradataml/analytics/mle/json/minhash_mle.json +0 -113
- teradataml/analytics/mle/json/modularity_mle.json +0 -91
- teradataml/analytics/mle/json/naivebayespredict_mle_mle.json +0 -85
- teradataml/analytics/mle/json/naivebayesreduce_mle.json +0 -52
- teradataml/analytics/mle/json/naivebayestextclassifierpredict_mle_mle.json +0 -147
- teradataml/analytics/mle/json/naivebayestextclassifiertrainer2_mle.json +0 -108
- teradataml/analytics/mle/json/naivebayestextclassifiertrainer_mle.json +0 -102
- teradataml/analytics/mle/json/namedentityfinder_mle.json +0 -84
- teradataml/analytics/mle/json/namedentityfinderevaluatorreduce_mle.json +0 -43
- teradataml/analytics/mle/json/namedentityfindertrainer_mle.json +0 -64
- teradataml/analytics/mle/json/nerevaluator_mle.json +0 -54
- teradataml/analytics/mle/json/nerextractor_mle.json +0 -87
- teradataml/analytics/mle/json/nertrainer_mle.json +0 -89
- teradataml/analytics/mle/json/ngrams_mle.json +0 -137
- teradataml/analytics/mle/json/ngramsplitter_mle_mle.json +0 -137
- teradataml/analytics/mle/json/npath@coprocessor_mle.json +0 -73
- teradataml/analytics/mle/json/ntree@coprocessor_mle.json +0 -123
- teradataml/analytics/mle/json/pack_mle.json +0 -58
- teradataml/analytics/mle/json/pack_mle_mle.json +0 -58
- teradataml/analytics/mle/json/pagerank_mle.json +0 -81
- teradataml/analytics/mle/json/pathanalyzer_mle.json +0 -63
- teradataml/analytics/mle/json/pathgenerator_mle.json +0 -40
- teradataml/analytics/mle/json/pathstart_mle.json +0 -62
- teradataml/analytics/mle/json/pathsummarizer_mle.json +0 -72
- teradataml/analytics/mle/json/pivoting_mle.json +0 -71
- teradataml/analytics/mle/json/postagger_mle.json +0 -51
- teradataml/analytics/mle/json/randomsample_mle.json +0 -131
- teradataml/analytics/mle/json/randomwalksample_mle.json +0 -85
- teradataml/analytics/mle/json/roc_mle.json +0 -73
- teradataml/analytics/mle/json/sampling_mle.json +0 -75
- teradataml/analytics/mle/json/sax_mle.json +0 -154
- teradataml/analytics/mle/json/scale_mle.json +0 -93
- teradataml/analytics/mle/json/scalebypartition_mle.json +0 -89
- teradataml/analytics/mle/json/scalemap_mle.json +0 -44
- teradataml/analytics/mle/json/scalesummary_mle.json +0 -14
- teradataml/analytics/mle/json/sentenceextractor_mle.json +0 -41
- teradataml/analytics/mle/json/sentimentevaluator_mle.json +0 -43
- teradataml/analytics/mle/json/sentimentextractor_mle.json +0 -100
- teradataml/analytics/mle/json/sentimenttrainer_mle.json +0 -68
- teradataml/analytics/mle/json/seriessplitter_mle.json +0 -133
- teradataml/analytics/mle/json/sessionize_mle_mle.json +0 -62
- teradataml/analytics/mle/json/simplemovavg_mle.json +0 -48
- teradataml/analytics/mle/json/stringsimilarity_mle.json +0 -50
- teradataml/analytics/mle/json/stringsimilarity_mle_mle.json +0 -50
- teradataml/analytics/mle/json/svmdense_mle.json +0 -165
- teradataml/analytics/mle/json/svmdensepredict_mle.json +0 -95
- teradataml/analytics/mle/json/svmdensesummary_mle.json +0 -58
- teradataml/analytics/mle/json/svmsparse_mle.json +0 -148
- teradataml/analytics/mle/json/svmsparsepredict_mle_mle.json +0 -103
- teradataml/analytics/mle/json/svmsparsesummary_mle.json +0 -57
- teradataml/analytics/mle/json/textchunker_mle.json +0 -40
- teradataml/analytics/mle/json/textclassifier_mle.json +0 -51
- teradataml/analytics/mle/json/textclassifierevaluator_mle.json +0 -43
- teradataml/analytics/mle/json/textclassifiertrainer_mle.json +0 -103
- teradataml/analytics/mle/json/textmorph_mle.json +0 -63
- teradataml/analytics/mle/json/textparser_mle.json +0 -166
- teradataml/analytics/mle/json/texttagger_mle.json +0 -81
- teradataml/analytics/mle/json/texttokenizer_mle.json +0 -91
- teradataml/analytics/mle/json/tf_mle.json +0 -33
- teradataml/analytics/mle/json/tfidf_mle.json +0 -34
- teradataml/analytics/mle/json/univariatestatistics_mle.json +0 -81
- teradataml/analytics/mle/json/unpack_mle.json +0 -91
- teradataml/analytics/mle/json/unpack_mle_mle.json +0 -91
- teradataml/analytics/mle/json/unpivoting_mle.json +0 -63
- teradataml/analytics/mle/json/varmax_mle.json +0 -176
- teradataml/analytics/mle/json/vectordistance_mle.json +0 -179
- teradataml/analytics/mle/json/weightedmovavg_mle.json +0 -48
- teradataml/analytics/mle/json/xgboost_mle.json +0 -178
- teradataml/analytics/mle/json/xgboostpredict_mle.json +0 -104
- teradataml/analytics/sqle/Antiselect.py +0 -321
- teradataml/analytics/sqle/Attribution.py +0 -603
- teradataml/analytics/sqle/DecisionForestPredict.py +0 -408
- teradataml/analytics/sqle/GLMPredict.py +0 -430
- teradataml/analytics/sqle/MovingAverage.py +0 -543
- teradataml/analytics/sqle/NGramSplitter.py +0 -548
- teradataml/analytics/sqle/NPath.py +0 -632
- teradataml/analytics/sqle/NaiveBayesTextClassifierPredict.py +0 -515
- teradataml/analytics/sqle/Pack.py +0 -388
- teradataml/analytics/sqle/SVMSparsePredict.py +0 -464
- teradataml/analytics/sqle/Sessionize.py +0 -390
- teradataml/analytics/sqle/StringSimilarity.py +0 -400
- teradataml/analytics/sqle/Unpack.py +0 -503
- teradataml/analytics/sqle/json/antiselect_sqle.json +0 -21
- teradataml/analytics/sqle/json/attribution_sqle.json +0 -92
- teradataml/analytics/sqle/json/decisionforestpredict_sqle.json +0 -48
- teradataml/analytics/sqle/json/glmpredict_sqle.json +0 -48
- teradataml/analytics/sqle/json/h2opredict_sqle.json +0 -63
- teradataml/analytics/sqle/json/movingaverage_sqle.json +0 -58
- teradataml/analytics/sqle/json/naivebayestextclassifierpredict_sqle.json +0 -76
- teradataml/analytics/sqle/json/ngramsplitter_sqle.json +0 -126
- teradataml/analytics/sqle/json/npath_sqle.json +0 -67
- teradataml/analytics/sqle/json/pack_sqle.json +0 -47
- teradataml/analytics/sqle/json/pmmlpredict_sqle.json +0 -55
- teradataml/analytics/sqle/json/sessionize_sqle.json +0 -43
- teradataml/analytics/sqle/json/stringsimilarity_sqle.json +0 -39
- teradataml/analytics/sqle/json/svmsparsepredict_sqle.json +0 -74
- teradataml/analytics/sqle/json/unpack_sqle.json +0 -80
- teradataml/catalog/model_cataloging.py +0 -980
- teradataml/config/mlengine_alias_definitions_v1.0 +0 -118
- teradataml/config/mlengine_alias_definitions_v1.1 +0 -127
- teradataml/config/mlengine_alias_definitions_v1.3 +0 -129
- teradataml/table_operators/sandbox_container_util.py +0 -643
- {teradataml-17.20.0.6.dist-info → teradataml-20.0.0.0.dist-info}/WHEEL +0 -0
- {teradataml-17.20.0.6.dist-info → teradataml-20.0.0.0.dist-info}/top_level.txt +0 -0
- {teradataml-17.20.0.6.dist-info → teradataml-20.0.0.0.dist-info}/zip-safe +0 -0
teradataml/scriptmgmt/UserEnv.py
CHANGED
|
@@ -31,6 +31,7 @@ from teradataml.common.messagecodes import MessageCodes
|
|
|
31
31
|
from teradataml.common.utils import UtilFuncs
|
|
32
32
|
from teradataml.utils.validators import _Validators
|
|
33
33
|
from urllib.parse import urlparse
|
|
34
|
+
from teradatasqlalchemy.telemetry.queryband import collect_queryband
|
|
34
35
|
|
|
35
36
|
|
|
36
37
|
def _get_ues_url(env_type="users", **kwargs):
|
|
@@ -74,6 +75,7 @@ def _get_ues_url(env_type="users", **kwargs):
|
|
|
74
75
|
>>> _get_ues_url(env_name=self.env_name, files=True, is_property=True, api_name="files") # URL for listing down the files.
|
|
75
76
|
"""
|
|
76
77
|
api_name = kwargs.pop("api_name", inspect.stack()[1].function)
|
|
78
|
+
conda_env = kwargs.get("conda_env", False)
|
|
77
79
|
|
|
78
80
|
# Raise error if user is not connected to Vantage.
|
|
79
81
|
if _get_user() is None:
|
|
@@ -109,8 +111,11 @@ def _get_ues_url(env_type="users", **kwargs):
|
|
|
109
111
|
env_type, kwargs["claim_id"])
|
|
110
112
|
|
|
111
113
|
# We will reach here to process "users" env type.
|
|
112
|
-
|
|
114
|
+
env_type = "environments"
|
|
115
|
+
if conda_env:
|
|
116
|
+
env_type = "conda-environments"
|
|
113
117
|
|
|
118
|
+
ues_url = "{0}/{1}/{2}".format(ues_url, _get_user(), env_type)
|
|
114
119
|
env_name, files, libs = kwargs.get("env_name"), kwargs.get("files", False), kwargs.get("libs", False)
|
|
115
120
|
|
|
116
121
|
if env_name is not None:
|
|
@@ -123,7 +128,6 @@ def _get_ues_url(env_type="users", **kwargs):
|
|
|
123
128
|
ues_url = "{0}/{1}".format(ues_url, file_name)
|
|
124
129
|
elif libs:
|
|
125
130
|
ues_url = "{0}/{1}".format(ues_url, "libraries")
|
|
126
|
-
|
|
127
131
|
return ues_url
|
|
128
132
|
|
|
129
133
|
|
|
@@ -178,7 +182,8 @@ def _process_ues_response(api_name, response, success_status_code=None):
|
|
|
178
182
|
data = response.json()
|
|
179
183
|
request_id = add_paranthesis(data.get("req_id", ""))
|
|
180
184
|
error_code = add_paranthesis(data.get("error_code", ""))
|
|
181
|
-
error_description = "{}{} {}".format(request_id, error_code, data.get("error_description",
|
|
185
|
+
error_description = "{}{} {}".format(request_id, error_code, data.get("error_description",
|
|
186
|
+
response.text))
|
|
182
187
|
|
|
183
188
|
exception_message = "Request Failed - {}".format(error_description)
|
|
184
189
|
|
|
@@ -351,6 +356,7 @@ class UserEnv:
|
|
|
351
356
|
repr_string = repr_string + "\n================================================\n"
|
|
352
357
|
return repr_string
|
|
353
358
|
|
|
359
|
+
@collect_queryband(queryband="InstlFl")
|
|
354
360
|
def install_file(self, file_path, replace=False, **kwargs):
|
|
355
361
|
"""
|
|
356
362
|
DESCRIPTION:
|
|
@@ -423,6 +429,11 @@ class UserEnv:
|
|
|
423
429
|
>>> env = create_env('testenv', 'python_3.7.9', 'Test environment')
|
|
424
430
|
User environment testenv created.
|
|
425
431
|
|
|
432
|
+
# Create conda environment.
|
|
433
|
+
>>> testenv_conda = create_env('testenv_conda', 'python_3.8', 'Test conda environment', conda_env=True)
|
|
434
|
+
Conda environment creation initiated
|
|
435
|
+
User environment 'testenv_conda' created.
|
|
436
|
+
|
|
426
437
|
# Example 1: Install the file mapper.py in the 'testenv' environment.
|
|
427
438
|
>>> import os, teradataml
|
|
428
439
|
>>> file_path = os.path.join(os.path.dirname(teradataml.__file__), "data", "scripts", "mapper.py")
|
|
@@ -481,9 +492,17 @@ class UserEnv:
|
|
|
481
492
|
|
|
482
493
|
>>> os.remove(os.path.join(tempfile.gettempdir(),"large_file")) # Remove the file created using function 'create_large_file'.
|
|
483
494
|
|
|
495
|
+
# Example 5: Install the file mapper.py in the 'testenv_conda' environment.
|
|
496
|
+
>>> import os, teradataml
|
|
497
|
+
>>> file_path = os.path.join(os.path.dirname(teradataml.__file__), "data", "scripts", "mapper.py")
|
|
498
|
+
>>> testenv_conda.install_file(file_path = file_path)
|
|
499
|
+
File 'mapper.py' installed successfully in the remote user environment 'testenv_conda'.
|
|
500
|
+
|
|
484
501
|
# Remove the environment.
|
|
485
502
|
>>> remove_env('testenv')
|
|
486
503
|
User environment 'testenv' removed.
|
|
504
|
+
>>> remove_env("testenv_conda")
|
|
505
|
+
User environment 'testenv_conda' removed.
|
|
487
506
|
"""
|
|
488
507
|
# Install/Replace file on Vantage
|
|
489
508
|
asynchronous = kwargs.get("asynchronous", False)
|
|
@@ -770,6 +789,7 @@ class UserEnv:
|
|
|
770
789
|
|
|
771
790
|
return claim_id
|
|
772
791
|
|
|
792
|
+
@collect_queryband(queryband="RmFl")
|
|
773
793
|
def remove_file(self, file_name, **kwargs):
|
|
774
794
|
"""
|
|
775
795
|
DESCRIPTION:
|
|
@@ -799,11 +819,12 @@ class UserEnv:
|
|
|
799
819
|
# Create a Python 3.7.3 environment with given name and description in Vantage.
|
|
800
820
|
>>> env = create_env('testenv', 'python_3.7.9', 'Test environment')
|
|
801
821
|
User environment 'testenv' created.
|
|
822
|
+
|
|
802
823
|
# Install the file "mapper.py" using the default text mode in the remote user environment.
|
|
803
824
|
>>> import os, teradataml
|
|
804
825
|
>>> file_path = os.path.join(os.path.dirname(teradataml.__file__), "data", "scripts", "mapper.py")
|
|
805
826
|
>>> env.install_file(file_path = file_path)
|
|
806
|
-
|
|
827
|
+
File 'mapper.py' installed successfully in the remote user environment 'testenv'.
|
|
807
828
|
|
|
808
829
|
# Example 1: Remove file from remote user environment.
|
|
809
830
|
>>> env.remove_file('mapper.py')
|
|
@@ -834,6 +855,7 @@ class UserEnv:
|
|
|
834
855
|
response = UtilFuncs._http_request(_get_ues_url(env_name=self.env_name, files=True, file_name=file_name),
|
|
835
856
|
HTTPRequest.DELETE,
|
|
836
857
|
headers=_get_auth_token())
|
|
858
|
+
|
|
837
859
|
_process_ues_response(api_name=api_name, response=response)
|
|
838
860
|
|
|
839
861
|
if not kwargs.get("suppress_output", False):
|
|
@@ -858,6 +880,7 @@ class UserEnv:
|
|
|
858
880
|
raise TeradataMlException(error_msg, msg_code)
|
|
859
881
|
|
|
860
882
|
@property
|
|
883
|
+
@collect_queryband(queryband="EnvFls")
|
|
861
884
|
def files(self):
|
|
862
885
|
"""
|
|
863
886
|
DESCRIPTION:
|
|
@@ -981,6 +1004,7 @@ class UserEnv:
|
|
|
981
1004
|
raise TeradataMlException(error_msg, msg_code)
|
|
982
1005
|
|
|
983
1006
|
@property
|
|
1007
|
+
@collect_queryband(queryband="EnvLbs")
|
|
984
1008
|
def libs(self):
|
|
985
1009
|
"""
|
|
986
1010
|
DESCRIPTION:
|
|
@@ -1119,6 +1143,7 @@ class UserEnv:
|
|
|
1119
1143
|
raise TeradataMlException(error_msg, msg_code)
|
|
1120
1144
|
|
|
1121
1145
|
@property
|
|
1146
|
+
@collect_queryband(queryband="EnvMdls")
|
|
1122
1147
|
def models(self):
|
|
1123
1148
|
"""
|
|
1124
1149
|
DESCRIPTION:
|
|
@@ -1435,10 +1460,16 @@ class UserEnv:
|
|
|
1435
1460
|
} for key, value in result.items()]
|
|
1436
1461
|
})
|
|
1437
1462
|
|
|
1463
|
+
@collect_queryband(queryband="InstlLbs")
|
|
1438
1464
|
def install_lib(self, libs=None, libs_file_path=None, **kwargs):
|
|
1439
1465
|
"""
|
|
1440
1466
|
DESCRIPTION:
|
|
1441
1467
|
Function installs Python or R libraries in the remote user environment.
|
|
1468
|
+
Note:
|
|
1469
|
+
* Use "install_lib" API call for first time package installation within
|
|
1470
|
+
the environment. Use "update_lib" API only to upgrade or downgrade installed
|
|
1471
|
+
packages and do not use it for fresh package installation when multiple
|
|
1472
|
+
packages have the same dependency as it messes pip's package resolution ability.
|
|
1442
1473
|
|
|
1443
1474
|
PARAMETERS:
|
|
1444
1475
|
libs:
|
|
@@ -2033,6 +2064,7 @@ class UserEnv:
|
|
|
2033
2064
|
claim_id = self.__manage_libraries(libs, libs_file_path, "INSTALL", asynchronous, timeout)
|
|
2034
2065
|
return (claim_id)
|
|
2035
2066
|
|
|
2067
|
+
@collect_queryband(queryband="UninstlLbs")
|
|
2036
2068
|
def uninstall_lib(self, libs=None, libs_file_path=None, **kwargs):
|
|
2037
2069
|
"""
|
|
2038
2070
|
DESCRIPTION:
|
|
@@ -2473,11 +2505,20 @@ class UserEnv:
|
|
|
2473
2505
|
claim_id = self.__manage_libraries(libs, libs_file_path, "UNINSTALL", asynchronous, timeout)
|
|
2474
2506
|
return (claim_id)
|
|
2475
2507
|
|
|
2508
|
+
@collect_queryband(queryband="UpdtLbs")
|
|
2476
2509
|
def update_lib(self, libs=None, libs_file_path=None, **kwargs):
|
|
2477
2510
|
"""
|
|
2478
2511
|
DESCRIPTION:
|
|
2479
2512
|
Function updates Python or R libraries if already installed,
|
|
2480
2513
|
otherwise installs the libraries in remote user environment.
|
|
2514
|
+
Notes:
|
|
2515
|
+
* Use "install_lib" API call for first time package installation within
|
|
2516
|
+
the environment. Use "update_lib" API only to upgrade or downgrade installed
|
|
2517
|
+
packages and do not use it for fresh package installation when multiple
|
|
2518
|
+
packages have the same dependency as it messes pip's package resolution ability.
|
|
2519
|
+
* Use "update_lib" to update packages one at a time to prevent dependency resolution
|
|
2520
|
+
issues.
|
|
2521
|
+
|
|
2481
2522
|
|
|
2482
2523
|
PARAMETERS:
|
|
2483
2524
|
libs:
|
|
@@ -2488,6 +2529,11 @@ class UserEnv:
|
|
|
2488
2529
|
* While passing the libraries as string or list of
|
|
2489
2530
|
strings, one should adhere to the requirements
|
|
2490
2531
|
specified by underlying language's package manager.
|
|
2532
|
+
For conda environment:
|
|
2533
|
+
* Only library name(s) should be specified. Library version
|
|
2534
|
+
cannot be specified.
|
|
2535
|
+
Conda only updates the installed packages to the latest
|
|
2536
|
+
compatible version and cannot update to a specific version.
|
|
2491
2537
|
For R environment:
|
|
2492
2538
|
* Refer to allowed formats here:
|
|
2493
2539
|
https://remotes.r-lib.org/reference/install_version.html
|
|
@@ -2525,6 +2571,11 @@ class UserEnv:
|
|
|
2525
2571
|
"version": ">= 1.1.2, < 1.2"
|
|
2526
2572
|
}]
|
|
2527
2573
|
}
|
|
2574
|
+
* For conda environment:
|
|
2575
|
+
The file should only contain the package names.
|
|
2576
|
+
Library version cannot be specified. Conda only updates the
|
|
2577
|
+
installed packages to the latest compatible version and
|
|
2578
|
+
cannot update to a specific version.
|
|
2528
2579
|
Types: str
|
|
2529
2580
|
|
|
2530
2581
|
**kwargs:
|
|
@@ -2832,6 +2883,7 @@ class UserEnv:
|
|
|
2832
2883
|
claim_id = self.__manage_libraries(libs, libs_file_path, "UPDATE", asynchronous, timeout)
|
|
2833
2884
|
return (claim_id)
|
|
2834
2885
|
|
|
2886
|
+
@collect_queryband(queryband="EnvRfrsh")
|
|
2835
2887
|
def refresh(self):
|
|
2836
2888
|
"""
|
|
2837
2889
|
DESCRIPTION:
|
|
@@ -3138,6 +3190,7 @@ class UserEnv:
|
|
|
3138
3190
|
self.__files_changed = True
|
|
3139
3191
|
self.__models_changed = True
|
|
3140
3192
|
|
|
3193
|
+
@collect_queryband(queryband="EnvSts")
|
|
3141
3194
|
def status(self, claim_ids=None):
|
|
3142
3195
|
"""
|
|
3143
3196
|
DESCRIPTION:
|
|
@@ -3358,7 +3411,7 @@ class UserEnv:
|
|
|
3358
3411
|
DESCRIPTION:
|
|
3359
3412
|
Function to get the status of asynchronus process using the claim_id.
|
|
3360
3413
|
The function polls the status of asynchronous process using the 'status' API
|
|
3361
|
-
for 'timeout' seconds and
|
|
3414
|
+
for 'timeout' seconds and gets the status of it. When asynchronus process
|
|
3362
3415
|
is not completed in 'timeout' seconds, the function stops polling the status
|
|
3363
3416
|
API and returns the claim-id.
|
|
3364
3417
|
|
|
@@ -3457,6 +3510,7 @@ class UserEnv:
|
|
|
3457
3510
|
# For library installation/uninstallation/updation.
|
|
3458
3511
|
return records if len(records) == 2 else False
|
|
3459
3512
|
|
|
3513
|
+
@collect_queryband(queryband="InstlMdl")
|
|
3460
3514
|
def install_model(self, model_path, **kwargs):
|
|
3461
3515
|
"""
|
|
3462
3516
|
DESCRIPTION:
|
|
@@ -3557,6 +3611,7 @@ class UserEnv:
|
|
|
3557
3611
|
records = self.install_file(model_path, **kwargs)
|
|
3558
3612
|
return records
|
|
3559
3613
|
|
|
3614
|
+
@collect_queryband(queryband="UninstlMdl")
|
|
3560
3615
|
def uninstall_model(self, model_name, **kwargs):
|
|
3561
3616
|
"""
|
|
3562
3617
|
DESCRIPTION:
|
|
@@ -3620,6 +3675,7 @@ class UserEnv:
|
|
|
3620
3675
|
kwargs["is_model"] = True
|
|
3621
3676
|
return self.remove_file(model_name, **kwargs)
|
|
3622
3677
|
|
|
3678
|
+
@collect_queryband(queryband="EnvSnpsht")
|
|
3623
3679
|
def snapshot(self, dir=None):
|
|
3624
3680
|
"""
|
|
3625
3681
|
DESCRIPTION:
|