Jump to content

Template:Machine learning: Difference between revisions

From Wikipedia, the free encyclopedia
Content deletedContent added
mformat
Tag:Reverted
Uses CSS
(23 intermediate revisions by 15 users not shown)
Line 1: Line 1:
<templatestyles src= "Machine learning/styles.css" />
{{Sidebar with collapsible lists
{{Sidebar with collapsible lists
| name = Machine learning
| name = Machine learning
Line 4: Line 5:
| title = [[Machine learning]]<br/>and [[data mining]]
| title = [[Machine learning]]<br/>and [[data mining]]
| imagestyle =
| imagestyle =
| image = [[File:Kernel Machine.svg|frameless|Scatterplot featuring a linear support vector machine's decision boundary (dashed line)]]
| headingstyle =
| headingstyle =
| titlestyle =
| titlestyle =
| listtitlestyle = border-top:1px solid #aaa;text-align:center;background:#ddd;
| listtitlestyle = border-top:1px solid #aaa;text-align:center;
| listclass = hlist
| listclass = hlist
| expanded = {{{expanded|{{{1|none}}}}}}
| expanded = {{{expanded|{{{1|none}}}}}}


| list1title = Paradigms
| list1title = {{longitem | Learning paradigms<br/>{{nobold|{{small|('''[[Supervised learning|supervised]]'''{{•}}'''[[Unsupervised learning|unsupervised]]'''{{•}}'''<br/>[[Semi-supervised learning|semi-supervised]]'''{{•}}'''[[Rule-based machine learning|rule-based]]''' '''etc''')}}}} }}
| list1name = Paradigms
| list1name = Paradigms
| list1class = machine-learning-list-title
| list1 = [[Supervised learning]] {{•}} [[Unsupervised learning]] {{•}} [[Semi-supervised learning]] {{•}} [[Self-supervised learning]] {{•}} [[Reinforcement learning]] {{•}} [[Online machine learning|Online learning]] {{•}} [[Batch learning]] {{•}} [[Meta-learning (computer science)|Meta-learning]] {{•}} [[Rule-based machine learning|Rule-based learning]] {{•}} [[Quantum machine learning]]
| list1 =
* [[Supervised learning]]
* [[Unsupervised learning]]
* [[Online machine learning|Online learning]]
* [[Batch learning]]
* [[Meta-learning (computer science)|Meta-learning]]
* [[Semi-supervised learning]]
* [[Self-supervised learning]]
* [[Reinforcement learning]]
* [[Curriculum learning]]
* [[Rule-based machine learning|Rule-based learning]]
* [[Quantum machine learning]]


| list2title = Problems
| list2title = {{longitem | Problems<br/>{{nobold|{{small|('''[[Regression analysis|regression]]'''{{•}}'''[[structured prediction]]''' '''etc''')}}}} }}
| list2name = Problems
| list2name = Problems
| list2class = machine-learning-list-title
| list2 = [[Regression analysis|Regression]] {{•}} [[Cluster analysis|Clustering]] {{•}} [[Dimensionality reduction|dimension reduction]] {{•}} [[Anomaly detection]] {{•}} [[Statistical classification|Classification]] {{•}} [[Generative model]] {{•}} [[Density estimation]] {{•}} [[Data Cleaning]] {{•}} [[Automated machine learning|AutoML]] {{•}} [[Association rule learning|Association rules]] {{•}} [[Semantic analysis (machine learning)|Semantic analysis]] {{•}} [[Structured prediction]] {{•}} [[Feature engineering]] {{•}} [[Feature learning]] {{•}} [[Learning to rank]] {{•}} [[Grammar induction]] {{•}} [[Ontology learning]] {{•}} [[Multimodal learning]]
| list2 =
* [[Statistical classification|Classification]]
* [[Generative model|Generative modeling]]
* [[Regression analysis|Regression]]
* [[Cluster analysis|Clustering]]
* [[Dimensionality reduction]]
* [[Density estimation]]
* [[Anomaly detection]]
* [[Data cleaning]]
* [[Automated machine learning|AutoML]]
* [[Association rule learning|Association rules]]
* [[Semantic analysis (machine learning)|Semantic analysis]]
* [[Structured prediction]]
* [[Feature engineering]]
* [[Feature learning]]
* [[Learning to rank]]
* [[Grammar induction]]
* [[Ontology learning]]
* [[Multimodal learning]]



| list3title = {{longitem | Supervised <br/>{{nobold|{{small|('''[[Artificial neural network|neural networks]]'''{{•}}'''[[Decision tree learning|decision trees]]''' '''etc''')}}}} }}
| list3title = {{longitem |[[Supervised learning]]<br/>{{nobold|{{small|('''[[Statistical classification|classification]]'''{{•}}'''[[Regression analysis|regression]]''')}}}} }}
| list3name = Supervised learning
| list3name = Supervised learning
| list3class = machine-learning-list-title
| list3 = [[Artificial neural network|Neural networks]] {{•}} [[Apprenticeship learning]] {{•}} [[Decision tree learning|Decision trees]] {{•}} [[Ensemble learning|Ensembles]] {{•}} [[Bootstrap aggregating|Bagging]] {{•}} [[Boosting (machine learning)|Boosting]] {{•}} [[Random forest]] {{•}} [[k-nearest neighbors algorithm|''k''-NN]] {{•}} [[Linear regression]] {{•}} [[Naive Bayes classifier|Naive Bayes]] {{•}} [[Logistic regression]] {{•}} [[Perceptron]] {{•}} [[Relevance vector machine|Relevance vector machine (RVM)]] {{•}} [[Support vector machine|Support vector machine (SVM)]]
| list3 =
* [[Apprenticeship learning]]
* [[Decision tree learning|Decision trees]]
* [[Ensemble learning|Ensembles]]
** [[Bootstrap aggregating|Bagging]]
** [[Boosting (machine learning)|Boosting]]
** [[Random forest]]
* [[k-nearest neighbors algorithm|''k''-NN]]
* [[Linear regression]]
* [[Naive Bayes classifier|Naive Bayes]]
* [[Artificial neural network]]s
* [[Logistic regression]]
* [[Perceptron]]
* [[Relevance vector machine|Relevance vector machine (RVM)]]
* [[Support vector machine|Support vector machine (SVM)]]


| list4title = {{longitem | Artificial<br/>neural networks<br/>{{nobold|{{small|('''[[deep learning]]'''{{•}}'''[[Transformer (machine learning model)|transformer]]''' '''etc''')}}}} }}
| list4name = Artificial neural network
| list4 = [[Autoencoder]] {{•}} [[Cognitive computing]] {{•}} [[Deep learning]] {{•}} [[DeepDream]] {{•}} [[Multilayer perceptron]] {{•}} [[Recurrent neural network|RNN]] {{•}} [[Long short-term memory|LSTM]] {{•}} [[Gated recurrent unit|GRU]] {{•}} [[Echo state network|ESN]] {{•}} [[reservoir computing]] {{•}} [[Restricted Boltzmann machine]] {{•}} [[Generative adversarial network|GAN]]* [[Self-organizing map|SOM]] {{•}} [[Convolutional neural network]] {{•}} [[U-Net]] {{•}} [[Transformer (machine learning model)|Transformer]] {{•}} [[Vision transformer|Vision]] {{•}} [[Spiking neural network]] {{•}} [[Memtransistor]] {{•}} [[Electrochemical RAM]] (ECRAM)


| list4title = [[Cluster analysis|Clustering]]
| list5title = {{longitem | Clustering <br/>{{nobold|{{small|('''[[Hierarchical clustering|hierarchical]]'''{{•}}'''[[Fuzzy clustering|fuzzy]]''' '''etc''')}}}} }}
|list5name= Clustering
|list4name= Clustering
| list4class = machine-learning-list-title
| list5 = [[BIRCH]] {{•}} [[CURE algorithm|CURE]] {{•}} [[Hierarchical clustering|Hierarchical]] {{•}} [[k-means clustering|''k''-means]] {{•}} [[Fuzzy clustering|Fuzzy]] {{•}} [[Expectation–maximization algorithm|Expectation–maximization (EM)]] {{•}} [[DBSCAN]] {{•}} [[OPTICS algorithm|OPTICS]] {{•}} [[Mean shift]]
| list4 =
* [[BIRCH]]
* [[CURE algorithm|CURE]]
* [[Hierarchical clustering|Hierarchical]]
* [[k-means clustering|''k''-means]]
* [[Fuzzy clustering|Fuzzy]]
* [[Expectation–maximization algorithm|Expectation–maximization (EM)]]
* <br/>[[DBSCAN]]
* [[OPTICS algorithm|OPTICS]]
* [[Mean shift]]


| list5title = [[Dimensionality reduction]]
| list6title = {{longitem | Dim. reduction<br/>{{nobold|{{small|('''[[factor analysis]]'''{{•}}'''[[Principal component analysis|PCA]]''' '''etc''')}}}} }}
|list6name= Dimensionality reduction
|list5name= Dimensionality reduction
| list5class = machine-learning-list-title
| list6 = [[Factor analysis]] {{•}} [[Canonical correlation|CCA]] {{•}} [[Independent component analysis|ICA]] {{•}} [[Linear discriminant analysis|LDA]] {{•}} [[Non-negative matrix factorization|NMF]] {{•}} [[Principal component analysis|PCA]] {{•}} [[Proper generalized decomposition|PGD]] {{•}} [[t-distributed stochastic neighbor embedding|t-SNE]] {{•}} [[Sparse dictionary learning|SDL]]
| list5 =
* [[Factor analysis]]
* [[Canonical correlation|CCA]]
* [[Independent component analysis|ICA]]
* [[Linear discriminant analysis|LDA]]
* [[Non-negative matrix factorization|NMF]]
* [[Principal component analysis|PCA]]
* [[Proper generalized decomposition|PGD]]
* [[t-distributed stochastic neighbor embedding|t-SNE]]
* [[Sparse dictionary learning|SDL]]


| list6title = [[Structured prediction]]
| list7title = {{longitem | Structured prediction<br/>{{nobold|{{small|('''[[Bayesian network|Bayes net]]'''{{•}}'''[[Hidden Markov model|Hidden Markov]]''' '''etc''')}}}} }}
|list7name= Structured prediction
|list6name= Structured prediction
| list6class = machine-learning-list-title
| list7 = [[Graphical model]]s {{•}} [[Bayesian network|Bayes net]] {{•}} [[Conditional random field]] {{•}} [[Hidden Markov model|Hidden Markov]]
| list6 =
* [[Graphical model]]s
** [[Bayesian network|Bayes net]]
** [[Conditional random field]]
** [[Hidden Markov model|Hidden Markov]]


| list7title = [[Anomaly detection]]
| list8title = {{longitem | Reinforcement learning<br/>{{nobold|{{small|('''[[Q-learning]]'''{{•}}'''[[Multi-agent reinforcement learning|multi-agent]]''' '''etc''')}}}} }}
| list7name = Anomaly detection
| list8name = Reinforcement learning
| list7class = machine-learning-list-title
| list8 = [[Q-learning]] {{•}} [[State–action–reward–state–action|SARSA]] {{•}} [[Temporal difference learning|Temporal difference (TD)]] {{•}} [[Multi-agent reinforcement learning|Multi-agent]] {{•}} [[Self-play (reinforcement learning technique)|Self-play]]
| list7 =
* [[Random sample consensus|RANSAC]]
* [[K-nearest neighbors algorithm|''k''-NN]]
* [[Local outlier factor]]
* [[Isolation forest]]


| list8title = [[Artificial neural network]]
| list9title = {{longitem | Learning with humans<br/>{{nobold|{{small|('''[[crowdsourcing]]'''{{•}}'''[[human-in-the-loop]]''' '''etc''')}}}} }}
| list8name = Artificial neural network
| list9name = Learning with humans
| list8class = machine-learning-list-title
| list9 = [[Active learning (machine learning)|Active learning]] {{•}} [[Crowdsourcing]] {{•}} [[Human-in-the-loop]]
| list8 =
* [[Autoencoder]]
* [[Cognitive computing]]
* [[Deep learning]]
* [[DeepDream]]
* [[Feedforward neural network]]
* [[Recurrent neural network]]
** [[Long short-term memory|LSTM]]
** [[Gated recurrent unit|GRU]]
** [[Echo state network|ESN]]
** [[reservoir computing]]
* [[Restricted Boltzmann machine]]
* [[Generative adversarial network|GAN]]
* [[Diffusion model]]
* [[Self-organizing map|SOM]]
* [[Convolutional neural network]]
** [[U-Net]]
* [[Transformer (machine learning model)|Transformer]]
** [[Vision transformer|Vision]]
* [[Mamba (deep learning architecture)|Mamba]]
* [[Spiking neural network]]
* [[Memtransistor]]
* [[Electrochemical RAM]] (ECRAM)


| list9title = [[Reinforcement learning]]
| list10title = {{longitem | Mathematical foundations<br/>{{nobold|{{small|('''[[kernel machines]]'''{{•}}'''[[Probably approximately correct learning|PAC learning]]''' '''etc''')}}}} }}
| list9name = Reinforcement learning
| list10name = Mathematical foundations
| list9class = machine-learning-list-title
| list10 = [[Kernel machines]] {{•}} [[Bias–variance tradeoff]] {{•}} [[Computational learning theory]] {{•}} [[Empirical risk minimization]] {{•}} [[Occam learning]] {{•}} [[Probably approximately correct learning|PAC learning]] {{•}} [[Statistical learning theory|Statistical learning]] {{•}} [[Vapnik–Chervonenkis theory|VC theory]]
| list9 =
* [[Q-learning]]
* [[State–action–reward–state–action|SARSA]]
* [[Temporal difference learning|Temporal difference (TD)]]
* [[Multi-agent reinforcement learning|Multi-agent]]
** [[Self-play (reinforcement learning technique)|Self-play]]

| list10title = Learning with humans
| list10name = Learning with humans
| list10class = machine-learning-list-title
| list10 =
* [[Active learning (machine learning)|Active learning]]
* [[Crowdsourcing]]
* [[Human-in-the-loop]]
* [[Reinforcement learning from human feedback|RLHF]]


| list11title = Model diagnostics
| list11title = Model diagnostics
| list11name = Model diagnostics
| list11name = Model diagnostics
|list11=[[Learning curve (machinelearning)|Learning curve]]
|list11class= machine-learning-list-title
| list11 =
* [[Coefficient of determination]]
* [[Confusion matrix]]
* [[Learning curve (machine learning)|Learning curve]]
* [[Receiver operating characteristic|ROC curve]]

| list12title = Mathematical foundations
| list12name = Mathematical foundations
| list12class = machine-learning-list-title
| list12 =
* [[Kernel machines]]
* [[Bias–variance tradeoff]]
* [[Computational learning theory]]
* [[Empirical risk minimization]]
* [[Occam learning]]
* [[Probably approximately correct learning|PAC learning]]
* [[Statistical learning theory|Statistical learning]]
* [[Vapnik–Chervonenkis theory|VC theory]]


|list12title= Machine-learning venues
|list13title= Machine-learning venues
|list12name= Machine-learning venues
|list13name= Machine-learning venues
| list13class = machine-learning-list-title
| list12 = [[Conference on Neural Information Processing Systems|NeurIPS]] {{•}} [[International Conference on Machine Learning|ICML]] {{•}} [[International Conference on Learning Representations|ICLR]] {{•}} [[Machine Learning (journal)|ML]] {{•}} [[Journal of Machine Learning Research|JMLR]]
| list13 =
* [[ECML PKDD]]
* [[Conference on Neural Information Processing Systems|NeurIPS]]
* [[International Conference on Machine Learning|ICML]]
* [[International Conference on Learning Representations|ICLR]]
* [[International Joint Conference on Artificial Intelligence|IJCAI]]
* [[Machine Learning (journal)|ML]]
* [[Journal of Machine Learning Research|JMLR]]


|list13title= Related articles
|list14title= Related articles
|list13name= Related articles
|list14name= Related articles
| list14class = machine-learning-list-title
| list13 = [[Glossary of artificial intelligence]] {{•}} [[List of datasets for machine-learning research]] {{•}} [[Outline of machine learning]]
| list14 =
* [[Glossary of artificial intelligence]]
* [[List of datasets for machine-learning research]]
** [[List of datasets in computer vision and image processing]]
* [[Outline of machine learning]]


}}<noinclude>
}}<noinclude>
{{Uses TemplateStyles|Template:Machine learning/styles.css}}
[[Category:Statistics sidebar templates]]
[[Category:Statistics sidebar templates]]
[[Category:Computer science sidebartemplates]]
[[Category:Computer science sidebartemplates‎]]
</noinclude>
</noinclude>

Latest revision as of 23:45, 21 May 2024