仪器信息网APP
选仪器、听讲座、看资讯

数据处理算法及软件

新手上路

  • TypeIDNameComments
    Classification1Fisher 线性判别分类器
    Classification2Logistic 对数几率回归1.IRLS(Newton-Raphson)Iteratively reweithted LS 迭代加权最小二乘;
    2.Gradient Ascent梯度上升;
    3.Stochastic Gradient Aescent (随机梯度下降,大规模数据,online);
    Classification3K-Nearest Neighbor(KNN) K-最近邻分类器
    Classification4Naïve Bayes 朴素贝叶斯分类器
    Classification5Soft Independent Modelling of Class Analogy(SIMCA) 簇类独立软模式分类器
    Classification6Perceptron 感知机(二元线性分类器)1.Standard(online);
    2.Pocket(online);
    3.Batch;
    Classification7Decision Tree-C4.5决策树Gain Ration增益率
    Classification8Decision Tree-ID3决策树Information Entropy信息熵
    Classification9Multinomial Logistic(Softmax) 多类别逻辑回归
    Classification10NN前馈神经⽹络/ MLP 多层感知机1.Back Propagation(BP误差逆传播算法);
    2.Stochastic Gradient Descent (随机梯度下降SGD),大规模数据;
    3.Sequence;
    4.Mini-Batch;
    5.Batch;
    6.Nesterov动能法Nesterov’s momentum method(SGD with Monentum);
    RC11CART分类与回归树二叉树,连续变量,最小二乘回归树, 平方误差最小,离散变量: Gini Index基尼系数
    RC12Partial Least Squares(PLS)偏最小二乘法(PLSR,PLSA)
    RC13Support Vector Machine(SVM) 支持向量机(SVMR,SVMC)
    RC14Gaussian Process 高斯过程 (GPR, GPC)
    Regression15Multiple Linear Regression(MLR)多元线性回归
    Regression16Principal Component Regression(PCR) 主成分回归
    Regression, DR17Ridge Regression 岭回归(L2约束)
    Regression, DR18Forward Stagewise linear regression(FSW) 向前逐段回归,类似RR
    Regression, DR19Least Angle Regression(LARS)最小角回归
    Regression, DR20LASSO套索(L1约束)Lasso回归主要的解法:
    1.ADMM交替方向乘子法Alternating Direction Method of Multipliers(拉格朗日方求解L1约束,大规模问题);
    2.最小角回归法( Least Angle Regression)LARS;
    3.坐标下降法(Coordinate Descent) ;
    4.近点梯度法Proximal Gradient;
    5.Nesterov动能法Nesterov’s momentum method;
    6.优化-最小化算法Minorization-Maximization;
    Regression, DR21Elastic Net弹性网(L1+L2约束)Coordinate Descent坐标下降法
    Regression, DR22Kernel Ridge Regression核岭回归
    Cluster23K-MeansK均值聚类
    Cluster24FCMeans模糊C均值聚类
    Cluster25GA-FCM基于遗传算法的模糊C均值聚类
    Cluster26GA-K-Means 基于遗传算法的K均值聚类
    Cluster27PSO-K-Means 基于粒子群算法的K均值聚类
    Cluster28ACO-K-Means 基于蚁群算法的K均值聚类
    Cluster29TS-K-Means 基于禁忌搜索算法的K均值聚类
    Cluster30IA-K-Means 基于免疫算法的K均值聚类
    Cluster31Density-Based Spatial Clustering of Application with Noise(DBSCAN)密度聚类
    Cluster32Jarvis-Patrick聚类1. Breadth First Search广度优先遍历;
    2. Depth First Search深度优先遍历;
    Cluster33Agglomerative NEStingAGNES 层次聚类
    Cluster34Gaussian Mixture Model(GMM) (EC)混合高斯模型聚类
    Cluster35Spectral Clustering谱聚类LE+KMeans
    Cluster36Self Organizing Maps(SOM) 自组织映射神经网络,一种基于神经网络的聚类算法
    Cluster37LVQ Cluster学习向量量化监督聚类
    DR38Principal Component Analysis(PCA)主成分分析
    1. SVD;2. NIPALS非线性迭代偏最小二乘算法Nonlinear iterative partial least squares algorithm;
    DR39Kernel PCA 核主成分分析
    DR40Feature Embedding特征嵌入p>>N
    DR41Independent Component Analysis(ICA) 独立分量分析
    DR42Nonnegative Matrix Factorization(NMF) 非负矩阵分解1.Gradient Descent梯度下降;
    2.ANLS,非负交替最小二乘法Alternating least square method;
    3.NeNMF: An Optimal Gradient Method for Nonnegative Matrix Factorization;
    4.CNMF;
    5.Multiplicative Update;
    DR43Factor Analysis因子分析
    DR44Multidimensional Scaling(MDS) 多维尺度分析
    DR45Isometrix Mapping(Isomap)等度量映射/等距特征映射
    Shortest Path Algorithm最短路径
    DR46Locally Linear Embedding(LLE) 局部线性嵌入
    DR47Locality Preserving Projection(LPP) 局部保留投影法
    DR48Laplacian Eigenmap(LE) 拉普拉斯特征映射,相似性:1.KNN;2.Gaussian;3.LocalScaling;4.KNNGaussian;5.KNNLocalScalling
    DR49SVD 特征值分解
    MCA50Multivariate Curve Resolution-Alternating Least Squares(MCR-ALS) 多元曲线分辨-交替最小二乘法(NNLS)
    MCA51Generalized Rank Annihilation Method(GRAM) 广义秩消因子法
    MCA52Direct Trilinear Decomposition(DTLD) 直接三线性分解
    MCA53CANDECOMP/PARAFAC 典范/平行因子分析
    MCA54Alternating Trilinear Decomposition(ATLD) 交替三线性分解
    MCA55SWATLD 自加权交替三线性分解
    MCA56APTLD 交替惩罚三线性分解·
    MCA57Window Factor Analysis(WFA) 窗口因子分解
    MCA58Heuristic Evolving Latent Projection(HELP) 启发渐进式特征投影
    OPT59Genetic Algorithm(GA)遗传算法
    OPT60Particle Swarm Optimization(PSO)粒子群优化算法
    OPT61Differential Evolution Algorithm(DEA)差分进化算法
    OPT62Ant Colony Optimization(ACO) 蚁群算法
    OPT63Immune Algorithm(IA)免疫算法
    OPT64Simulate Anneal(SA) 模拟退火算法
    OPT65Tabu Search or Taboo Search(TS) 禁忌搜索算法
    Others66Kalman卡尔曼滤波,Mixture,估计-修正-估计-修正
    Others67Curve Fitting 曲线拟合1.Mixture Gaussian混合高斯;2.Polynomial多项式
    Others68EA-Max/Min 智能优化算法-最值问题
    Others69EA-TSP 智能优化算法-旅行商问题
    Others70EA-Knapsack 智能优化算法-背包问题
    Others71Robust Principal Component Analysis(RPCA) 稳健主成分分析
    Base72Statics统计量
    Base73Baseline Correction基线矫正(背景扣除)
    1.ArPLS;
    2.AirPLS;
    Base74Distance and Similarity 距离与相似性1. Cosine余弦距离;
    2. Minkowski 闵可夫斯基距离 Lp;
    3. Euclidean欧氏距离L2;
    4. Manhattan曼哈顿距离L1;
    5. Chebyshev切比雪夫距离L;
    6. Mahalanobis马氏距离;
    7. Jaccard Coefficient杰卡德系数/Tanimoto;
    8. Soergel塞格尔;
    9. Bray Curtis/Czekanowski/Srenson Coefficient;
    10. Hamming汉明距离;
    11. Correlation 皮尔逊相关系数;
    12. SNN相似度(Shared Nearest Neighbour);
    13. Levenshtein 距离;
    14. Damerau Levenshtein距离;
    Base75Smooth 平滑Moving Average,Median,Parzen,Exponential,
    Guassian,SavitzkyGolay,FFT,Wavelet
    Base76Peak 峰值
    Base77Normalize 归一化/标准化1. Mean;2.Area;3.UnitVector; 4. Max;5. Range;6. Peak;7. MaxMin;8.ZSocre;
    Base78Histogram 直方图非参数估计
    Base79FFT/iFFT快速傅里叶变换
    Base80Wavelet 小波变换1.DWT;
    2.CWT;
    3.iDWT;
    Base81Compress(Wavelet) 压缩
    Base82Decompose(Wavelet) 分解1.WithSampling:standard wavelet with sampling,
    2.WithoutSampling:Low part is separated as even and odd two parts in this algorithm,
    Base83Expectation Maximization(EM) 最大期望算法
    Base84Convolution/Deconvolution卷积/去卷积
    Base85AutoCorrelation/CrossCorrelation自相关/胡相关
    Base86MSC多元散射校正
    Base87Outlier 离群值检测
    Base88Feature Selection特征选择
    CS89Orthogonal Matching Pursuit(OMP)正交匹配追踪
    CS90Compressive sampling MP(CoSaMP)压缩采样匹配追踪
    CS91Stagewise Matching Pursuit(StOMP)分段匹配追踪
    CS92Weak Matching Pursuit(WMP)弱匹配追踪
    CS93Subspace Pursuit(SP)子空间追踪
    CS94Iterative Hard Threshold(IHT)迭代硬阈值算法
    CS95Linearized Bregman线性Bregman
    Ensemble96Random Forest随机森林
    Ensemble97Boosting
    Ensemble98Bagging
    BIO99Sequence Alignment基因序列比对
    GlobalNeedlemanWunsch
    LocalSmithWaterman
    RC100NNT_MLP反馈神经网络(BP,LM,CG)
    Regression101NNT_RBFKMeans-LS 径向基网络Radial Basis Networks
    Classification102NNT_HammingCompete NN, input 0/1
    Classification103NNT_LVQCompete NN, cluster/classification,
    学习向量量化Learning Vector Quantization
    Cluster104NNT_KohonenCompete NN, SOM, cluster
    107NNT_CNN卷积网络
    +关注 私聊
  • Insm_ddf95923

    第1楼2020/05/06

    可以交流一下吗

0
0
猜你喜欢最新推荐热门推荐更多推荐
举报帖子

执行举报

点赞用户
好友列表
加载中...
正在为您切换请稍后...