All public logs
Combined display of all available logs of AI Wiki. You can narrow down the view by selecting a log type, the username (case-sensitive), or the affected page (also case-sensitive).
- 08:53, 28 February 2023 User account Elegant angel talk contribs was created
- 08:52, 28 February 2023 User account ElegantA talk contribs was created
- 08:12, 28 February 2023 Alpha5 talk contribs created page DCAI (Redirected page to Data-centric AI (DCAI)) Tag: New redirect
- 08:12, 28 February 2023 Alpha5 talk contribs created page Data-centric AI (Redirected page to Data-centric AI (DCAI)) Tag: New redirect
- 19:03, 27 February 2023 Alpha5 talk contribs created page Automation bias (Created page with "{{see also|Machine learning terms}} ===Automation Bias in Machine Learning== Automated bias in machine learning refers to the phenomenon where a model inherits and amplifies any biases present in its training data, leading to biased or discriminatory outcomes. Machine learning algorithms are programmed with the purpose of learning patterns and relationships in training data and making predictions based on this learned information; however, if that data contains biased el...")
- 19:00, 27 February 2023 Alpha5 talk contribs created page Augmented reality (Created page with "{{see also|Machine learning terms}} ===Introduction to Augmented Reality in Machine Learning== Augmented Reality (AR) is the integration of digital information with the physical world, creating a hybrid environment that blends the real and virtual. Machine learning, on the other hand, is an area of artificial intelligence that develops algorithms and models to enable computers to learn from and make predictions based on data. When AR and machine learning come together, y...")
- 18:17, 27 February 2023 Alpha5 talk contribs created page Attribute (Created page with "{{see also|Machine learning terms}} ===Attribute in Machine Learning== An attribute, also referred to as a feature, is an identifiable property or characteristic of something being observed. In machine learning applications, attributes are employed to describe data instances or examples that feed into the model for training purposes. The objective is to extract meaningful and pertinent information from these attributes that can be used to make predictions about unseen da...")
- 18:09, 27 February 2023 Alpha5 talk contribs created page AUC (Area under the ROC curve) (Redirected page to AUC (Area Under the Curve)) Tag: New redirect
- 18:05, 27 February 2023 Alpha5 talk contribs created page Attribute sampling (Created page with "{{see also|Machine learning terms}} ===Attribute Sampling in Machine Learning== Attribute sampling is a technique in machine learning to randomly select some features from a dataset to train a model. This process can be done for various reasons, such as saving computational time during training, avoiding overfitting risks, and increasing model interpretability. In this article we'll examine different types of attribute sampling, their advantages and drawbacks, and when t...")
- 18:05, 27 February 2023 Alpha5 talk contribs created page Attention (Created page with "{{see also|Machine learning terms}} ==Introduction== Attention is a technique in machine learning that allows a model to focus on specific parts of an input while making predictions. Attention mechanisms enable models to selectively focus on certain parts of an input sequence - making them useful in tasks involving sequential or structured data. Attention models have become increasingly popular over the last few years, particularly in natural language processing (NLP). A...")
- 18:00, 27 February 2023 Alpha5 talk contribs created page Artificial general intelligence (Created page with "{{see also|Machine learning terms}} ===Introduction== Artificial General Intelligence (AGI) is a branch of artificial intelligence research that seeks to build machines capable of performing any intellectual task that a human can. This stands in stark contrast to narrow AI, which aims to do one specific thing like recognizing objects in an image or playing chess. AI research often strives to reach this ultimate goal, as it would require a machine with an understanding o...")
- 17:51, 27 February 2023 Alpha5 talk contribs created page Area under the ROC curve (Created page with "{{see also|Machine learning terms}} ==Introduction== The Receiver Operating Characteristic (ROC) curve is a widely-used visual representation of the performance of binary classifiers. It plots True Positive Rate (TPR) against False Positive Rate (FPR) over various threshold values for each classifier. The area under the ROC curve (AUC) serves as an aggregate metric that summarizes overall classifier performance across all possible threshold values. ==Methodology== Calcu...")
- 17:08, 27 February 2023 Alpha5 talk contribs created page Area under the PR curve (Created page with "{{see also|Machine learning terms}} ==Introduction== Evaluation of a model's performance in machine learning is essential to determine its capacity for accurately predicting output. One such performance indicator is the area under the Precision-Recall (PR) curve, which measures the tradeoff between precision and recall for different classification thresholds. Machine learning requires the evaluation of a classifier's performance as an essential step in the modeling proc...")
- 16:44, 27 February 2023 Alpha5 talk contribs created page AR (Created page with "{{see also|Machine learning terms}} ==Introduction== Machine learning is the study of teaching machines how to learn from data and make decisions based on that information. Recently, one area of machine learning that has seen great growth in popularity is augmented reality (AR). AR refers to the integration of computer-generated graphics or information into real life scenarios. ==Definition of Augmented Reality== Augmented reality (AR) is a technology that overlays digi...")
- 15:32, 27 February 2023 Alpha5 talk contribs created page Anomaly detection (Created page with "{{see also|Machine learning terms}} ==Introduction== Machine learning Anomaly detection is the process of recognizing data points that deviate from normal behavior in a dataset. These abnormal outcomes are known as anomalies, outliers, or exceptions. Anomaly detection plays an integral role in many domains such as fraud detection, network intrusion detection, and fault detection in industrial systems. ==Applications== Anomaly detection is used in many fields to detect a...")
- 15:32, 27 February 2023 Alpha5 talk contribs created page Agglomerative clustering (Created page with "{{see also|Machine learning terms}} ===Agglomerative Clustering in Machine Learning== Agglomerative Clustering is an unsupervised learning technique utilized in machine learning and data mining. This process groups objects together based on their similarity, with the primary goal of creating meaningful clusters. Each object in this agglomerative cluster starts as a singleton cluster and at each step the two closest clusters are merged until an ending criterion is met. =...")
- 15:15, 27 February 2023 Alpha5 talk contribs created page Agent (Created page with "{{see also|Machine learning terms}} ===Definition== Machine learning refers to an agent as a system or entity that can perceive its environment, make decisions, and take actions in order to reach certain goals or sets of goals. An agent is thus seen as autonomous decision-making entity operating within its environment that interacts with that environment in order to complete tasks. ==Types of Agents== Machine learning consists of two primary types of agents: reactive ag...")
- 14:58, 27 February 2023 Alpha5 talk contribs created page AdaGrad (Created page with "{{see also|Machine learning terms}} ===AdaGrad: An Optimization Algorithm for Stochastic Gradient Descent== AdaGrad is an effective optimization algorithm used in machine learning for training neural networks and other models that use stochastic gradient descent (SGD) to update their weights. John Duchi et al. first described AdaGrad in 2011 in their paper entitled "Adaptive Subgradient Methods for Online Learning and Stochastic Optimization." AdaGrad works by adapting...")
- 14:42, 27 February 2023 Alpha5 talk contribs created page Active learning (Created page with "{{see also|Machine learning terms}} ==Introduction== Active learning is a subfield of machine learning that seeks to enhance the performance of an algorithm by iteratively selecting informative samples from large pools of unlabeled data to be labeled by humans or an oracle. The goal is to optimize this labeling process and achieve higher accuracy with fewer labeled data points. Active learning has gained widespread attention recently due to its potential for reducing cos...")
- 14:38, 27 February 2023 Alpha5 talk contribs created page Action (Created page with "{{see also|Machine learning terms}} ==Introduction== Machine learning is an interdisciplinary field of study that involves the creation of algorithms that enable computer systems to learn and improve from experience. In this context, an action refers to a decision made by an agent based on available information at any given point in time. Machine learning involves agents taking actions based on observations of their environment. The goal is for the agent to learn how to...")
- 14:33, 27 February 2023 Alpha5 talk contribs created page A/B testing (Created page with "{{see also|Machine learning terms}} ==Introduction== A/B testing is a statistical method employed in machine learning research to compare two versions of a product and determine which version is more successful. It involves randomly dividing a population into two groups, "A" and "B," then exposing each group to one version of the tested product. After analyzing the results of this experiment, one version will be determined as having higher click-through rates or conversi...")
- 18:07, 26 February 2023 Alpha5 talk contribs created page Google Cloud terms (Redirected page to Machine learning terms/Google Cloud) Tag: New redirect
- 18:06, 26 February 2023 Alpha5 talk contribs created page TensorFlow terms (Redirected page to Machine learning terms/TensorFlow) Tag: New redirect
- 18:06, 26 February 2023 Alpha5 talk contribs created page Recommendation Systems terms (Redirected page to Machine learning terms/Recommendation Systems) Tag: New redirect
- 18:05, 26 February 2023 Alpha5 talk contribs created page Clustering terms (Redirected page to Machine learning terms/Clustering) Tag: New redirect
- 18:04, 26 February 2023 Alpha5 talk contribs created page Sequence Models terms (Redirected page to Machine learning terms/Sequence Models) Tag: New redirect
- 18:03, 26 February 2023 Alpha5 talk contribs created page Image Models terms (Redirected page to Machine learning terms/Computer Vision) Tag: New redirect
- 18:03, 26 February 2023 Alpha5 talk contribs created page Reinforcement Learning terms (Redirected page to Machine learning terms/Reinforcement Learning) Tag: New redirect
- 18:02, 26 February 2023 Alpha5 talk contribs created page Decision Forests terms (Redirected page to Machine learning terms/Decision Forests) Tag: New redirect
- 18:01, 26 February 2023 Alpha5 talk contribs created page Fairness terms (Redirected page to Machine learning terms/Fairness) Tag: New redirect
- 18:01, 26 February 2023 Alpha5 talk contribs created page Language Evaluation terms (Redirected page to Machine learning terms/Natural Language Processing) Tag: New redirect
- 18:00, 26 February 2023 Alpha5 talk contribs created page NLP terms (Redirected page to Machine learning terms/Natural Language Processing) Tag: New redirect
- 18:00, 26 February 2023 Alpha5 talk contribs created page ML Fundamentals (Redirected page to Machine learning terms/Fundamentals) Tag: New redirect
- 18:00, 26 February 2023 Alpha5 talk contribs created page Machine learning fundamentals (Redirected page to Machine learning terms/Fundamentals) Tag: New redirect
- 17:54, 26 February 2023 Alpha5 talk contribs created page ML Terms (Redirected page to Machine learning terms) Tag: New redirect
- 17:54, 26 February 2023 Alpha5 talk contribs created page AI Terms (Redirected page to Artificial intelligence terms) Tag: New redirect
- 17:50, 26 February 2023 Alpha5 talk contribs moved page Machine learning terms/Image Models to Machine learning terms/Computer Vision
- 17:50, 26 February 2023 Alpha5 talk contribs moved page Machine learning terms/Language Evaluation to Machine learning terms/Natural Language Processing
- 17:45, 26 February 2023 Alpha5 talk contribs created page Fundamentals (Redirected page to Machine learning terms/Fundamentals) Tag: New redirect
- 17:44, 26 February 2023 Alpha5 talk contribs created page Fundamental terms (Redirected page to Machine learning terms/Fundamentals) Tag: New redirect
- 17:44, 26 February 2023 Alpha5 talk contribs created page Natural Language Processing terms (Redirected page to Machine learning terms/Natural Language Processing) Tag: New redirect
- 17:43, 26 February 2023 Alpha5 talk contribs created page Computer Vision terms (Redirected page to Machine learning terms/Computer Vision) Tag: New redirect
- 16:46, 26 February 2023 Alpha5 talk contribs created page Machine learning terms/Google Cloud (Created page with "*Cloud TPU *Tensor Processing Unit (TPU) *TPU *TPU chip *TPU device *TPU master *TPU node *TPU Pod *TPU resource *TPU slice *TPU type *TPU worker")
- 16:45, 26 February 2023 Alpha5 talk contribs created page Machine learning terms/Reinforcement Learning (Created page with "*action *agent *Bellman equation *critic *Deep Q-Network (DQN) *DQN *environment *episode *epsilon greedy policy *experience replay *greedy policy *Markov decision process (MDP) *Markov property *policy *Q-function *Q-learning *random policy *reinforcement learning (RL) *replay buffer *return *reward *state *state-action value function *tabular Q-learning *target network *...")
- 16:44, 26 February 2023 Alpha5 talk contribs created page Machine learning terms/Sequence Models (Created page with "*bigram *exploding gradient problem *forget gate *gradient clipping *Long Short-Term Memory (LSTM) *LSTM *N-gram *recurrent neural network *RNN *sequence model *timestep *trigram *vanishing gradient problem")
- 16:43, 26 February 2023 Alpha5 talk contribs created page Machine learning terms/Decision Forests (Created page with "*attribute sampling *axis-aligned condition *bagging *binary condition *condition *decision forest *decision tree *entropy *feature importances *gini impurity *gradient boosting *gradient boosted (decision) trees (GBT) *inference path *information gain *in-set condition *leaf *node (decision tree) *non-binary condition *oblique condition *out-of-bag evaluation (OOB evaluation) *permutation...")
- 16:41, 26 February 2023 Alpha5 talk contribs created page Machine learning terms/TensorFlow (Created page with "*Cloud TPU *Dataset API (tf.data) *device *eager execution *Estimator *feature engineering *feature spec *graph *graph execution *Layers API (tf.layers) *metric *node (TensorFlow graph) *operation (op) *Parameter Server (PS) *queue *rank (Tensor) *root directory *SavedModel *Saver *summary *Tensor *TensorBoard *TensorFlow *TensorFlow Playground *TensorFlow Serving *Tenso...")
- 16:40, 26 February 2023 Alpha5 talk contribs created page Machine learning terms/Language Evaluation (Created page with "*attention *bag of words *BERT (Bidirectional Encoder Representations from Transformers) *bigram *bidirectional *bidirectional language model *BLEU (Bilingual Evaluation Understudy) *causal language model *crash blossom *decoder *denoising *embedding layer *embedding space *embedding vector *encoder *GPT (Generative Pre-trained Transformer) *LaMDA (Language Model for Dialogue Applications) *language mo...")
- 16:38, 26 February 2023 Alpha5 talk contribs created page Machine learning terms/Clustering (Created page with "*agglomerative clustering *centroid *centroid-based clustering *clustering *divisive clustering *hierarchical clustering *k-means *k-median *similarity measure *sketching *time series analysis *unsupervised machine learning")
- 16:37, 26 February 2023 Alpha5 talk contribs created page Machine learning terms/Image Models (Created page with "*augmented reality *bounding box *convolution *convolutional filter *convolutional layer *convolutional neural network *convolutional operation *data augmentation *depthwise separable convolutional neural network (sepCNN) *downsampling *image recognition *intersection over union (IoU) *keypoints *landmarks *MNIST *pooling *rotational invariance *size invariance *spatial pooling *stride *sub...")