├── .DS_Store ├── .gitignore ├── CH1 ├── .DS_Store ├── Boston-GCNN-R2.py ├── EM.py ├── GraphCNN.py ├── MCP.py ├── adaboost.py ├── data │ ├── .DS_Store │ ├── AirPassengers.csv │ └── boston.csv ├── gradientboost.py ├── graph_convolution.py ├── kmeans.py ├── pca.py ├── randomforest.py ├── som.py ├── static │ ├── .DS_Store │ └── data │ │ ├── .DS_Store │ │ ├── Iris │ │ ├── IrisSorted.csv │ │ ├── IrisSortedNoise.csv │ │ ├── IrisUnsorted.csv │ │ ├── IrisUnsortedNoise.csv │ │ └── iris.data │ │ └── RGB │ │ ├── RGBSorted.csv │ │ ├── RGBSortedNoise.csv │ │ ├── RGBUnsorted.csv │ │ └── RGBUnsortedNoise.csv ├── svm_hinge.py ├── svm_ramp.py ├── svr.py ├── tsne.py └── xgradientboost.py ├── CH2 ├── .DS_Store ├── data │ ├── Davis.csv │ └── Davis_1_2.csv ├── davis_1V_normal_1.py ├── davis_1V_normal_2.py ├── davis_1V_normal_p11.py ├── davis_2V_normal.py ├── davis_MT.py ├── davis_normal_one_variable.py ├── knn_LOF.py ├── knn_LOF_p23.py └── roc.py ├── CH3 ├── ADF.py ├── AR.py ├── ARIMA.py ├── ARMA.py ├── MA.py ├── ML_LR_SVR_RFR.py ├── ML_lstm.py ├── SARIMA.py ├── discord │ ├── Auto_Regression │ │ ├── discord.csv │ │ ├── discord_ar.py │ │ ├── discord_arima.py │ │ ├── discord_arma.py │ │ ├── discord_arma_all.py │ │ ├── discord_kalman.py │ │ ├── discord_ma.py │ │ └── discord_sarima.py │ └── machine_learning │ │ ├── discord.csv │ │ ├── discord.txt │ │ ├── discord_LinearRegre.py │ │ ├── discord_SVR.py │ │ ├── discord_adaboost.py │ │ ├── discord_gradientboost.py │ │ ├── discord_knn.py │ │ ├── discord_randomforest.py │ │ └── discord_svd.py ├── kalmanfilter.py ├── mcpfilter_pred.py ├── mcpfilter_varing_number_of_Particle.py ├── multvariable_time_series │ ├── lstm_pollute.py │ ├── pollution.csv │ ├── pollution_0variable.csv │ ├── pollution_1variable.csv │ ├── pollution_5variable.csv │ └── raw.csv └── passengerplot.py ├── Ch4 ├── .DS_Store ├── AutoEncoder.py ├── Fashion_MNIST │ ├── t10k-images-idx3-ubyte │ ├── t10k-labels-idx1-ubyte │ ├── train-images-idx3-ubyte │ └── train-labels-idx1-ubyte ├── LSTM.py ├── MNIST │ ├── t10k-images-idx3-ubyte │ ├── t10k-labels-idx1-ubyte │ ├── train-images-idx3-ubyte │ └── train-labels-idx1-ubyte ├── anoGAN.py ├── qtdbsel102.txt ├── renom │ ├── __init__.py │ ├── algorithm │ │ ├── __init__.py │ │ ├── image │ │ │ ├── __init__.py │ │ │ ├── detection │ │ │ │ ├── __init__.py │ │ │ │ └── yolo.py │ │ │ └── model │ │ │ │ ├── __init__.py │ │ │ │ └── vgg.py │ │ └── reinforcement │ │ │ ├── __init__.py │ │ │ ├── ddpg.py │ │ │ └── dqn.py │ ├── config.py │ ├── core │ │ ├── __init__.py │ │ ├── basic_node.py │ │ ├── basic_ops.py │ │ └── grads.py │ ├── cuda │ │ ├── __init__.py │ │ ├── base │ │ │ ├── __init__.py │ │ │ ├── cuda_base.pxd │ │ │ ├── cuda_base.pyx │ │ │ ├── cuda_utils.pxd │ │ │ └── cuda_utils.pyx │ │ ├── cublas │ │ │ ├── __init__.py │ │ │ ├── cublas.pxd │ │ │ └── cublas.pyx │ │ ├── cudnn │ │ │ ├── __init__.py │ │ │ ├── cudnn.pxd │ │ │ ├── cudnn.py │ │ │ └── cudnn.pyx │ │ ├── curand │ │ │ ├── __init__.py │ │ │ ├── curand.pxd │ │ │ └── curand.pyx │ │ ├── gpuvalue │ │ │ ├── __init__.py │ │ │ ├── gpuvalue.pxd │ │ │ └── gpuvalue.py │ │ └── thrust │ │ │ ├── __init__.py │ │ │ ├── thrust.py │ │ │ ├── thrust_double.pxd │ │ │ ├── thrust_double.pyx │ │ │ ├── thrust_float.pxd │ │ │ ├── thrust_float.pyx │ │ │ ├── thrust_func_defs.pxi │ │ │ ├── thrust_funcs.h │ │ │ ├── thrust_funcs.inl │ │ │ ├── thrust_funcs.pxi │ │ │ ├── thrust_funcs_double.cu │ │ │ ├── thrust_funcs_double.h │ │ │ ├── thrust_funcs_float.cu │ │ │ └── thrust_funcs_float.h │ ├── debug_graph.py │ ├── layers │ │ ├── __init__.py │ │ ├── activation │ │ │ ├── __init__.py │ │ │ ├── elu.py │ │ │ ├── hard_sigmoid.py │ │ │ ├── hard_tanh.py │ │ │ ├── leaky_relu.py │ │ │ ├── maxout.py │ │ │ ├── mish.py │ │ │ ├── relu.py │ │ │ ├── relu6.py │ │ │ ├── selu.py │ │ │ ├── sigmoid.py │ │ │ ├── softmax.py │ │ │ ├── softplus.py │ │ │ ├── softsign.py │ │ │ ├── swish.py │ │ │ └── tanh.py │ │ ├── function │ │ │ ├── __init__.py │ │ │ ├── batch_normalize.py │ │ │ ├── conv2d.py │ │ │ ├── convnd.py │ │ │ ├── deconv2d.py │ │ │ ├── deconvnd.py │ │ │ ├── dense.py │ │ │ ├── dropout.py │ │ │ ├── embedding.py │ │ │ ├── flatten.py │ │ │ ├── group_conv2d.py │ │ │ ├── group_normalize.py │ │ │ ├── gru.py │ │ │ ├── l2_norm.py │ │ │ ├── layer_normalize.py │ │ │ ├── lrn.py │ │ │ ├── lstm.py │ │ │ ├── parameterized.py │ │ │ ├── peephole_lstm.py │ │ │ ├── pool2d.py │ │ │ ├── poolnd.py │ │ │ ├── roi_pool2d.py │ │ │ ├── unpool2d.py │ │ │ ├── unpoolnd.py │ │ │ ├── utils.py │ │ │ └── weight_normalize.py │ │ ├── loss │ │ │ ├── __init__.py │ │ │ ├── clipped_mean_squared_error.py │ │ │ ├── cross_entropy.py │ │ │ ├── mean_squared_error.py │ │ │ ├── sigmoid_cross_entropy.py │ │ │ ├── smoothed_l1.py │ │ │ └── softmax_cross_entropy.py │ │ └── regularizer │ │ │ └── __init__.py │ ├── operation.py │ ├── optimizer.py │ └── utility │ │ ├── __init__.py │ │ ├── _onnx_impl.py │ │ ├── completion │ │ ├── __init__.py │ │ ├── bayesian_ridge_regression.py │ │ ├── common.py │ │ ├── completion.py │ │ ├── logistic_regression.py │ │ ├── mice.py │ │ └── solver.py │ │ ├── cross_validate.py │ │ ├── distributor │ │ ├── __init__.py │ │ ├── distributor.py │ │ ├── imageloader.py │ │ ├── threadingdistributor.py │ │ └── utilities.py │ │ ├── gradient_clipping.py │ │ ├── image │ │ ├── __init__.py │ │ └── data_augmentation │ │ │ ├── __init__.py │ │ │ ├── augmentation.py │ │ │ ├── color_jitter.py │ │ │ ├── crop.py │ │ │ ├── flip.py │ │ │ ├── image.py │ │ │ ├── rescale.py │ │ │ ├── resize.py │ │ │ ├── rotate.py │ │ │ ├── shift.py │ │ │ └── zoom.py │ │ ├── initializer.py │ │ ├── interpolate │ │ ├── __init__.py │ │ └── interpolate.py │ │ ├── onnx.py │ │ ├── reinforcement │ │ ├── __init__.py │ │ └── replaybuffer.py │ │ ├── searcher.py │ │ └── trainer.py └── requirements.txt ├── README.md ├── 正誤表_第2刷で修正予定.pdf └── 追加正誤表 P164〜P168.pdf /.DS_Store: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/.DS_Store -------------------------------------------------------------------------------- /.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/.gitignore -------------------------------------------------------------------------------- /CH1/.DS_Store: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/CH1/.DS_Store -------------------------------------------------------------------------------- /CH1/Boston-GCNN-R2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/CH1/Boston-GCNN-R2.py -------------------------------------------------------------------------------- /CH1/EM.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/CH1/EM.py -------------------------------------------------------------------------------- /CH1/GraphCNN.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/CH1/GraphCNN.py -------------------------------------------------------------------------------- /CH1/MCP.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/CH1/MCP.py -------------------------------------------------------------------------------- /CH1/adaboost.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/CH1/adaboost.py -------------------------------------------------------------------------------- /CH1/data/.DS_Store: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/CH1/data/.DS_Store -------------------------------------------------------------------------------- /CH1/data/AirPassengers.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/CH1/data/AirPassengers.csv -------------------------------------------------------------------------------- /CH1/data/boston.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/CH1/data/boston.csv -------------------------------------------------------------------------------- /CH1/gradientboost.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/CH1/gradientboost.py -------------------------------------------------------------------------------- /CH1/graph_convolution.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/CH1/graph_convolution.py -------------------------------------------------------------------------------- /CH1/kmeans.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/CH1/kmeans.py -------------------------------------------------------------------------------- /CH1/pca.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/CH1/pca.py -------------------------------------------------------------------------------- /CH1/randomforest.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/CH1/randomforest.py -------------------------------------------------------------------------------- /CH1/som.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/CH1/som.py -------------------------------------------------------------------------------- /CH1/static/.DS_Store: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/CH1/static/.DS_Store -------------------------------------------------------------------------------- /CH1/static/data/.DS_Store: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/CH1/static/data/.DS_Store -------------------------------------------------------------------------------- /CH1/static/data/Iris/IrisSorted.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/CH1/static/data/Iris/IrisSorted.csv -------------------------------------------------------------------------------- /CH1/static/data/Iris/IrisSortedNoise.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/CH1/static/data/Iris/IrisSortedNoise.csv -------------------------------------------------------------------------------- /CH1/static/data/Iris/IrisUnsorted.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/CH1/static/data/Iris/IrisUnsorted.csv -------------------------------------------------------------------------------- /CH1/static/data/Iris/IrisUnsortedNoise.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/CH1/static/data/Iris/IrisUnsortedNoise.csv -------------------------------------------------------------------------------- /CH1/static/data/Iris/iris.data: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/CH1/static/data/Iris/iris.data -------------------------------------------------------------------------------- /CH1/static/data/RGB/RGBSorted.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/CH1/static/data/RGB/RGBSorted.csv -------------------------------------------------------------------------------- /CH1/static/data/RGB/RGBSortedNoise.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/CH1/static/data/RGB/RGBSortedNoise.csv -------------------------------------------------------------------------------- /CH1/static/data/RGB/RGBUnsorted.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/CH1/static/data/RGB/RGBUnsorted.csv -------------------------------------------------------------------------------- /CH1/static/data/RGB/RGBUnsortedNoise.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/CH1/static/data/RGB/RGBUnsortedNoise.csv -------------------------------------------------------------------------------- /CH1/svm_hinge.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/CH1/svm_hinge.py -------------------------------------------------------------------------------- /CH1/svm_ramp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/CH1/svm_ramp.py -------------------------------------------------------------------------------- /CH1/svr.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/CH1/svr.py -------------------------------------------------------------------------------- /CH1/tsne.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/CH1/tsne.py -------------------------------------------------------------------------------- /CH1/xgradientboost.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/CH1/xgradientboost.py -------------------------------------------------------------------------------- /CH2/.DS_Store: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/CH2/.DS_Store -------------------------------------------------------------------------------- /CH2/data/Davis.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/CH2/data/Davis.csv -------------------------------------------------------------------------------- /CH2/data/Davis_1_2.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/CH2/data/Davis_1_2.csv -------------------------------------------------------------------------------- /CH2/davis_1V_normal_1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/CH2/davis_1V_normal_1.py -------------------------------------------------------------------------------- /CH2/davis_1V_normal_2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/CH2/davis_1V_normal_2.py -------------------------------------------------------------------------------- /CH2/davis_1V_normal_p11.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/CH2/davis_1V_normal_p11.py -------------------------------------------------------------------------------- /CH2/davis_2V_normal.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/CH2/davis_2V_normal.py -------------------------------------------------------------------------------- /CH2/davis_MT.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/CH2/davis_MT.py -------------------------------------------------------------------------------- /CH2/davis_normal_one_variable.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/CH2/davis_normal_one_variable.py -------------------------------------------------------------------------------- /CH2/knn_LOF.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/CH2/knn_LOF.py -------------------------------------------------------------------------------- /CH2/knn_LOF_p23.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/CH2/knn_LOF_p23.py -------------------------------------------------------------------------------- /CH2/roc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/CH2/roc.py -------------------------------------------------------------------------------- /CH3/ADF.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/CH3/ADF.py -------------------------------------------------------------------------------- /CH3/AR.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/CH3/AR.py -------------------------------------------------------------------------------- /CH3/ARIMA.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/CH3/ARIMA.py -------------------------------------------------------------------------------- /CH3/ARMA.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/CH3/ARMA.py -------------------------------------------------------------------------------- /CH3/MA.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/CH3/MA.py -------------------------------------------------------------------------------- /CH3/ML_LR_SVR_RFR.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/CH3/ML_LR_SVR_RFR.py -------------------------------------------------------------------------------- /CH3/ML_lstm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/CH3/ML_lstm.py -------------------------------------------------------------------------------- /CH3/SARIMA.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/CH3/SARIMA.py -------------------------------------------------------------------------------- /CH3/discord/Auto_Regression/discord.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/CH3/discord/Auto_Regression/discord.csv -------------------------------------------------------------------------------- /CH3/discord/Auto_Regression/discord_ar.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/CH3/discord/Auto_Regression/discord_ar.py -------------------------------------------------------------------------------- /CH3/discord/Auto_Regression/discord_arima.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/CH3/discord/Auto_Regression/discord_arima.py -------------------------------------------------------------------------------- /CH3/discord/Auto_Regression/discord_arma.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/CH3/discord/Auto_Regression/discord_arma.py -------------------------------------------------------------------------------- /CH3/discord/Auto_Regression/discord_arma_all.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/CH3/discord/Auto_Regression/discord_arma_all.py -------------------------------------------------------------------------------- /CH3/discord/Auto_Regression/discord_kalman.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/CH3/discord/Auto_Regression/discord_kalman.py -------------------------------------------------------------------------------- /CH3/discord/Auto_Regression/discord_ma.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/CH3/discord/Auto_Regression/discord_ma.py -------------------------------------------------------------------------------- /CH3/discord/Auto_Regression/discord_sarima.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/CH3/discord/Auto_Regression/discord_sarima.py -------------------------------------------------------------------------------- /CH3/discord/machine_learning/discord.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/CH3/discord/machine_learning/discord.csv -------------------------------------------------------------------------------- /CH3/discord/machine_learning/discord.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/CH3/discord/machine_learning/discord.txt -------------------------------------------------------------------------------- /CH3/discord/machine_learning/discord_LinearRegre.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/CH3/discord/machine_learning/discord_LinearRegre.py -------------------------------------------------------------------------------- /CH3/discord/machine_learning/discord_SVR.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/CH3/discord/machine_learning/discord_SVR.py -------------------------------------------------------------------------------- /CH3/discord/machine_learning/discord_adaboost.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/CH3/discord/machine_learning/discord_adaboost.py -------------------------------------------------------------------------------- /CH3/discord/machine_learning/discord_gradientboost.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/CH3/discord/machine_learning/discord_gradientboost.py -------------------------------------------------------------------------------- /CH3/discord/machine_learning/discord_knn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/CH3/discord/machine_learning/discord_knn.py -------------------------------------------------------------------------------- /CH3/discord/machine_learning/discord_randomforest.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/CH3/discord/machine_learning/discord_randomforest.py -------------------------------------------------------------------------------- /CH3/discord/machine_learning/discord_svd.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/CH3/discord/machine_learning/discord_svd.py -------------------------------------------------------------------------------- /CH3/kalmanfilter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/CH3/kalmanfilter.py -------------------------------------------------------------------------------- /CH3/mcpfilter_pred.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/CH3/mcpfilter_pred.py -------------------------------------------------------------------------------- /CH3/mcpfilter_varing_number_of_Particle.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/CH3/mcpfilter_varing_number_of_Particle.py -------------------------------------------------------------------------------- /CH3/multvariable_time_series/lstm_pollute.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/CH3/multvariable_time_series/lstm_pollute.py -------------------------------------------------------------------------------- /CH3/multvariable_time_series/pollution.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/CH3/multvariable_time_series/pollution.csv -------------------------------------------------------------------------------- /CH3/multvariable_time_series/pollution_0variable.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/CH3/multvariable_time_series/pollution_0variable.csv -------------------------------------------------------------------------------- /CH3/multvariable_time_series/pollution_1variable.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/CH3/multvariable_time_series/pollution_1variable.csv -------------------------------------------------------------------------------- /CH3/multvariable_time_series/pollution_5variable.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/CH3/multvariable_time_series/pollution_5variable.csv -------------------------------------------------------------------------------- /CH3/multvariable_time_series/raw.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/CH3/multvariable_time_series/raw.csv -------------------------------------------------------------------------------- /CH3/passengerplot.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/CH3/passengerplot.py -------------------------------------------------------------------------------- /Ch4/.DS_Store: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/Ch4/.DS_Store -------------------------------------------------------------------------------- /Ch4/AutoEncoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/Ch4/AutoEncoder.py -------------------------------------------------------------------------------- /Ch4/Fashion_MNIST/t10k-images-idx3-ubyte: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/Ch4/Fashion_MNIST/t10k-images-idx3-ubyte -------------------------------------------------------------------------------- /Ch4/Fashion_MNIST/t10k-labels-idx1-ubyte: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/Ch4/Fashion_MNIST/t10k-labels-idx1-ubyte -------------------------------------------------------------------------------- /Ch4/Fashion_MNIST/train-images-idx3-ubyte: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/Ch4/Fashion_MNIST/train-images-idx3-ubyte -------------------------------------------------------------------------------- /Ch4/Fashion_MNIST/train-labels-idx1-ubyte: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/Ch4/Fashion_MNIST/train-labels-idx1-ubyte -------------------------------------------------------------------------------- /Ch4/LSTM.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/Ch4/LSTM.py -------------------------------------------------------------------------------- /Ch4/MNIST/t10k-images-idx3-ubyte: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/Ch4/MNIST/t10k-images-idx3-ubyte -------------------------------------------------------------------------------- /Ch4/MNIST/t10k-labels-idx1-ubyte: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/Ch4/MNIST/t10k-labels-idx1-ubyte -------------------------------------------------------------------------------- /Ch4/MNIST/train-images-idx3-ubyte: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/Ch4/MNIST/train-images-idx3-ubyte -------------------------------------------------------------------------------- /Ch4/MNIST/train-labels-idx1-ubyte: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/Ch4/MNIST/train-labels-idx1-ubyte -------------------------------------------------------------------------------- /Ch4/anoGAN.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/Ch4/anoGAN.py -------------------------------------------------------------------------------- /Ch4/qtdbsel102.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/Ch4/qtdbsel102.txt -------------------------------------------------------------------------------- /Ch4/renom/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/Ch4/renom/__init__.py -------------------------------------------------------------------------------- /Ch4/renom/algorithm/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /Ch4/renom/algorithm/image/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /Ch4/renom/algorithm/image/detection/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/Ch4/renom/algorithm/image/detection/__init__.py -------------------------------------------------------------------------------- /Ch4/renom/algorithm/image/detection/yolo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/Ch4/renom/algorithm/image/detection/yolo.py -------------------------------------------------------------------------------- /Ch4/renom/algorithm/image/model/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/Ch4/renom/algorithm/image/model/__init__.py -------------------------------------------------------------------------------- /Ch4/renom/algorithm/image/model/vgg.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/Ch4/renom/algorithm/image/model/vgg.py -------------------------------------------------------------------------------- /Ch4/renom/algorithm/reinforcement/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /Ch4/renom/algorithm/reinforcement/ddpg.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/Ch4/renom/algorithm/reinforcement/ddpg.py -------------------------------------------------------------------------------- /Ch4/renom/algorithm/reinforcement/dqn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/Ch4/renom/algorithm/reinforcement/dqn.py -------------------------------------------------------------------------------- /Ch4/renom/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/Ch4/renom/config.py -------------------------------------------------------------------------------- /Ch4/renom/core/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/Ch4/renom/core/__init__.py -------------------------------------------------------------------------------- /Ch4/renom/core/basic_node.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/Ch4/renom/core/basic_node.py -------------------------------------------------------------------------------- /Ch4/renom/core/basic_ops.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/Ch4/renom/core/basic_ops.py -------------------------------------------------------------------------------- /Ch4/renom/core/grads.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/Ch4/renom/core/grads.py -------------------------------------------------------------------------------- /Ch4/renom/cuda/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/Ch4/renom/cuda/__init__.py -------------------------------------------------------------------------------- /Ch4/renom/cuda/base/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /Ch4/renom/cuda/base/cuda_base.pxd: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/Ch4/renom/cuda/base/cuda_base.pxd -------------------------------------------------------------------------------- /Ch4/renom/cuda/base/cuda_base.pyx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/Ch4/renom/cuda/base/cuda_base.pyx -------------------------------------------------------------------------------- /Ch4/renom/cuda/base/cuda_utils.pxd: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/Ch4/renom/cuda/base/cuda_utils.pxd -------------------------------------------------------------------------------- /Ch4/renom/cuda/base/cuda_utils.pyx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/Ch4/renom/cuda/base/cuda_utils.pyx -------------------------------------------------------------------------------- /Ch4/renom/cuda/cublas/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /Ch4/renom/cuda/cublas/cublas.pxd: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/Ch4/renom/cuda/cublas/cublas.pxd -------------------------------------------------------------------------------- /Ch4/renom/cuda/cublas/cublas.pyx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/Ch4/renom/cuda/cublas/cublas.pyx -------------------------------------------------------------------------------- /Ch4/renom/cuda/cudnn/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /Ch4/renom/cuda/cudnn/cudnn.pxd: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/Ch4/renom/cuda/cudnn/cudnn.pxd -------------------------------------------------------------------------------- /Ch4/renom/cuda/cudnn/cudnn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/Ch4/renom/cuda/cudnn/cudnn.py -------------------------------------------------------------------------------- /Ch4/renom/cuda/cudnn/cudnn.pyx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/Ch4/renom/cuda/cudnn/cudnn.pyx -------------------------------------------------------------------------------- /Ch4/renom/cuda/curand/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /Ch4/renom/cuda/curand/curand.pxd: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/Ch4/renom/cuda/curand/curand.pxd -------------------------------------------------------------------------------- /Ch4/renom/cuda/curand/curand.pyx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/Ch4/renom/cuda/curand/curand.pyx -------------------------------------------------------------------------------- /Ch4/renom/cuda/gpuvalue/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/Ch4/renom/cuda/gpuvalue/__init__.py -------------------------------------------------------------------------------- /Ch4/renom/cuda/gpuvalue/gpuvalue.pxd: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/Ch4/renom/cuda/gpuvalue/gpuvalue.pxd -------------------------------------------------------------------------------- /Ch4/renom/cuda/gpuvalue/gpuvalue.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/Ch4/renom/cuda/gpuvalue/gpuvalue.py -------------------------------------------------------------------------------- /Ch4/renom/cuda/thrust/__init__.py: -------------------------------------------------------------------------------- 1 | from .thrust import cubinarize 2 | -------------------------------------------------------------------------------- /Ch4/renom/cuda/thrust/thrust.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/Ch4/renom/cuda/thrust/thrust.py -------------------------------------------------------------------------------- /Ch4/renom/cuda/thrust/thrust_double.pxd: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/Ch4/renom/cuda/thrust/thrust_double.pxd -------------------------------------------------------------------------------- /Ch4/renom/cuda/thrust/thrust_double.pyx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/Ch4/renom/cuda/thrust/thrust_double.pyx -------------------------------------------------------------------------------- /Ch4/renom/cuda/thrust/thrust_float.pxd: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/Ch4/renom/cuda/thrust/thrust_float.pxd -------------------------------------------------------------------------------- /Ch4/renom/cuda/thrust/thrust_float.pyx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/Ch4/renom/cuda/thrust/thrust_float.pyx -------------------------------------------------------------------------------- /Ch4/renom/cuda/thrust/thrust_func_defs.pxi: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/Ch4/renom/cuda/thrust/thrust_func_defs.pxi -------------------------------------------------------------------------------- /Ch4/renom/cuda/thrust/thrust_funcs.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/Ch4/renom/cuda/thrust/thrust_funcs.h -------------------------------------------------------------------------------- /Ch4/renom/cuda/thrust/thrust_funcs.inl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/Ch4/renom/cuda/thrust/thrust_funcs.inl -------------------------------------------------------------------------------- /Ch4/renom/cuda/thrust/thrust_funcs.pxi: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/Ch4/renom/cuda/thrust/thrust_funcs.pxi -------------------------------------------------------------------------------- /Ch4/renom/cuda/thrust/thrust_funcs_double.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/Ch4/renom/cuda/thrust/thrust_funcs_double.cu -------------------------------------------------------------------------------- /Ch4/renom/cuda/thrust/thrust_funcs_double.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/Ch4/renom/cuda/thrust/thrust_funcs_double.h -------------------------------------------------------------------------------- /Ch4/renom/cuda/thrust/thrust_funcs_float.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/Ch4/renom/cuda/thrust/thrust_funcs_float.cu -------------------------------------------------------------------------------- /Ch4/renom/cuda/thrust/thrust_funcs_float.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/Ch4/renom/cuda/thrust/thrust_funcs_float.h -------------------------------------------------------------------------------- /Ch4/renom/debug_graph.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/Ch4/renom/debug_graph.py -------------------------------------------------------------------------------- /Ch4/renom/layers/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /Ch4/renom/layers/activation/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/Ch4/renom/layers/activation/__init__.py -------------------------------------------------------------------------------- /Ch4/renom/layers/activation/elu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/Ch4/renom/layers/activation/elu.py -------------------------------------------------------------------------------- /Ch4/renom/layers/activation/hard_sigmoid.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/Ch4/renom/layers/activation/hard_sigmoid.py -------------------------------------------------------------------------------- /Ch4/renom/layers/activation/hard_tanh.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/Ch4/renom/layers/activation/hard_tanh.py -------------------------------------------------------------------------------- /Ch4/renom/layers/activation/leaky_relu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/Ch4/renom/layers/activation/leaky_relu.py -------------------------------------------------------------------------------- /Ch4/renom/layers/activation/maxout.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/Ch4/renom/layers/activation/maxout.py -------------------------------------------------------------------------------- /Ch4/renom/layers/activation/mish.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/Ch4/renom/layers/activation/mish.py -------------------------------------------------------------------------------- /Ch4/renom/layers/activation/relu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/Ch4/renom/layers/activation/relu.py -------------------------------------------------------------------------------- /Ch4/renom/layers/activation/relu6.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/Ch4/renom/layers/activation/relu6.py -------------------------------------------------------------------------------- /Ch4/renom/layers/activation/selu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/Ch4/renom/layers/activation/selu.py -------------------------------------------------------------------------------- /Ch4/renom/layers/activation/sigmoid.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/Ch4/renom/layers/activation/sigmoid.py -------------------------------------------------------------------------------- /Ch4/renom/layers/activation/softmax.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/Ch4/renom/layers/activation/softmax.py -------------------------------------------------------------------------------- /Ch4/renom/layers/activation/softplus.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/Ch4/renom/layers/activation/softplus.py -------------------------------------------------------------------------------- /Ch4/renom/layers/activation/softsign.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/Ch4/renom/layers/activation/softsign.py -------------------------------------------------------------------------------- /Ch4/renom/layers/activation/swish.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/Ch4/renom/layers/activation/swish.py -------------------------------------------------------------------------------- /Ch4/renom/layers/activation/tanh.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/Ch4/renom/layers/activation/tanh.py -------------------------------------------------------------------------------- /Ch4/renom/layers/function/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/Ch4/renom/layers/function/__init__.py -------------------------------------------------------------------------------- /Ch4/renom/layers/function/batch_normalize.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/Ch4/renom/layers/function/batch_normalize.py -------------------------------------------------------------------------------- /Ch4/renom/layers/function/conv2d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/Ch4/renom/layers/function/conv2d.py -------------------------------------------------------------------------------- /Ch4/renom/layers/function/convnd.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/Ch4/renom/layers/function/convnd.py -------------------------------------------------------------------------------- /Ch4/renom/layers/function/deconv2d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/Ch4/renom/layers/function/deconv2d.py -------------------------------------------------------------------------------- /Ch4/renom/layers/function/deconvnd.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/Ch4/renom/layers/function/deconvnd.py -------------------------------------------------------------------------------- /Ch4/renom/layers/function/dense.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/Ch4/renom/layers/function/dense.py -------------------------------------------------------------------------------- /Ch4/renom/layers/function/dropout.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/Ch4/renom/layers/function/dropout.py -------------------------------------------------------------------------------- /Ch4/renom/layers/function/embedding.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/Ch4/renom/layers/function/embedding.py -------------------------------------------------------------------------------- /Ch4/renom/layers/function/flatten.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/Ch4/renom/layers/function/flatten.py -------------------------------------------------------------------------------- /Ch4/renom/layers/function/group_conv2d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/Ch4/renom/layers/function/group_conv2d.py -------------------------------------------------------------------------------- /Ch4/renom/layers/function/group_normalize.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/Ch4/renom/layers/function/group_normalize.py -------------------------------------------------------------------------------- /Ch4/renom/layers/function/gru.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/Ch4/renom/layers/function/gru.py -------------------------------------------------------------------------------- /Ch4/renom/layers/function/l2_norm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/Ch4/renom/layers/function/l2_norm.py -------------------------------------------------------------------------------- /Ch4/renom/layers/function/layer_normalize.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/Ch4/renom/layers/function/layer_normalize.py -------------------------------------------------------------------------------- /Ch4/renom/layers/function/lrn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/Ch4/renom/layers/function/lrn.py -------------------------------------------------------------------------------- /Ch4/renom/layers/function/lstm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/Ch4/renom/layers/function/lstm.py -------------------------------------------------------------------------------- /Ch4/renom/layers/function/parameterized.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/Ch4/renom/layers/function/parameterized.py -------------------------------------------------------------------------------- /Ch4/renom/layers/function/peephole_lstm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/Ch4/renom/layers/function/peephole_lstm.py -------------------------------------------------------------------------------- /Ch4/renom/layers/function/pool2d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/Ch4/renom/layers/function/pool2d.py -------------------------------------------------------------------------------- /Ch4/renom/layers/function/poolnd.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/Ch4/renom/layers/function/poolnd.py -------------------------------------------------------------------------------- /Ch4/renom/layers/function/roi_pool2d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/Ch4/renom/layers/function/roi_pool2d.py -------------------------------------------------------------------------------- /Ch4/renom/layers/function/unpool2d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/Ch4/renom/layers/function/unpool2d.py -------------------------------------------------------------------------------- /Ch4/renom/layers/function/unpoolnd.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/Ch4/renom/layers/function/unpoolnd.py -------------------------------------------------------------------------------- /Ch4/renom/layers/function/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/Ch4/renom/layers/function/utils.py -------------------------------------------------------------------------------- /Ch4/renom/layers/function/weight_normalize.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/Ch4/renom/layers/function/weight_normalize.py -------------------------------------------------------------------------------- /Ch4/renom/layers/loss/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/Ch4/renom/layers/loss/__init__.py -------------------------------------------------------------------------------- /Ch4/renom/layers/loss/clipped_mean_squared_error.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/Ch4/renom/layers/loss/clipped_mean_squared_error.py -------------------------------------------------------------------------------- /Ch4/renom/layers/loss/cross_entropy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/Ch4/renom/layers/loss/cross_entropy.py -------------------------------------------------------------------------------- /Ch4/renom/layers/loss/mean_squared_error.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/Ch4/renom/layers/loss/mean_squared_error.py -------------------------------------------------------------------------------- /Ch4/renom/layers/loss/sigmoid_cross_entropy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/Ch4/renom/layers/loss/sigmoid_cross_entropy.py -------------------------------------------------------------------------------- /Ch4/renom/layers/loss/smoothed_l1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/Ch4/renom/layers/loss/smoothed_l1.py -------------------------------------------------------------------------------- /Ch4/renom/layers/loss/softmax_cross_entropy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/Ch4/renom/layers/loss/softmax_cross_entropy.py -------------------------------------------------------------------------------- /Ch4/renom/layers/regularizer/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /Ch4/renom/operation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/Ch4/renom/operation.py -------------------------------------------------------------------------------- /Ch4/renom/optimizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/Ch4/renom/optimizer.py -------------------------------------------------------------------------------- /Ch4/renom/utility/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/Ch4/renom/utility/__init__.py -------------------------------------------------------------------------------- /Ch4/renom/utility/_onnx_impl.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/Ch4/renom/utility/_onnx_impl.py -------------------------------------------------------------------------------- /Ch4/renom/utility/completion/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /Ch4/renom/utility/completion/bayesian_ridge_regression.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/Ch4/renom/utility/completion/bayesian_ridge_regression.py -------------------------------------------------------------------------------- /Ch4/renom/utility/completion/common.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/Ch4/renom/utility/completion/common.py -------------------------------------------------------------------------------- /Ch4/renom/utility/completion/completion.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/Ch4/renom/utility/completion/completion.py -------------------------------------------------------------------------------- /Ch4/renom/utility/completion/logistic_regression.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/Ch4/renom/utility/completion/logistic_regression.py -------------------------------------------------------------------------------- /Ch4/renom/utility/completion/mice.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/Ch4/renom/utility/completion/mice.py -------------------------------------------------------------------------------- /Ch4/renom/utility/completion/solver.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/Ch4/renom/utility/completion/solver.py -------------------------------------------------------------------------------- /Ch4/renom/utility/cross_validate.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/Ch4/renom/utility/cross_validate.py -------------------------------------------------------------------------------- /Ch4/renom/utility/distributor/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/Ch4/renom/utility/distributor/__init__.py -------------------------------------------------------------------------------- /Ch4/renom/utility/distributor/distributor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/Ch4/renom/utility/distributor/distributor.py -------------------------------------------------------------------------------- /Ch4/renom/utility/distributor/imageloader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/Ch4/renom/utility/distributor/imageloader.py -------------------------------------------------------------------------------- /Ch4/renom/utility/distributor/threadingdistributor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/Ch4/renom/utility/distributor/threadingdistributor.py -------------------------------------------------------------------------------- /Ch4/renom/utility/distributor/utilities.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/Ch4/renom/utility/distributor/utilities.py -------------------------------------------------------------------------------- /Ch4/renom/utility/gradient_clipping.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/Ch4/renom/utility/gradient_clipping.py -------------------------------------------------------------------------------- /Ch4/renom/utility/image/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/Ch4/renom/utility/image/__init__.py -------------------------------------------------------------------------------- /Ch4/renom/utility/image/data_augmentation/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /Ch4/renom/utility/image/data_augmentation/augmentation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/Ch4/renom/utility/image/data_augmentation/augmentation.py -------------------------------------------------------------------------------- /Ch4/renom/utility/image/data_augmentation/color_jitter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/Ch4/renom/utility/image/data_augmentation/color_jitter.py -------------------------------------------------------------------------------- /Ch4/renom/utility/image/data_augmentation/crop.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/Ch4/renom/utility/image/data_augmentation/crop.py -------------------------------------------------------------------------------- /Ch4/renom/utility/image/data_augmentation/flip.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/Ch4/renom/utility/image/data_augmentation/flip.py -------------------------------------------------------------------------------- /Ch4/renom/utility/image/data_augmentation/image.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/Ch4/renom/utility/image/data_augmentation/image.py -------------------------------------------------------------------------------- /Ch4/renom/utility/image/data_augmentation/rescale.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/Ch4/renom/utility/image/data_augmentation/rescale.py -------------------------------------------------------------------------------- /Ch4/renom/utility/image/data_augmentation/resize.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/Ch4/renom/utility/image/data_augmentation/resize.py -------------------------------------------------------------------------------- /Ch4/renom/utility/image/data_augmentation/rotate.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/Ch4/renom/utility/image/data_augmentation/rotate.py -------------------------------------------------------------------------------- /Ch4/renom/utility/image/data_augmentation/shift.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/Ch4/renom/utility/image/data_augmentation/shift.py -------------------------------------------------------------------------------- /Ch4/renom/utility/image/data_augmentation/zoom.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/Ch4/renom/utility/image/data_augmentation/zoom.py -------------------------------------------------------------------------------- /Ch4/renom/utility/initializer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/Ch4/renom/utility/initializer.py -------------------------------------------------------------------------------- /Ch4/renom/utility/interpolate/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /Ch4/renom/utility/interpolate/interpolate.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/Ch4/renom/utility/interpolate/interpolate.py -------------------------------------------------------------------------------- /Ch4/renom/utility/onnx.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/Ch4/renom/utility/onnx.py -------------------------------------------------------------------------------- /Ch4/renom/utility/reinforcement/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /Ch4/renom/utility/reinforcement/replaybuffer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/Ch4/renom/utility/reinforcement/replaybuffer.py -------------------------------------------------------------------------------- /Ch4/renom/utility/searcher.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/Ch4/renom/utility/searcher.py -------------------------------------------------------------------------------- /Ch4/renom/utility/trainer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/Ch4/renom/utility/trainer.py -------------------------------------------------------------------------------- /Ch4/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/Ch4/requirements.txt -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/README.md -------------------------------------------------------------------------------- /正誤表_第2刷で修正予定.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/正誤表_第2刷で修正予定.pdf -------------------------------------------------------------------------------- /追加正誤表 P164〜P168.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sogabe-tohma/Python-code-for-anomaly-detection/HEAD/追加正誤表 P164〜P168.pdf --------------------------------------------------------------------------------