150 essential AI terms -Machine Learning, Natural Language Processing (NLP), Predictive Analytics, and Chatbots.
Machine Learning (ML) – 50 Terms
-
Machine Learning (ML): Algorithms that enable computers to learn from data and improve over time without explicit programming. Wikipedia
-
Supervised Learning: Training models on labeled datasets to predict outcomes.
-
Unsupervised Learning: Identifying patterns in unlabeled data.
-
Reinforcement Learning: Learning optimal actions through rewards and penalties.
-
Overfitting: Model performs well on training data but poorly on new data.
-
Underfitting: Model is too simple to capture underlying patterns.
-
Cross-Validation: Technique to assess model performance on unseen data.
-
Bias: Error due to overly simplistic assumptions in the learning algorithm. Wikipedia
-
Variance: Error due to model's sensitivity to small fluctuations in the training set.
-
Regularization: Technique to prevent overfitting by adding a penalty term to the loss function.
-
Gradient Descent: Optimization algorithm to minimize the loss function.
-
Learning Rate: Step size in gradient descent optimization.Google for Developers+8Wikipedia+8Wikipedia+8
-
Epoch: One complete pass through the training dataset.
-
Batch Size: Number of training examples used in one iteration.
-
Loss Function: Measures the difference between predicted and actual values.
-
Activation Function: Function applied to neurons in neural networks to introduce non-linearity.
-
Neural Network: Computational model inspired by the human brain's network of neurons.
-
Deep Learning: Subset of ML involving neural networks with multiple layers.
-
Convolutional Neural Network (CNN): Specialized neural network for processing grid-like data, such as images.
-
Recurrent Neural Network (RNN): Neural network designed for sequential data.
-
Long Short-Term Memory (LSTM): Type of RNN capable of learning long-term dependencies.
-
Autoencoder: Neural network used for unsupervised learning of efficient codings.
-
Support Vector Machine (SVM): Supervised learning model for classification and regression tasks.
-
Decision Tree: Model that splits data into branches to make predictions.
-
Random Forest: Ensemble of decision trees to improve predictive performance.
-
K-Nearest Neighbors (KNN): Algorithm that classifies data based on the closest training examples.
-
K-Means Clustering: Unsupervised algorithm that partitions data into K clusters.
-
Principal Component Analysis (PCA): Dimensionality reduction technique.
-
Feature Engineering: Process of selecting and transforming variables for model training.
-
Feature Selection: Identifying the most relevant variables for model building.
-
Hyperparameter Tuning: Process of optimizing model parameters.
-
Grid Search: Exhaustive search over specified parameter values.
-
Random Search: Randomly sampling parameter combinations for optimization.
-
Model Evaluation: Assessing the performance of a trained model.
-
Confusion Matrix: Table used to describe the performance of a classification model.
-
Precision: Proportion of true positives among all positive predictions.
-
Recall: Proportion of true positives among all actual positives.
-
F1 Score: Harmonic mean of precision and recall.
-
ROC Curve: Graph showing the performance of a classification model at all thresholds.
-
AUC (Area Under Curve): Measure of the ability of a classifier to distinguish between classes.
-
Ensemble Learning: Combining multiple models to improve performance.
-
Bagging: Ensemble method that trains multiple models in parallel.
-
Boosting: Ensemble method that trains models sequentially.
-
AdaBoost: Boosting algorithm that combines weak learners into a strong one.
-
Gradient Boosting: Boosting technique that builds models sequentially to correct errors.
-
XGBoost: Efficient and scalable implementation of gradient boosting.
-
LightGBM: Gradient boosting framework that uses tree-based learning algorithms.
-
CatBoost: Gradient boosting algorithm that handles categorical features well.
-
Model Deployment: Process of integrating a trained model into a production environment.
-
Model Monitoring: Tracking model performance over time to detect issues.
🗣️ Natural Language Processing (NLP) – 50 Terms
-
Natural Language Processing (NLP): Field of AI focused on the interaction between computers and human language.Ithaca College
-
Tokenization: Breaking text into individual words or phrases.Wikipedia+1Financial Times+1
-
Stemming: Reducing words to their root form.
-
Lemmatization: Reducing words to their base or dictionary form.
-
Part-of-Speech Tagging: Identifying grammatical parts of speech in text.
-
Named Entity Recognition (NER): Identifying and classifying entities in text.
-
Sentiment Analysis: Determining the emotional tone behind a body of text.
-
Stop Words: Common words filtered out before processing text.
-
Bag-of-Words (BoW): Text representation model that counts word occurrences.
-
TF-IDF: Statistical measure to evaluate the importance of a word in a document.
-
Word Embeddings: Vector representations of words capturing semantic meaning. Wikipedia
-
Word2Vec: Model that learns word associations from a large corpus of text.
-
GloVe: Global Vectors for Word Representation.
-
FastText: Word embedding model that considers subword information.
-
Language Modeling: Predicting the next word in a sequence.
-
N-grams: Contiguous sequences of n items from a given text.
-
Syntax Parsing: Analyzing the grammatical structure of a sentence.
-
Dependency Parsing: Analyzing the dependencies between words in a sentence.
-
Coreference Resolution: Determining when different words refer to the same entity.
-
Topic Modeling: Discovering abstract topics within a collection of documents.
-
Latent Dirichlet Allocation (LDA): Generative statistical model for topic modeling.
-
Text Classification: Assigning categories to text.
-
Text Summarization: Creating a concise version of a longer text.
-
Machine Translation: Automatically translating text from one language to another.
-
BLEU Score: Metric for evaluating the quality of machine-translated text.
-
Perplexity: Measurement of how well a probability model predicts a sample.
-
Transformer: Model architecture that uses self-attention mechanisms.
-
BERT: Bidirectional Encoder Representations from Transformers.
📊 Predictive Analytics – essential Terms
-
Predictive Analytics: Using data, statistical algorithms, and ML to forecast future outcomes.
-
Forecasting: Predicting future values based on historical data trends.
-
Regression Analysis: Estimating the relationship between variables.
-
Logistic Regression: Used for predicting categorical outcomes (e.g., yes/no).
-
Time Series Analysis: Analyzing data points collected or recorded at time intervals.
-
Anomaly Detection: Identifying unusual patterns that do not conform to expected behavior.
-
Churn Prediction: Predicting which customers are likely to stop using a service.
-
Customer Lifetime Value (CLV): Predicting the total revenue from a customer during their relationship with a business.
-
Uplift Modeling: Predicting the incremental impact of a specific action (like a campaign).
-
Classification: Predicting discrete labels (e.g., spam or not spam).
-
Regression Tree: A decision tree used for regression tasks.
-
Mean Absolute Error (MAE): Average of absolute errors between predicted and actual values.
-
Root Mean Squared Error (RMSE): Standard deviation of prediction errors.
-
R-squared (R²): A metric showing how well the model fits the data.
-
Data Preprocessing: Cleaning and preparing raw data for analysis.
-
Feature Importance: Determining which variables have the biggest influence on predictions.
-
Data Splitting: Dividing data into training, validation, and test sets.
-
Outliers: Unusual data points that can skew predictions.
-
Data Imputation: Filling in missing values in datasets.
-
Scenario Modeling: Predicting different outcomes based on variable changes.
-
Business Intelligence (BI): Using data analysis tools to support business decision-making.
-
Monte Carlo Simulation: Running many simulations to predict probable outcomes.
-
What-If Analysis: Exploring different scenarios by changing input values.
-
Scorecard Modeling: Ranking items (e.g., customers) based on predictive scores.
-
Risk Modeling: Assessing the likelihood of future adverse events (e.g., loan default).
🤖 Chatbots – essential Terms
-
Chatbot: AI tool that simulates conversation with users.
-
Conversational AI: Technologies that allow machines to understand and respond to human language.
-
Rule-Based Chatbot: Responds based on pre-defined rules and flows.
-
AI-Powered Chatbot: Uses machine learning and NLP to understand and respond intelligently.
-
Intent Recognition: Identifying what the user wants to do.
-
Entity Recognition: Extracting relevant data from user input (e.g., dates, names).
-
Dialog Flow: The structured conversation path a chatbot follows.
-
Context Management: Remembering what the user has said during the conversation.
-
Fallback Intent: Response given when the chatbot doesn't understand the user input.
-
Multimodal Chatbot: Uses voice, text, or visuals in conversations.
-
Omnichannel Chatbot: Available on multiple platforms (e.g., web, WhatsApp, Facebook).
-
Proactive Chatbot: Initiates conversations instead of waiting for input.
-
Voice Bot: Chatbot that uses speech instead of text.
-
Bot Training: Teaching the chatbot how to respond using training data.
-
Utterances: Different ways users can phrase the same intent.
-
Human Handoff: Transferring the conversation from bot to a human agent.
-
NLP Engine: The backend engine that interprets user inputs.
-
TTS (Text-to-Speech): Converts written text into spoken words.
-
STT (Speech-to-Text): Converts spoken input into written text.
-
Conversation Analytics: Insights gathered from bot conversations.
-
API Integration: Connecting chatbot with external systems (like CRMs or databases).
-
Chatbot Metrics: KPIs like user engagement, resolution rate, and fallback rate.
-
Sentiment Detection: Identifying emotional tone of user inputs.
-
Bot Persona: The chatbot’s personality, tone, and style.
-
Flow Builder: Tool used to visually design chatbot conversation logic.
No comments:
Post a Comment