All Projects → andylamp → moses

andylamp / moses

Licence: GPL-3.0 license
Streaming, Memory-Limited, r-truncated SVD Revisited!

Programming Languages

matlab
3953 projects

Projects that are alternatives of or similar to moses

federated pca
Federated Principal Component Analysis Revisited!
Stars: ✭ 30 (+57.89%)
Mutual labels:  pca, dimensionality-reduction, streaming-algorithms, subspace-tracking
NIDS-Intrusion-Detection
Simple Implementation of Network Intrusion Detection System. KddCup'99 Data set is used for this project. kdd_cup_10_percent is used for training test. correct set is used for test. PCA is used for dimension reduction. SVM and KNN supervised algorithms are the classification algorithms of project. Accuracy : %83.5 For SVM , %80 For KNN
Stars: ✭ 45 (+136.84%)
Mutual labels:  pca, dimensionality-reduction
H2o4gpu
H2Oai GPU Edition
Stars: ✭ 416 (+2089.47%)
Mutual labels:  pca, svd
Dimensionality-reduction-and-classification-on-Hyperspectral-Images-Using-Python
In this repository, You can find the files which implement dimensionality reduction on the hyperspectral image(Indian Pines) with classification.
Stars: ✭ 63 (+231.58%)
Mutual labels:  pca, dimensionality-reduction
Ml code
A repository for recording the machine learning code
Stars: ✭ 75 (+294.74%)
Mutual labels:  pca, svd
Prince
👑 Python factor analysis library (PCA, CA, MCA, MFA, FAMD)
Stars: ✭ 591 (+3010.53%)
Mutual labels:  pca, svd
Ailearning
AiLearning: 机器学习 - MachineLearning - ML、深度学习 - DeepLearning - DL、自然语言处理 NLP
Stars: ✭ 32,316 (+169984.21%)
Mutual labels:  pca, svd
Ristretto
Randomized Dimension Reduction Library
Stars: ✭ 92 (+384.21%)
Mutual labels:  pca, svd
mathematics-statistics-for-data-science
Mathematical & Statistical topics to perform statistical analysis and tests; Linear Regression, Probability Theory, Monte Carlo Simulation, Statistical Sampling, Bootstrapping, Dimensionality reduction techniques (PCA, FA, CCA), Imputation techniques, Statistical Tests (Kolmogorov Smirnov), Robust Estimators (FastMCD) and more in Python and R.
Stars: ✭ 56 (+194.74%)
Mutual labels:  dimensionality-reduction
DRComparison
Comparison of dimensionality reduction methods
Stars: ✭ 29 (+52.63%)
Mutual labels:  dimensionality-reduction
math105A
Numerical analysis course in Python
Stars: ✭ 20 (+5.26%)
Mutual labels:  svd
OLSTEC
OnLine Low-rank Subspace tracking by TEnsor CP Decomposition in Matlab: Version 1.0.1
Stars: ✭ 30 (+57.89%)
Mutual labels:  subspace-learning
Machine Learning
A repository of resources for understanding the concepts of machine learning/deep learning.
Stars: ✭ 29 (+52.63%)
Mutual labels:  dimensionality-reduction
sts
Sequential Tree Sampler for online phylogenetics
Stars: ✭ 15 (-21.05%)
Mutual labels:  online-algorithms
Loan-Prediction-Dataset
No description or website provided.
Stars: ✭ 21 (+10.53%)
Mutual labels:  pca
PLNmodels
A collection of Poisson lognormal models for multivariate count data analysis
Stars: ✭ 44 (+131.58%)
Mutual labels:  pca
Multi-view-LRSSC
Matlab implementation of multi-view low-rank sparse subspace clustering
Stars: ✭ 41 (+115.79%)
Mutual labels:  subspace-learning
uapca
Uncertainty-aware principal component analysis.
Stars: ✭ 16 (-15.79%)
Mutual labels:  dimensionality-reduction
redis-tdigest
t-digest module for Redis
Stars: ✭ 69 (+263.16%)
Mutual labels:  streaming-algorithms
sef
A Python Library for Similarity-based Dimensionality Reduction
Stars: ✭ 24 (+26.32%)
Mutual labels:  dimensionality-reduction

Introducing MOSES

MOSES is a new take at tackling the problem of (M)emory-limited (O)nline (S)ubspace (Es)timation; in particular, MOSES can estimate the principal components of data and also reduce its dimension. In terms of its origins, MOSES slightly generalises the popular incremental Singular Vale Decomposition (iSVD) to work with thin blocks of data. This simple generalisation is in part what allows us to complement MOSES with a comprehensive statistical analysis that was not available for incremental SVD, despite its empirical success (more here). This generalisation also enables us to concretely interpret MOSES as an approximate solver for the underlying non-convex optimisation problem. We also find that MOSES shows state-of-the-art performance in our numerical experiments with both synthetic and real-world datasets while being orders of magnitude faster than its competitors when the ambient dimension (n) is large (>1000).

Requirements

The code is generally self contained and all datasets are included or generated thus, in theory, just having Matlab installed should be more than enough. It has to be noted though that due the recent Matlab changes on how it handles character and string arrays you should use a recent version of it -- the code was developed and tested in Matlab 2017b and tested also on versions 2017a, 2018a; moreover, to address different OSes, care has been taken so that this code runs without any problems both on Windows-based machines as well as Unix-based ones.

Streaming, memory limited, r-truncated SVD Method Comparison

In this instance we perform a comparison using both synthetic and real data against a few similar methods which compute in part or fully an approximate memory-limited, streaming r-truncated SVD. These methods are the following:

Running the comparison

Running the comparison is simple -- just cd to the cloned moses directory within Matlab and run comparison.m. Running might take a while, if you want to speed things up just try altering the setup parameters shown below:

% experiments to run
run_synthetic = 1;      % run synthetic evaluation (set 0 to skip)
run_real = 0;           % run real data evaluation (set 0 to skip)
run_speed_test = 0;     % run the calc. speed tests (set 0 to skip)
run_moses_scaling = 0;  % run the scaling moses tests (set 0 to skip)

% global flags setup

% printing flags
pflag = 1;              % print resulting figures to ./graphs/
pdf_print = 0;          % print resulting figures as .pdf
fig_print = 1;          % print resulting figures as .fig

% execution configuration
use_fast_moses_only = 1;% speed up by using fast moses <-- USE IT :)
use_offline_svds = 1;   % drastically speed up execution by disabling 
                        % offline svds calculation WARNING THIS OPTION IS
                        % PAINFULLY SLOW. <- DEF. DISABLE IT :)
use_blk_err = 0;        % calc. errors per block not per column
                        % provides a DRASTIC improvement in speed but less
                        % granular error reporting. For GROUSE it is 100
                        % for PM and MOSES is equal to their respective 
                        % block sizes for each run. <- Prob. use it
                        
% moses scaling flags
run_full_scaling = 0;   % no need to run unless performing full error check
run_exp1 = 1;           % run experiment 1: fixed b, r, variable n
run_exp2 = 1;           % run experiment 2: fixed r, n, variable b
run_exp3 = 1;           % run experiment 3: fixed b, n, variable r

Please note that you can tweak the relevant section values if you want to run slightly different experiments but if you want to reproduce the results in the paper please leave these values as-is.

Synthetic datasets

The synthetic dataset is measured using random vectors drawn from a power law distribution with the following alpha values in this instance: 0.01, 0.1, 0.5, and 1 while lambda always set to 1. Practically speaking this is eloquently materialised by using the following segment:

% generate the singular spectrum
dd = lambda*(1:n).^(-alpha);
% generate Sigma
Sigma = diag(dd);
% random initialization of S basis
S = orth(randn(n));
% given S and Sigma generate the dataset (Y)
Y = (S * Sigma * randn(n, T))/sqrt(T-1);

Real datasets

The real datasets are the the ones supplied with this paper retrieved from here and they are the following:

  • Light Data (48x7712)
  • Humidity Data (48x7712)
  • Volt Data (46x7712)
  • Temperature Data (56x7712)

Error metrics

To compare MOSES against Power Method, FD/RFD, and GROUSE we employ the following two metrics:

  • The Frobenius norm of Yr vs Y columns seen so far normalised using their respective arrival time.
  • The final Frobenius norm of Yr vs Y normalised by the final T.

For speeding up the computation there are two modes that calculate the over-time errors. The first one is per-block while the second is per-column the latter being significantly slower than the former. For completeness, in our paper we used the per-column error calculation throughout but similar error metrics can be achieved by using the faster per-block errors.

Toggling this particular mode is done by setting use_blk_err in comparison.m to either 1 (on) / 0 (off).

Normalised Frobenius norm over time normalised with current T

The error metrics are calculated using the Frobenius norm for the matrix columns seen so far normalised by the current time. The full formula to find the error at column k would be:

ErrFro(k) = sum(sum((Y(:, 1:t)-YrHat_c).^2, 1))/t;

Where YrHat_c is:

SrHatTemp = SrHat(:, 1:r); % r-truncation of the SVD
% SrHat in this instance is the previous block subspace estimation
YrHat_c = (SrHat*SrHat')*Y(:, 1:k*B); 

Final Yr vs Y Frobenius norm over T

The other metric is the Frobenius norm difference of the three Yr approximation methods vs. the original values Y normalised using the total number of columns seen (T).

The formula is:

froT = n * Sum_{1}_{n} [ (Y_i - Yr_i)^2 ] / T

This metric shows us another view of how different these resulting matrices are when compared to the original ones.

Plots

A number of plots are generated while running the comparison and for convenience they are printed into a generated directory under the graph directory. Each directory is named using the current timestamp upon creation as its name and the timestamp format follows the ISO-8601 standard.

Additionally, the printing function is flexible enough to able to export in three commonly used formats concurrently -- namely png, pdf, and fig for easier processing. Of course, by toggling the appropriate flags printing to pdf and fig can be disabled thus saving space. For brevity these are the following:

% printing flags
pflag = 1;              % print resulting figures to ./graphs/
pdf_print = 0;          % print resulting figures as .pdf
fig_print = 1;          % print resulting figures as .fig

Synthetic data

A number of different plots are generated for the synthetic data, these are explained below:

  • The first one is a subplot containing two plots; the first one shows the scree plot of the singular values while the second one shows the mean Frobenius normalised error for the three methods over time for the total number of simulations run for that particular alpha value.

  • The second plot is the second subplot from above without the scree plot.

  • The third plot shows the averaged error over time for the number of trials performed but just for Power Method and MOSES; this is done in order to have a better comparison as FD and GROUSE results sometimes skewed the graph.

  • The fourth plot is again a subplot which the first one shows the resulting final error per iteration for Offline SVD, MOSES, Power Method, FD, and GROUSE; while the second one shows the error for just MOSES and Power Method as they are closer.

  • The fifth, and final, plot for the synthetic data shows the final error per iteration for only the Power Method and MOSES.

Real data

We only plot the Frobenius normalised error in a streaming fashion as the columns are revealed for Yr vs Y to the three methods over time for each of the four datasets described previously; for readability, all figures are generated in a logarithmic scale using semilogy. Before processing the datasets it is important to note that the data are centered using the following:

% update the column number
cols = size(Y, 2);
% center the dataset by using Y = Y - ((Y*(vec_ones*vec_ones'))./cols)
vec_ones = ones(cols, 1);
Y = Y - ((Y*(vec_ones*vec_ones'))./cols);

Speed tests

For speed tests we tests how the algorithms perform as the ambient dimension (n) and rank (r) change. For our experiments we used three rank (r) values: r = [1, 10, 50] and an ambient dimension range: n = 200:200:1200. In this instance three plots are generated for the tests, which are the following:

  • Speed for all three method when using:r=1 and n = 200:200:1200
  • Speed for all three method when using:r=10 and n = 200:200:1200
  • Speed for all three method when using:r=50 and n = 200:200:1200

MOSES scaling tests

To evaluate how MOSES scales with respect to block size (b), rank (r), and ambient dimension (n) we performed three tests in which we fixed two out of the three parameters and plotted the average error out of 10 trials. The three resulting plots are the following:

  • Scaling experiment 1: fixed r=15, b=2r, and n = 200:200:1200
  • Scaling experiment 2: fixed r=15, n=1200, and b= r:1:15r
  • Scaling experiment 3: fixed n=1200, b=2r, and r= 5:5:25

Code Organisation

The code is organised mainly in the following files:

  • comparison.m: The main starting point of the experiments, initial parameters are defined there.
  • fd.m: Implementation of Frequent Directions
  • fd_rotate_sketch.m: helper method for both Frequent Directions methods
  • fdr.m: Implementation of Robust Frequent Directions
  • grouse.m: Original GROUSE algorithm code as provided from the paper
  • mitliag_pm.m: Implementation of Mitliagkas Power Method for Streaming PCA
  • moses_fast.m: A more efficient implementation of MOSES
  • moses_scaling.m: function that is responsible for running the scaling experiments for MOSES
  • moses_simple.m: A simple implementation of MOSES
  • my_grouse.m: Wrapper to run grouse.m which sets execution parameters (as seen here)
  • my_toc.m: function that processes the toc with better formatting
  • online_svds_real.m: function which compares the three methods against a real dataset
  • online_svds_synthetic.m: function which compares the three methods against a synthetic dataset
  • print_fig.m: function that, if enabled, outputs the graphs generated for current run as images or pdf
  • README.md: This file, a brief README file.
  • real_dataset_eval.m: function which is a wrapper for online_svds_real that processes its results and draws the plots
  • setup_vars.m: function which sets the correct variables based on OS
  • synthetic_data_gen.m: function which generates a matrix with random vectors from a power law distribution
  • synthetic_dataset_eval.m: function which is a wrapper for online_svds_synethic that processes its results and draws the plots

License

This code is licensed under the terms and conditions of GPLv3 unless otherwise stated. The actual paper is governed by a separate license and the paper authors retain their respective copyrights.

Acknowledgement

If you find our paper useful or use this code, please consider citing our work as such:

@article{eftekhari2019moses,
  title={MOSES: A Streaming Algorithm for Linear Dimensionality Reduction},
  author={Eftekhari, Armin and Hauser, Raphael and Grammenos, Andreas},
  journal={IEEE transactions on pattern analysis and machine intelligence},
  year={2019},
  publisher={IEEE}
}

Update: As of May 2019 MOSES has been published in TPAMI - yay!

Disclaimer

THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS "AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT OWNER OR CONTRIBUTORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE.

Note that the project description data, including the texts, logos, images, and/or trademarks, for each open source project belongs to its rightful owner. If you wish to add or remove any projects, please contact us at [email protected].