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).
- 12:21, 24 February 2023 Alpha5 talk contribs created page Hyperparameter (Created page with "{{see also|Machine learning terms}} ===Introduction== Machine learning involves finding the optimal set of parameters that allows the model to make accurate predictions on new data. Unfortunately, certain parameters cannot be learned from training data and must be set before training the model - these are known as hyperparameters - which play a significant role in determining its performance. ==Definition== Hyperparameters are parameters set before training a machine le...")
- 12:15, 24 February 2023 Alpha5 talk contribs created page Actual output (Redirected page to Label) Tag: New redirect
- 12:13, 24 February 2023 Alpha5 talk contribs created page Biases (Redirected page to Bias) Tag: New redirect
- 12:00, 24 February 2023 Alpha5 talk contribs created page Hidden layer (Created page with "{{see also|Machine learning terms}} ===Introduction== Machine learning relies on neural networks, which are capable of learning from large datasets to detect patterns and make predictions. Neural networks consist of multiple layers connected nodes where each node performs a simple mathematical operation on its inputs. The output from one layer feeds into the next until an ultimate prediction is produced. Hidden layers play an integral role in these neural networks and pl...")
- 11:54, 24 February 2023 Alpha5 talk contribs created page Mislabel (Redirected page to Label) Tag: New redirect
- 11:53, 24 February 2023 Alpha5 talk contribs created page Biased (Redirected page to Bias) Tag: New redirect
- 11:53, 24 February 2023 Alpha5 talk contribs created page Noisy (Redirected page to Noise) Tag: New redirect
- 11:45, 24 February 2023 Alpha5 talk contribs created page Ground truth (Created page with "{{see also|Machine learning terms}} ===Introduction== Machine learning is a rapidly developing field that seeks to create algorithms and models that can learn from data to make predictions or decisions. For these models to be accurate, they need to be trained on high-quality data - including "ground truth." Ground truth is a key concept in machine learning, defined as accurate and reliable information about the target variable or phenomenon being learned by the model. T...")
- 16:35, 23 February 2023 Alpha5 talk contribs created page Gradient descent (Created page with "{{see also|Machine learning terms}} ===Introduction== Gradient descent is a popular optimization algorithm in machine learning. It works by finding the minimum cost function, which can be adjusted to minimize errors between predicted output and actual output from a model. Gradient descent utilizes weights and biases as input parameters to achieve this minimal error margin. ==How Gradient Descent Works== Gradient descent works by iteratively altering the parameters of a...")
- 16:01, 23 February 2023 Daikon Radish talk contribs created page Improving Language Understanding by Generative Pre-Training (GPT) (Created page with "===Introduction=== In June 2018, OpenAI introduced GPT-1, a language model that combined unsupervised pre-training with the transformer architecture to achieve significant progress in natural language understanding. The team fine-tuned the model for specific tasks and found that pre-training helped it perform well on various NLP tasks with minimal fine-tuning. GPT-1 used the BooksCorpus dataset and self-attention in the transformer's decoder with 117 million parameters,...")
- 15:04, 23 February 2023 User account Daikon Radish talk contribs was created
- 14:52, 23 February 2023 Alpha5 talk contribs created page Generalization (Created page with "{{see also|Machine learning terms}} ===Introduction== Machine learning is a subfield of artificial intelligence that involves developing algorithms and statistical models to make predictions or decisions based on data. One key challenge in machine learning lies in creating models that can generalize well to new data sets, meaning they can accurately forecast outcomes from unknown datasets. In this article, we will examine the concept of generalization in machine learnin...")
- 07:27, 23 February 2023 Alpha5 talk contribs created page Generalization curve (Created page with "{{see also|Machine learning terms}} ===Introduction== Machine learning strives to build models that accurately predict unseen data. To do this, machine learning models are trained on a dataset consisting of input features and their corresponding target values. Unfortunately, the performance of the model on this training dataset does not guarantee its performance when faced with new information - known as overfitting. To address this issue, evaluation of the model's perfo...")
- 06:33, 23 February 2023 Alpha5 talk contribs created page Feedback loop (Created page with "{{see also|Machine learning terms}} ===Introduction== Feedback loops are crucial components of many machine learning algorithms, as they offer models a way to learn and improve over time. In this article, we'll define what feedback loops are, how they function within machine learning algorithms, and why they're so important. ==What is a feedback loop?== A feedback loop is a systemic mechanism in which an input is processed and an output produced. This output then serves...")
- 06:23, 23 February 2023 Alpha5 talk contribs created page File:Mnist 5 example1.png (File uploaded with MsUpload)
- 06:23, 23 February 2023 Alpha5 talk contribs uploaded File:Mnist 5 example1.png (File uploaded with MsUpload)
- 06:23, 23 February 2023 Alpha5 talk contribs created page File:Mnist example1.png (File uploaded with MsUpload)
- 06:23, 23 February 2023 Alpha5 talk contribs uploaded File:Mnist example1.png (File uploaded with MsUpload)
- 03:42, 23 February 2023 Alpha5 talk contribs created page Feature vector (Created page with "{{see also|Machine learning terms}} ===Introduction== Machine learning utilizes feature vectors, which are numerical values that describe an object or phenomenon. A feature vector may be defined as an n-dimensional array of numerical features representing a data point or example. As an array of feature values that represent an example, feature vector is used in training the model and using the model to make predictions (inferen...") Tag: Visual edit: Switched
- 21:59, 22 February 2023 Alpha5 talk contribs created page Sensitivity (Redirected page to True positive rate (TPR)) Tag: New redirect
- 20:58, 22 February 2023 Alpha5 talk contribs created page Z-score normalization (Created page with "{{see also|Machine learning terms}} ===Introduction== Data normalization in machine learning is a critical preprocessing step that helps boost the performance of many algorithms. Normalization involves scaling data to a specified range or distribution to reduce the impact of differences in scale or units of features. One widely-used technique for normalization is Z-score normalization (also referred to as standardization). ==What is Z-score normalization?== Z-score norm...")
- 15:37, 22 February 2023 Alpha5 talk contribs created page Weighted sum (Created page with "{{see also|Machine learning terms}} ===Introduction== In machine learning, a weighted sum is an algorithmic mathematical operation used to combine multiple input values by assigning weights to each. It's fundamental in many machine learning algorithms such as linear regression, neural networks and decision trees; this transformation transforms input data into one single output value which can then be used for prediction or classification purposes. ==Definition of Weight...")
- 15:27, 22 February 2023 Alpha5 talk contribs created page Weights (Redirected page to Weight) Tag: New redirect
- 14:41, 22 February 2023 Alpha5 talk contribs created page Weight (Created page with "{{see also|Machine learning terms}} ===Introduction== Machine learning uses weight as a fundamental concept to represent the strength of connections between nodes in a neural network. These connections form the basis for models' capacity to make accurate predictions and classifications by learning patterns from data. Understanding how weights are allocated and adjusted is essential in comprehending how a neural network functions. ==What is weight?== Machine learning ass...")
- 14:18, 22 February 2023 Alpha5 talk contribs created page Validation (Created page with "{{see also|Machine learning terms}} ===Introduction== Machine learning practitioners understand the importance of validation as one of the key steps in developing a predictive model. Validation measures the accuracy and dependability of a trained model by applying it to new data sets, with an aim of estimating its likely performance when applied. ==Training and Testing Data== Validating a machine learning model requires labeled data that can be used for training and tes...")
- 13:50, 22 February 2023 Alpha5 talk contribs created page Validation data set (Redirected page to Validation set) Tag: New redirect
- 13:49, 22 February 2023 Alpha5 talk contribs created page Validation data (Redirected page to Validation set) Tag: New redirect
- 13:49, 22 February 2023 Alpha5 talk contribs created page Validation set (Created page with "{{see also|Machine learning terms}} ===Introduction== Machine learning aims to construct predictive models that can accurately forecast new and unseen data. Training a machine learning model involves teaching it labeled data so it can learn patterns and relationships within it; however, after training the model, evaluation of its performance on unlabeled datasets must take place - this is where validation sets come into play. ==What is a validation set?== Validation set...")
- 13:28, 22 February 2023 Alpha5 talk contribs created page Validation loss (Created page with "{{see also|Machine learning terms}} ===Introduction== Validation loss in machine learning is a widely used metric to gauge the performance of models. It measures how well they can generalize their predictions to new data sets. In this article, we'll define validation loss and discuss its application to evaluating machine learning models. ==What is Validation Loss?== Validation loss is a metric that measures the performance of a machine learning model on a validation set...")
- 13:23, 22 February 2023 Alpha5 talk contribs created page Supervised learning (Redirected page to Supervised machine learning) Tag: New redirect
- 13:22, 22 February 2023 Alpha5 talk contribs created page Supervised training (Redirected page to Supervised machine learning) Tag: New redirect
- 13:13, 22 February 2023 Alpha5 talk contribs created page Unsupervised machine learning (Created page with "{{see also|Machine learning terms}} ===Introduction== Machine learning is a subset of artificial intelligence (AI), which allows computer programs to learn from data without being explicitly programmed. Machine learning models are trained using labeled data - that is, data that has been classified or labeled according to certain criteria. Unfortunately, not all data has been labeled and sometimes it's impossible to manually label it; in such cases unsupervised machine le...")
- 13:12, 22 February 2023 Alpha5 talk contribs created page Unsupervised learning (Redirected page to Unsupervised machine learning) Tag: New redirect
- 13:12, 22 February 2023 Alpha5 talk contribs created page Unsupervised (Redirected page to Unsupervised machine learning) Tag: New redirect
- 13:12, 22 February 2023 Alpha5 talk contribs created page Unsupervised training (Redirected page to Unsupervised machine learning) Tag: New redirect
- 12:59, 22 February 2023 Alpha5 talk contribs created page Labeled data (Redirected page to Labeled example) Tag: New redirect
- 12:58, 22 February 2023 Alpha5 talk contribs created page Unlabeled data (Redirected page to Unlabeled example) Tag: New redirect
- 12:56, 22 February 2023 Alpha5 talk contribs created page Unlabeled example (Created page with "{{see also|Machine learning terms}} ===Introduction== Machine learning often uses labeled data for model training. Labeled data refers to information that has already been classified and labeled by humans, making it simpler for the model to comprehend and learn from. On occasion, however, unlabeled data may also be employed. ==What is Unlabeled Data?== Unlabeled data, as its name suggests, refers to data that has not been labeled or categorized in any way. It's essentia...")
- 12:55, 22 February 2023 Alpha5 talk contribs created page Underfitted (Redirected page to Underfitting) Tag: New redirect
- 12:43, 22 February 2023 Alpha5 talk contribs created page Underfitting (Created page with "{{see also|Machine learning terms}} ===Introduction== Machine learning seeks to build models that can accurately predict the outcomes of unseen data based on patterns learned from training data. Unfortunately, developing an effective model is no small feat and many challenges arise along the way; one major issue being underfitting. Underfitting occurs when a model is too simple to capture underlying patterns in data. ==What is Underfitting?== Underfitting occurs when a...")
- 12:42, 22 February 2023 Alpha5 talk contribs created page Underfit (Redirected page to Underfitting) Tag: New redirect
- 08:42, 22 February 2023 Alpha5 talk contribs created page TPR (Redirected page to True positive rate (TPR)) Tag: New redirect
- 08:42, 22 February 2023 Alpha5 talk contribs created page True positive rate (Redirected page to True positive rate (TPR)) Tag: New redirect
- 08:42, 22 February 2023 Alpha5 talk contribs created page True positive rate (TPR) (Created page with "{{see also|Machine learning terms}} ===Introduction== Machine learning demands the evaluation of a model's performance. One way to do this is through classification metrics like true positive rate (TPR). TPR measures how well a model can correctly identify positive instances. In this article, we'll define TPR and discuss its significance in machine learning. ==Definition== True Positive Rate (TPR) is a classification metric that measures the proportion of actual positiv...")
- 06:28, 22 February 2023 Alpha5 talk contribs created page HF (Redirected page to Hugging Face) Tag: New redirect
- 05:13, 22 February 2023 Alpha5 talk contribs created page TP (Redirected page to True positive (TP)) Tag: New redirect
- 05:13, 22 February 2023 Alpha5 talk contribs created page True positive (Redirected page to True positive (TP)) Tag: New redirect
- 05:12, 22 February 2023 Alpha5 talk contribs created page True positive (TP) (Created page with "===Introduction== Machine learning classification is the process of classifying data into distinct classes. When assessing a model's performance, it is essential to assess its capacity for correctly predicting each data instance's class. One important evaluation metric used in binary classification is True Positive (TP), which measures how many positive samples are correctly classified as positive by the model. ==What is True Positive?== True Positive is a statistic use...")
- 04:55, 22 February 2023 Alpha5 talk contribs created page Machine learning model (Redirected page to Models) Tag: New redirect
- 04:50, 22 February 2023 Alpha5 talk contribs created page True negative (TN) (Created page with "===Introduction== Machine learning classification is the process of accurately predicting a data point's class based on features. This classification can lead to four distinct outcomes: true positive (TP), true negative (TN), false positive (FP) and false negative (FN). In this article, we'll focus on the true negative (TN) outcome. ==What is True Negative (TN)?== True Negative (TN) is one of the possible outcomes in a binary classification problem when the model predic...")