AI Terminology: From Basics to Futuristic - tech9tel/ai GitHub Wiki
π§ AI Terminology: From Basics to Futuristic
A comprehensive list of AI-related terminology organized from foundational to futuristic, helping learners and professionals follow a clear learning path.
β Why This Grouping?
This categorization is designed to follow a learning and adoption curve:
- Foundational Concepts: The math, stats, and core ideas needed to understand how AI works under the hood.
- Core AI/ML Concepts: Introduces you to the main types and ideas in AI and ML, including essential learning methods and evaluation terms.
- Advanced AI/ML/DL Techniques: Covers the architectures, tricks, and novel algorithms that power state-of-the-art systems.
- Applications & Interfaces: Shows where AI is applied in the real world and how users interact with it.
- Tools & Infrastructure: Technologies, libraries, and platforms used to build, train, deploy, and scale AI systems.
- Ethical and Human Aspects: Addresses real-world concerns like fairness, bias, and responsibility.
- Futuristic & Emerging Concepts: Cutting-edge ideas that are shaping the future of AI.
π§ Foundational / Basic
These are essential math and statistical concepts that form the foundation of AI/ML. Anyone entering the field needs to understand:
-
Data, since all AI begins with it.
-
Mathematics like probability, linear algebra, and calculus, which underpin how models learn and make predictions.
-
Training/Testing concepts and evaluation metrics like accuracy and loss.
π Why? You canβt effectively design or evaluate ML models without understanding these fundamentals.
- Data β Raw information used to train or test a model.
- Algorithm β A step-by-step procedure for solving a problem or performing a task.
- Statistics β The science of collecting, analyzing, and interpreting numerical data.
- Probability β A measure of the likelihood of an event occurring.
- Linear Algebra β A branch of math dealing with vectors and matrices used in ML models.
- Calculus β Used to optimize and train models by minimizing errors (e.g., via gradients).
- Model β A mathematical representation trained to make predictions or decisions.
- Training β The process where a model learns patterns from labeled data.
- Testing β Evaluating a trained modelβs performance on unseen data.
- Accuracy β The ratio of correct predictions to total predictions.
- Precision β The proportion of true positives out of all predicted positives.
- Recall β The proportion of true positives out of all actual positives.
- Loss Function β A method to measure the error between predicted and actual values.
- Optimization β The process of improving a model by minimizing its loss function.
- Overfitting β When a model learns the training data too well and performs poorly on new data.
- Underfitting β When a model fails to capture the patterns in the training data.
π€ Core AI/ML Concepts
This group introduces the main categories of AI and learning paradigms:
-
Distinctions between AI, ML, and DL.
-
Learning styles like supervised, unsupervised, and reinforcement learning.
-
Key ML tasks like classification, regression, and clustering.
π Why? These are the building blocks of modern AI applications and help in choosing the right approach for a problem.
- Artificial Intelligence (AI) β The simulation of human intelligence in machines to perform tasks that typically require human cognitive functions.
- Machine Learning (ML) β A subset of AI that uses data and algorithms to allow computers to improve their performance on tasks over time.
- Deep Learning (DL) β A subfield of ML that uses multi-layered neural networks to analyze large amounts of data and extract complex patterns.
- Neural Network β A computational model inspired by the human brain, consisting of layers of interconnected nodes (neurons) to process data.
- Supervised Learning β A type of ML where the model is trained on labeled data to make predictions or classifications.
- Unsupervised Learning β A type of ML where the model works with unlabeled data to identify hidden patterns or structures.
- Reinforcement Learning β A type of ML where an agent learns to make decisions by interacting with an environment and receiving feedback through rewards or penalties.
- Classification β A type of supervised learning where the goal is to predict discrete labels (e.g., spam vs. not spam).
- Regression β A type of supervised learning where the goal is to predict continuous values (e.g., house prices).
- Clustering β An unsupervised learning technique that groups similar data points together based on their features.
- Dimensionality Reduction β A technique used to reduce the number of input features in a dataset, while retaining as much information as possible.
𧬠Advanced AI/ML/DL Concepts
These represent specialized or more complex models and strategies, often used in cutting-edge solutions:
-
Networks like CNNs, RNNs, Transformers.
-
Training strategies such as Transfer Learning or Meta Learning.
π Why? Mastery here leads to performance breakthroughs and research-level work.
-
Convolutional Neural Networks (CNNs)
A deep learning model primarily used for processing structured grid data, such as images, by applying convolutional layers to extract spatial features. -
Recurrent Neural Networks (RNNs)
A type of neural network designed for sequential data, where connections between nodes form a cycle, allowing information to persist over time. -
Long Short-Term Memory (LSTM)
A special kind of RNN designed to learn long-term dependencies in sequences, addressing the vanishing gradient problem. -
Autoencoders
A type of neural network used for unsupervised learning tasks such as data compression and denoising by learning an efficient encoding of data. -
Generative Adversarial Networks (GANs)
A framework of two neural networks (generator and discriminator) that compete to create realistic data, typically used for image generation. -
Transformers
A deep learning model architecture that uses self-attention mechanisms to process sequences in parallel, widely used in NLP tasks like translation. -
Attention Mechanism
A component of models like Transformers that allows the model to focus on important parts of the input sequence while processing data. -
Transfer Learning
A technique in which a pre-trained model on one task is fine-tuned for a different, but related task, saving time and computational resources. -
Meta Learning
A learning paradigm where models learn how to learn by training on a variety of tasks and adapting quickly to new tasks with minimal data. -
Multi-modal Learning
An approach where models are trained to process and learn from multiple types of data, such as text, images, and audio, to make more comprehensive predictions.
π Key AI Application Areas & Concepts
This group maps AI concepts to real-world applications and interfaces:
-
Domains like NLP, computer vision, and tools like chatbots or digital twins.
-
Includes human-AI collaboration terms like co-pilot or agent.
π Why? Shows how AI is operationalized across industries and daily tools.
-
Natural Language Processing (NLP)
The field of AI focused on enabling machines to understand, interpret, and generate human language. -
Computer Vision
A field of AI that enables computers to interpret and make decisions based on visual data like images and videos. -
Speech Recognition
A technology that converts spoken language into text, allowing voice-based interfaces. -
Recommendation Systems
Algorithms that suggest items or content to users based on preferences, behavior, or data patterns. -
Anomaly Detection
The process of identifying unusual patterns or outliers in data that do not conform to expected behavior. -
AI Co-pilot
An AI assistant that supports users by providing intelligent suggestions or automating parts of tasks. -
AI Agent
An autonomous or semi-autonomous system that perceives its environment and acts to achieve goals. -
Digital Twin
A virtual replica of a physical object or system used for simulation, analysis, and monitoring. -
Chatbot
An AI system designed to simulate conversation with users through text or voice interactions. -
Embedding
A technique to represent high-dimensional data (like words or images) as dense vectors in lower dimensions for easier processing by models.
π§° Popular AI/ML Tools & Frameworks
The practical tooling layerβlibraries, frameworks, and infrastructure that support AI/ML development and deployment.
π Why? Understanding these is critical for implementation and scaling.
-
TensorFlow
An open-source deep learning framework developed by Google, widely used for building and training ML models. -
PyTorch
A flexible deep learning library developed by Facebook, popular for research and production due to its dynamic computation graph. -
scikit-learn
A Python library for traditional machine learning algorithms such as classification, regression, and clustering. -
Hugging Face
A platform and library known for state-of-the-art NLP models like BERT, GPT, and transformer-based APIs. -
OpenAI
An AI research lab behind ChatGPT and GPT models, advancing generative AI and reinforcement learning. -
MLflow
An open-source platform for managing the ML lifecycle including experimentation, reproducibility, and deployment. -
ONNX (Open Neural Network Exchange)
An open format to represent deep learning models, enabling interoperability between frameworks like PyTorch and TensorFlow. -
Kubernetes
An open-source system for automating deployment, scaling, and management of containerized applications, including AI/ML workloads. -
GPUs / TPUs
Specialized hardware accelerators used to speed up the training and inference of deep learning models.
π§ Ethics & Trust in AI- Human Aspects
Covers the growing need for trustworthy and responsible AI:
- Includes fairness, transparency, and privacy.
π Why? As AI adoption increases, ethics and governance become crucial.
-
Explainable AI (XAI)
Techniques that make the outputs and decisions of AI models understandable to humans. -
Responsible AI
The practice of designing, developing, and deploying AI systems in a safe, ethical, and accountable way. -
Fairness
Ensuring that AI systems treat all individuals and groups equitably without favoritism or discrimination. -
Bias
Systematic and unfair discrimination in AI predictions due to skewed training data or model assumptions. -
Privacy
Protecting user data and ensuring that AI systems do not expose sensitive or personal information. -
Model Interpretability
The degree to which a human can understand the internal mechanics or decisions of an AI model. -
AI Alignment
Ensuring that the goals and actions of AI systems are in harmony with human values and intentions. -
AI Governance
The frameworks, policies, and oversight mechanisms used to regulate and guide the development and use of AI technologies.
π Futuristic & Emerging AI Concepts
This section explores visionary and experimental frontiers in AI:
- Concepts like AGI, Quantum AI, and Conscious AI that are still being researched or theorized.
π Why? They push the boundaries of what AI might become, guiding long-term research and ethical discussion.
-
Artificial General Intelligence (AGI)
A type of AI with the ability to understand, learn, and apply intelligence across a wide range of tasksβmatching or exceeding human cognitive capabilities. -
Agentic AI
AI systems capable of autonomous decision-making and goal-directed behavior, often acting as independent agents. -
AI Autonomy
The ability of an AI system to operate independently without human intervention in complex environments. -
Neuromorphic Computing
A computing approach inspired by the structure and function of the human brain, using specialized hardware to mimic neural networks. -
Quantum AI
The intersection of quantum computing and AI, leveraging quantum mechanics to enhance computation in machine learning tasks. -
Swarm Intelligence
AI models inspired by the collective behavior of decentralized, self-organized systems like ant colonies or bird flocks. -
Self-Supervised Learning
A learning method where the model generates its own labels from raw data, reducing the need for manual labeling. -
Continual Learning
The capability of AI models to continuously learn from new data without forgetting previously acquired knowledge. -
AI Singularity
A hypothetical future point where AI surpasses human intelligence and evolves beyond human control or understanding. -
Bio-AI Interfaces
Integration of biological systems with AI, enabling direct communication between human brains and machines. -
Conscious AI
A theoretical concept of AI possessing awareness, emotions, and subjective experience similar to human consciousness.