Tensor (multidimensional Array) Decomposition, Regression and Software for Statistics and Machine Learning

Download Tensor (multidimensional Array) Decomposition, Regression and Software for Statistics and Machine Learning PDF Online Free

Author :
Publisher :
ISBN 13 :
Total Pages : 130 pages
Book Rating : 4.:/5 (892 download)

DOWNLOAD NOW!


Book Synopsis Tensor (multidimensional Array) Decomposition, Regression and Software for Statistics and Machine Learning by : James Yi-Wei Li

Download or read book Tensor (multidimensional Array) Decomposition, Regression and Software for Statistics and Machine Learning written by James Yi-Wei Li and published by . This book was released on 2014 with total page 130 pages. Available in PDF, EPUB and Kindle. Book excerpt: This thesis illustrates connections between statistical models for tensors, introduces a novel linear model for tensors with 3 modes, and implements tensor software in the form of an R package. Tensors, or multidimensional arrays, are a natural generalization of the vectors and matrices that are ubiquitous in statistical modeling. However, while matrix algebra has been well-studied and plays a crucial role in the interaction between data and the parameters of any given model, algebra of higher-order arrays has been relatively overlooked in data analysis and statistical theory. The emergence of multilinear datasets - where observations are vector-variate, matrix-variate, or even tensor-variate - only serve to emphasize the relative lack of statistical understanding around tensor data structures. In the first half of the thesis, we highlight classic tensor algebraic results and models used in image analysis, chemometrics, and psychometrics, as well as connect them to recent statistical models. The second half of the thesis features a linear model that is based off a recently introduced tensor multiplication. For this model, we prove some of the classic properties that we would expect from a 3-tensor generalization of the matrix ordinary least squares. We also apply our model to a functional dataset to demonstrate one possible usage. We conclude this thesis with an exposition of the software developed to facilitate tensor modeling and manipulation in R. This software implements many of the classic tensor decomposition models as well as our own linear model.

Tensor Computation for Data Analysis

Download Tensor Computation for Data Analysis PDF Online Free

Author :
Publisher : Springer Nature
ISBN 13 : 3030743861
Total Pages : 347 pages
Book Rating : 4.0/5 (37 download)

DOWNLOAD NOW!


Book Synopsis Tensor Computation for Data Analysis by : Yipeng Liu

Download or read book Tensor Computation for Data Analysis written by Yipeng Liu and published by Springer Nature. This book was released on 2021-08-31 with total page 347 pages. Available in PDF, EPUB and Kindle. Book excerpt: Tensor is a natural representation for multi-dimensional data, and tensor computation can avoid possible multi-linear data structure loss in classical matrix computation-based data analysis. This book is intended to provide non-specialists an overall understanding of tensor computation and its applications in data analysis, and benefits researchers, engineers, and students with theoretical, computational, technical and experimental details. It presents a systematic and up-to-date overview of tensor decompositions from the engineer's point of view, and comprehensive coverage of tensor computation based data analysis techniques. In addition, some practical examples in machine learning, signal processing, data mining, computer vision, remote sensing, and biomedical engineering are also presented for easy understanding and implementation. These data analysis techniques may be further applied in other applications on neuroscience, communication, psychometrics, chemometrics, biometrics, quantum physics, quantum chemistry, etc. The discussion begins with basic coverage of notations, preliminary operations in tensor computations, main tensor decompositions and their properties. Based on them, a series of tensor-based data analysis techniques are presented as the tensor extensions of their classical matrix counterparts, including tensor dictionary learning, low rank tensor recovery, tensor completion, coupled tensor analysis, robust principal tensor component analysis, tensor regression, logistical tensor regression, support tensor machine, multilinear discriminate analysis, tensor subspace clustering, tensor-based deep learning, tensor graphical model and tensor sketch. The discussion also includes a number of typical applications with experimental results, such as image reconstruction, image enhancement, data fusion, signal recovery, recommendation system, knowledge graph acquisition, traffic flow prediction, link prediction, environmental prediction, weather forecasting, background extraction, human pose estimation, cognitive state classification from fMRI, infrared small target detection, heterogeneous information networks clustering, multi-view image clustering, and deep neural network compression.

Multimodal and Tensor Data Analytics for Industrial Systems Improvement

Download Multimodal and Tensor Data Analytics for Industrial Systems Improvement PDF Online Free

Author :
Publisher : Springer Nature
ISBN 13 : 3031530926
Total Pages : 388 pages
Book Rating : 4.0/5 (315 download)

DOWNLOAD NOW!


Book Synopsis Multimodal and Tensor Data Analytics for Industrial Systems Improvement by : Nathan Gaw

Download or read book Multimodal and Tensor Data Analytics for Industrial Systems Improvement written by Nathan Gaw and published by Springer Nature. This book was released on with total page 388 pages. Available in PDF, EPUB and Kindle. Book excerpt:

Tensors for Data Processing

Download Tensors for Data Processing PDF Online Free

Author :
Publisher : Academic Press
ISBN 13 : 0323859658
Total Pages : 598 pages
Book Rating : 4.3/5 (238 download)

DOWNLOAD NOW!


Book Synopsis Tensors for Data Processing by : Yipeng Liu

Download or read book Tensors for Data Processing written by Yipeng Liu and published by Academic Press. This book was released on 2021-10-21 with total page 598 pages. Available in PDF, EPUB and Kindle. Book excerpt: Tensors for Data Processing: Theory, Methods and Applications presents both classical and state-of-the-art methods on tensor computation for data processing, covering computation theories, processing methods, computing and engineering applications, with an emphasis on techniques for data processing. This reference is ideal for students, researchers and industry developers who want to understand and use tensor-based data processing theories and methods. As a higher-order generalization of a matrix, tensor-based processing can avoid multi-linear data structure loss that occurs in classical matrix-based data processing methods. This move from matrix to tensors is beneficial for many diverse application areas, including signal processing, computer science, acoustics, neuroscience, communication, medical engineering, seismology, psychometric, chemometrics, biometric, quantum physics and quantum chemistry. Provides a complete reference on classical and state-of-the-art tensor-based methods for data processing Includes a wide range of applications from different disciplines Gives guidance for their application

Research on Tensor Computation and Its Application on Data Science

Download Research on Tensor Computation and Its Application on Data Science PDF Online Free

Author :
Publisher :
ISBN 13 :
Total Pages : 0 pages
Book Rating : 4.:/5 (138 download)

DOWNLOAD NOW!


Book Synopsis Research on Tensor Computation and Its Application on Data Science by : Zequn Zheng

Download or read book Research on Tensor Computation and Its Application on Data Science written by Zequn Zheng and published by . This book was released on 2023 with total page 0 pages. Available in PDF, EPUB and Kindle. Book excerpt: Tensors or multidimensional arrays are higher order generalizations of matrices. They are natural structures for expressing data that have inherent higher order structures. Tensor decompositions and Tensor approximations play an important role in learning those hidden structures. They have many applications in machine learning, statistical learning, data science, signal processing, neuroscience, and more. Canonical Polyadic Decomposition (CPD) is a tensor decomposition that decomposes a tensor to minimal number of summation of rank 1 tensors. While for a given tensor, Low-Rank Tensor Approximation (LRTA) aims at finding a new one whose rank is small and that is close to the given one. We study the generating polynomials for computing tensor decompositions and low-rank approximations for given tensors and propose methods that can compute tensor decompositions for generic tensors under certain rank conditions. For low-rank tensor approximation, the proposed method guarantees that the constructed tensor is a good enough low-rank approximation if the tensor is to be approximated is close enough to a low-rank one. The proof built on perturbation analysis is presented. When the rank is higher than the second dimension, we are not able to find the common zeros of generating polynomials directly. In this case, we need to use the quadratic equations that we get from those generating polynomials. We show that under certain conditions, we are able to find the tensor decompositions using standard linear algebra operations (i.e., solving linear systems, singular value decompositions, QR decompositions). Numerical examples and some comparisons are presented to show the performance of our algorithm. Multi-view learning is frequently used in data science. The pairwise correlation maximization is a classical approach for exploring the consensus of multiple views. Since the pairwise correlation is inherent for two views, the extensions to more views can be diversified and the intrinsic interconnections among views are generally lost. To address this issue, we propose to maximize the high-order tensor correlation. This can be formulated as a low-rank approximation problem with the high-order correlation tensor of multi-view data. We propose to use the generating polynomial method to efficiently solve the high-order correlation maximization problem of tensor canonical correlation analysis for multi-view learning. Numerical results on simulated data and two real multi-view data sets demonstrate that our proposed method not only consistently outperforms existing methods but also is efficient for large scale tensors.

User-Defined Tensor Data Analysis

Download User-Defined Tensor Data Analysis PDF Online Free

Author :
Publisher : Springer Nature
ISBN 13 : 3030707504
Total Pages : 111 pages
Book Rating : 4.0/5 (37 download)

DOWNLOAD NOW!


Book Synopsis User-Defined Tensor Data Analysis by : Bin Dong

Download or read book User-Defined Tensor Data Analysis written by Bin Dong and published by Springer Nature. This book was released on 2021-09-29 with total page 111 pages. Available in PDF, EPUB and Kindle. Book excerpt: The SpringerBrief introduces FasTensor, a powerful parallel data programming model developed for big data applications. This book also provides a user's guide for installing and using FasTensor. FasTensor enables users to easily express many data analysis operations, which may come from neural networks, scientific computing, or queries from traditional database management systems (DBMS). FasTensor frees users from all underlying and tedious data management tasks, such as data partitioning, communication, and parallel execution. This SpringerBrief gives a high-level overview of the state-of-the-art in parallel data programming model and a motivation for the design of FasTensor. It illustrates the FasTensor application programming interface (API) with an abundance of examples and two real use cases from cutting edge scientific applications. FasTensor can achieve multiple orders of magnitude speedup over Spark and other peer systems in executing big data analysis operations. FasTensor makes programming for data analysis operations at large scale on supercomputers as productively and efficiently as possible. A complete reference of FasTensor includes its theoretical foundations, C++ implementation, and usage in applications. Scientists in domains such as physical and geosciences, who analyze large amounts of data will want to purchase this SpringerBrief. Data engineers who design and develop data analysis software and data scientists, and who use Spark or TensorFlow to perform data analyses, such as training a deep neural network will also find this SpringerBrief useful as a reference tool.

Basics of Linear Algebra for Machine Learning

Download Basics of Linear Algebra for Machine Learning PDF Online Free

Author :
Publisher : Machine Learning Mastery
ISBN 13 :
Total Pages : 211 pages
Book Rating : 4./5 ( download)

DOWNLOAD NOW!


Book Synopsis Basics of Linear Algebra for Machine Learning by : Jason Brownlee

Download or read book Basics of Linear Algebra for Machine Learning written by Jason Brownlee and published by Machine Learning Mastery. This book was released on 2018-01-24 with total page 211 pages. Available in PDF, EPUB and Kindle. Book excerpt: Linear algebra is a pillar of machine learning. You cannot develop a deep understanding and application of machine learning without it. In this laser-focused Ebook, you will finally cut through the equations, Greek letters, and confusion, and discover the topics in linear algebra that you need to know. Using clear explanations, standard Python libraries, and step-by-step tutorial lessons, you will discover what linear algebra is, the importance of linear algebra to machine learning, vector, and matrix operations, matrix factorization, principal component analysis, and much more.

Tensor Regression and Tensor Time Series Analyses for High Dimensional Data

Download Tensor Regression and Tensor Time Series Analyses for High Dimensional Data PDF Online Free

Author :
Publisher :
ISBN 13 :
Total Pages : 100 pages
Book Rating : 4.:/5 (113 download)

DOWNLOAD NOW!


Book Synopsis Tensor Regression and Tensor Time Series Analyses for High Dimensional Data by : Herath Mudiyanselage Wiranthe Bandara Herath

Download or read book Tensor Regression and Tensor Time Series Analyses for High Dimensional Data written by Herath Mudiyanselage Wiranthe Bandara Herath and published by . This book was released on 2019 with total page 100 pages. Available in PDF, EPUB and Kindle. Book excerpt: Many real data are naturally represented as a multidimensional array called a tensor. In classical regression and time series models, the predictors and covariate variables are considered as a vector. However, due to high dimensionality of predictor variables, these types of models are inefficient for analyzing multidimensional data. In contrast, tensor structured models use predictors and covariate variables in a tensor format. Tensor regression and tensor time series models can reduce high dimensional data to a low dimensional framework and lead to efficient estimation and prediction. In this thesis, we discuss the modeling and estimation procedures for both tensor regression models and tensor time series models. The results of simulation studies and a numerical analysis are provided.

Tensor Regression

Download Tensor Regression PDF Online Free

Author :
Publisher :
ISBN 13 : 9781680838862
Total Pages : pages
Book Rating : 4.8/5 (388 download)

DOWNLOAD NOW!


Book Synopsis Tensor Regression by : Jiani Liu

Download or read book Tensor Regression written by Jiani Liu and published by . This book was released on 2021-09-27 with total page pages. Available in PDF, EPUB and Kindle. Book excerpt: Tensor Regression is the first thorough overview of the fundamentals, motivations, popular algorithms, strategies for efficient implementation, related applications, available datasets, and software resources for tensor-based regression analysis.

Mathematics for Machine Learning

Download Mathematics for Machine Learning PDF Online Free

Author :
Publisher : Cambridge University Press
ISBN 13 : 1108569323
Total Pages : 392 pages
Book Rating : 4.1/5 (85 download)

DOWNLOAD NOW!


Book Synopsis Mathematics for Machine Learning by : Marc Peter Deisenroth

Download or read book Mathematics for Machine Learning written by Marc Peter Deisenroth and published by Cambridge University Press. This book was released on 2020-04-23 with total page 392 pages. Available in PDF, EPUB and Kindle. Book excerpt: The fundamental mathematical tools needed to understand machine learning include linear algebra, analytic geometry, matrix decompositions, vector calculus, optimization, probability and statistics. These topics are traditionally taught in disparate courses, making it hard for data science or computer science students, or professionals, to efficiently learn the mathematics. This self-contained textbook bridges the gap between mathematical and machine learning texts, introducing the mathematical concepts with a minimum of prerequisites. It uses these concepts to derive four central machine learning methods: linear regression, principal component analysis, Gaussian mixture models and support vector machines. For students and others with a mathematical background, these derivations provide a starting point to machine learning texts. For those learning the mathematics for the first time, the methods help build intuition and practical experience with applying mathematical concepts. Every chapter includes worked examples and exercises to test understanding. Programming tutorials are offered on the book's web site.

Spectral Learning on Matrices and Tensors

Download Spectral Learning on Matrices and Tensors PDF Online Free

Author :
Publisher :
ISBN 13 : 9781680836400
Total Pages : 156 pages
Book Rating : 4.8/5 (364 download)

DOWNLOAD NOW!


Book Synopsis Spectral Learning on Matrices and Tensors by : Majid Janzamin

Download or read book Spectral Learning on Matrices and Tensors written by Majid Janzamin and published by . This book was released on 2019-11-25 with total page 156 pages. Available in PDF, EPUB and Kindle. Book excerpt: The authors of this monograph survey recent progress in using spectral methods including matrix and tensor decomposition techniques to learn many popular latent variable models. With careful implementation, tensor-based methods can run efficiently in practice, and in many cases they are the only algorithms with provable guarantees on running time and sample complexity. The focus is on a special type of tensor decomposition called CP decomposition, and the authors cover a wide range of algorithms to find the components of such tensor decomposition. They also discuss the usefulness of this decomposition by reviewing several probabilistic models that can be learned using such tensor methods. The second half of the monograph looks at practical applications. This includes using Tensorly, an efficient tensor algebra software package, which has a simple python interface for expressing tensor operations. It also has a flexible back-end system supporting NumPy, PyTorch, TensorFlow, and MXNet. Spectral Learning on Matrices and Tensors provides a theoretical and practical introduction to designing and deploying spectral learning on both matrices and tensors. It is of interest for all students, researchers and practitioners working on modern day machine learning problems.

Theory and Computation of Tensors

Download Theory and Computation of Tensors PDF Online Free

Author :
Publisher : Academic Press
ISBN 13 : 0128039809
Total Pages : 150 pages
Book Rating : 4.1/5 (28 download)

DOWNLOAD NOW!


Book Synopsis Theory and Computation of Tensors by : Yimin Wei

Download or read book Theory and Computation of Tensors written by Yimin Wei and published by Academic Press. This book was released on 2016-08-28 with total page 150 pages. Available in PDF, EPUB and Kindle. Book excerpt: Theory and Computation of Tensors: Multi-Dimensional Arrays investigates theories and computations of tensors to broaden perspectives on matrices. Data in the Big Data Era is not only growing larger but also becoming much more complicated. Tensors (multi-dimensional arrays) arise naturally from many engineering or scientific disciplines because they can represent multi-relational data or nonlinear relationships. Provides an introduction of recent results about tensors Investigates theories and computations of tensors to broaden perspectives on matrices Discusses how to extend numerical linear algebra to numerical multi-linear algebra Offers examples of how researchers and students can engage in research and the applications of tensors and multi-dimensional arrays

Tensor-Based Dynamical Systems

Download Tensor-Based Dynamical Systems PDF Online Free

Author :
Publisher : Springer
ISBN 13 : 9783031545047
Total Pages : 0 pages
Book Rating : 4.5/5 (45 download)

DOWNLOAD NOW!


Book Synopsis Tensor-Based Dynamical Systems by : Can Chen

Download or read book Tensor-Based Dynamical Systems written by Can Chen and published by Springer. This book was released on 2024-04-11 with total page 0 pages. Available in PDF, EPUB and Kindle. Book excerpt: This book provides a comprehensive review on tensor algebra, including tensor products, tensor unfolding, tensor eigenvalues, and tensor decompositions. Tensors are multidimensional arrays generalized from vectors and matrices, which can capture higher-order interactions within multiway data. In addition, tensors have wide applications in many domains such as signal processing, machine learning, and data analysis, and the author explores the role of tensors/tensor algebra in tensor-based dynamical systems where system evolutions are captured through various tensor products. The author provides an overview of existing literature on the topic and aims to inspire readers to learn, develop, and apply the framework of tensor-based dynamical systems.

Tensor Networks for Dimensionality Reduction and Large-Scale Optimization

Download Tensor Networks for Dimensionality Reduction and Large-Scale Optimization PDF Online Free

Author :
Publisher :
ISBN 13 : 9781680832761
Total Pages : 262 pages
Book Rating : 4.8/5 (327 download)

DOWNLOAD NOW!


Book Synopsis Tensor Networks for Dimensionality Reduction and Large-Scale Optimization by : Andrzej Cichocki

Download or read book Tensor Networks for Dimensionality Reduction and Large-Scale Optimization written by Andrzej Cichocki and published by . This book was released on 2017-05-28 with total page 262 pages. Available in PDF, EPUB and Kindle. Book excerpt: This monograph builds on Tensor Networks for Dimensionality Reduction and Large-scale Optimization: Part 1 Low-Rank Tensor Decompositions by discussing tensor network models for super-compressed higher-order representation of data/parameters and cost functions, together with an outline of their applications in machine learning and data analytics. A particular emphasis is on elucidating, through graphical illustrations, that by virtue of the underlying low-rank tensor approximations and sophisticated contractions of core tensors, tensor networks have the ability to perform distributed computations on otherwise prohibitively large volume of data/parameters, thereby alleviating the curse of dimensionality. The usefulness of this concept is illustrated over a number of applied areas, including generalized regression and classification, generalized eigenvalue decomposition and in the optimization of deep neural networks. The monograph focuses on tensor train (TT) and Hierarchical Tucker (HT) decompositions and their extensions, and on demonstrating the ability of tensor networks to provide scalable solutions for a variety of otherwise intractable large-scale optimization problems. Tensor Networks for Dimensionality Reduction and Large-scale Optimization Parts 1 and 2 can be used as stand-alone texts, or together as a comprehensive review of the exciting field of low-rank tensor networks and tensor decompositions. See also: Tensor Networks for Dimensionality Reduction and Large-scale Optimization: Part 1 Low-Rank Tensor Decompositions. ISBN 978-1-68083-222-8

Machine Learning in Medical Imaging

Download Machine Learning in Medical Imaging PDF Online Free

Author :
Publisher : Springer Nature
ISBN 13 : 3030326926
Total Pages : 695 pages
Book Rating : 4.0/5 (33 download)

DOWNLOAD NOW!


Book Synopsis Machine Learning in Medical Imaging by : Heung-Il Suk

Download or read book Machine Learning in Medical Imaging written by Heung-Il Suk and published by Springer Nature. This book was released on 2019-10-09 with total page 695 pages. Available in PDF, EPUB and Kindle. Book excerpt: This book constitutes the proceedings of the 10th International Workshop on Machine Learning in Medical Imaging, MLMI 2019, held in conjunction with MICCAI 2019, in Shenzhen, China, in October 2019. The 78 papers presented in this volume were carefully reviewed and selected from 158 submissions. They focus on major trends and challenges in the area, aiming to identify new-cutting-edge techniques and their uses in medical imaging. Topics dealt with are: deep learning, generative adversarial learning, ensemble learning, sparse learning, multi-task learning, multi-view learning, manifold learning, and reinforcement learning, with their applications to medical image analysis, computer-aided detection and diagnosis, multi-modality fusion, image reconstruction, image retrieval, cellular image analysis, molecular imaging, digital pathology, etc.

Unsupervised Feature Extraction Applied to Bioinformatics

Download Unsupervised Feature Extraction Applied to Bioinformatics PDF Online Free

Author :
Publisher : Springer Nature
ISBN 13 : 3030224562
Total Pages : 321 pages
Book Rating : 4.0/5 (32 download)

DOWNLOAD NOW!


Book Synopsis Unsupervised Feature Extraction Applied to Bioinformatics by : Y-h. Taguchi

Download or read book Unsupervised Feature Extraction Applied to Bioinformatics written by Y-h. Taguchi and published by Springer Nature. This book was released on 2019-08-23 with total page 321 pages. Available in PDF, EPUB and Kindle. Book excerpt: This book proposes applications of tensor decomposition to unsupervised feature extraction and feature selection. The author posits that although supervised methods including deep learning have become popular, unsupervised methods have their own advantages. He argues that this is the case because unsupervised methods are easy to learn since tensor decomposition is a conventional linear methodology. This book starts from very basic linear algebra and reaches the cutting edge methodologies applied to difficult situations when there are many features (variables) while only small number of samples are available. The author includes advanced descriptions about tensor decomposition including Tucker decomposition using high order singular value decomposition as well as higher order orthogonal iteration, and train tenor decomposition. The author concludes by showing unsupervised methods and their application to a wide range of topics. Allows readers to analyze data sets with small samples and many features; Provides a fast algorithm, based upon linear algebra, to analyze big data; Includes several applications to multi-view data analyses, with a focus on bioinformatics.

Statistically Consistent Support Tensor Machine for Multi-dimensional Data

Download Statistically Consistent Support Tensor Machine for Multi-dimensional Data PDF Online Free

Author :
Publisher :
ISBN 13 :
Total Pages : 159 pages
Book Rating : 4.5/5 (346 download)

DOWNLOAD NOW!


Book Synopsis Statistically Consistent Support Tensor Machine for Multi-dimensional Data by : Peide Li

Download or read book Statistically Consistent Support Tensor Machine for Multi-dimensional Data written by Peide Li and published by . This book was released on 2021 with total page 159 pages. Available in PDF, EPUB and Kindle. Book excerpt: Tensors are generalizations of vectors and matrices for multi-dimensional data representation. Fueled by novel computing technologies, tensors have expanded to various domains, including statistics, data science, signal processing, and machine learning. Comparing to traditional data representation formats, tensor data representation distinguishes itself with its capability of preserving complex structures and multi-way features for multi-dimensional data. In this dissertation, we explore some tensor-based classification models and their statistical properties. In particular, we propose few novel support tensor machine methods for huge-size tensor and multimodal tensor classification problems, and study their classification consistency properties. These methods are applied to different applications for validation.The first piece of work considers classification problems for gigantic size multi-dimensional data. Although current tensor-based classification approaches have demonstrated extraordinary performance in empirical studies, they may face more challenges such as long processing time and insufficient computer memory when dealing with big tensors. In chapter 3, we combine tensor-based random projection and support tensor machine, and propose a Tensor Ensemble Classifier(TEC) for ultra-high dimensional tensors, which aggregates multiple support tensor machines estimated from randomly projected CANDECOMP/PARAFAC (CP) tensors. This method utilizes Gaussian and spares random projections to compress high-dimensional tensor CP factors, and predicts their class labels with support tensor machine classifiers. With the well celebrated Johnson-Lindenstrauss Lemma and ensemble techniques, TEC methods are shown to be statistically consistent while having high computational efficiencies for big tensor data. Simulation studies and real data applications including Alzheimer's Disease MRI Image classification and Traffic Image classification are provided as empirical evidence to validate the performance of TEC models.The second piece of work considers classification problems for multimodal tensor data, which are particularly common in neuroscience and brain imaging analysis. Utilizing multimodal data is of great interest for machine learning and statistics research in these domains, since it is believed that integration of features from multiple sources can potentially increase model performance while unveiling the interdependence between heterogeneous data. In chapter 4, we propose a Coupled Support Tensor Machine (C-STM) which adopts Advanced Coupled Matrix Tensor Factorization(ACMTF) and Multiple Kernel Learning (MKL) techniques for coupled matrix tensor data classification. The classification risk of C-STM is shown to be converging to the optimal Bayes risk, making itself a statistically consistent rule. The framework can also be easily extended for multimodal tensors with data modalities greater than two. The C-STM is validated through a simulation study as well as a simultaneous EEG-fMRI trial classification problem. The empirical evidence shows that C-STM can utilize information from multiple sources and provide a better performance comparing to the traditional methods.