PRIMO.ai
On Wednesday November 6, 2024 PRIMO.ai has 739 pages
Primo.ai provides links to articles and videos on Artificial intelligence (AI) concepts and techniques such as Generative AI, Natural Language Processing (NLP), Computer Vision, Deep Learning, Reinforcement Learning (RL), and Quantum Technology -- providing perspectives for individuals who are passionate about learning and developing new skills.
Getting Started
AI Fun
- Try ChatGPT | OpenAI
- Create your own music with Udio
- Try DreamStudio | Stability AI ... text-to-image diffusion model capable of generating photo-realistic images
- Google AI Experiments
- TensorFlow Playground ...learn more
- TensorFlow.js Demos
- Google AIY Projects Program - Do-it-yourself artificial intelligence
- NVIDIA Playground
- Competitions
- AI Dungeon 2 AI generated text adventure
.. more Natural Language Processing (NLP) fun...
- CoreNLP - see NLP parsing techniques by pasting your text | Stanford
- Sentiment Treebank Analysis Demo
How to...
- Strategy & Tactics for developing AI investments
- AI Solver for determining possible algorithms for your needs
- Evaluation ... Prompts for assessing AI projects
- Checklists for ensuring consistency and completeness
Forward Thinking
- Moonshots ... a project or goal that aims to achieve a major breakthrough in artificial intelligence that has the potential to transform society or address significant global challenges
- Artificial General Intelligence (AGI) to Singularity ... a hypothetical future event in which artificial intelligence (AI) surpasses human intelligence in a way that fundamentally changes human society and civilization
- Artificial Intelligence | United States Patent and Trademark Office --> AI Patents after 2013
- Creatives ... individuals who have significantly contributed to the development, advancement, or popularization of AI
- Books, Radio & Movies - Exploring Possibilities
Information Analysis
- Context ... the next AI frontier
- Data Science ... Governance ... Preprocessing ... Exploration ... Interoperability ... Master Data Management (MDM) ... Bias and Variances ... Benchmarks ... Datasets
- Data Quality ...validity, accuracy, cleaning, completeness, consistency, encoding, padding, augmentation, labeling, auto-tagging, normalization, standardization, and imbalanced data
- Managed Vocabularies
- Excel ... Documents ... Database; Vector & Relational ... Graph ... LlamaIndex
- Visualization
- Analytics
- Hyperparameters
Algorithms
- Models | Hugging Face ... click on Sort: Trending
- Algorithms; the engines of AI
- Model Zoos
- Graphical Tools for Modeling AI Components
Generative AI (Gen AI)
The ability to generate new content or solutions, such as writing or designing new products, using techniques such as Generative Adversarial Network (GAN) or neural style transfer.
- Conversational AI ... ChatGPT | OpenAI ... Bing/Copilot | Microsoft ... Gemini | Google ... Claude | Anthropic ... Perplexity ... You ... phind ... Grok | xAI ... Groq ... Ernie | Baidu
- Multimodal Language Models ... Generative Pre-trained Transformer (GPT-4) ... GPT-5
- Video/Image
- Synthesize Speech
- Game Development with Generative AI
Predict values - Regression
Analyze large amounts of data and make predictions or recommendations based on that data.
- Linear Regression
- Ridge Regression
- Lasso Regression
- Elastic Net Regression
- Bayesian Linear Regression
- Bayesian Deep Learning (BDL)
- Logistic Regression (LR)
- Support Vector Regression (SVR)
- Ordinal Regression
- Poisson Regression
- Tree-based...
- General Regression Neural Network (GRNN)
- One-class Support Vector Machine (SVM)
- Gradient Boosting Machine (GBM)
Classification ...predict categories
- Supervised
- Naive Bayes
- K-Nearest Neighbors (KNN)
- Perceptron (P) ...and Multi-layer Perceptron (MLP)
- Feed Forward Neural Network (FF or FFNN)
- Neural Network
- Kernel Approximation - Kernel Trick
- Logistic Regression (LR)
- Softmax Regression; Multinominal Logistic Regression
- Tree-based...
- Apriori, Frequent Pattern (FP) Growth, Association Rules/Analysis
- Markov Model (Chain, Discrete Time, Continuous Time, Hidden)
- Unsupervised
Recommendation
Clustering - Continuous - Dimensional Reduction
- Singular Value Decomposition (SVD)
- Principal Component Analysis (PCA)
- K-Means
- Fuzzy C-Means (FCM)
- K-Modes
- Association Rule Learning
- Mean-Shift Clustering
- Density-Based Spatial Clustering of Applications with Noise (DBSCAN)
- Expectation–Maximization (EM) Clustering using Gaussian Mixture Models (GMM)
- Restricted Boltzmann Machine (RBM)
- Variational Autoencoder (VAE)
- Biclustering
- Multidimensional Scaling (MDS)
Hierarchical
- Hierarchical Cluster Analysis (HCA)
- Hierarchical Clustering; Agglomerative (HAC) & Divisive (HDC)
- Hierarchical Temporal Memory (HTM) Time
- Mixture Models; Gaussian
Convolutional
Deconvolutional
Graph
- includes social networks, sensor networks, the entire Internet, 3D Objects (Point Cloud)
- Graph Convolutional Network (GCN), Graph Neural Networks (Graph Nets), Geometric Deep Learning
- Point Cloud
- A hierarchical RNN-based model to predict scene graphs for images
- A multi-granularity reasoning framework for social relation recognition
- Neural Structured Learning (NSL)
Sequence/Time-based Algorithms
Competitive
- Generative Adversarial Network (GAN)
- Image-to-Image Translation
- Conditional Adversarial Architecture (CAA)
- Kohonen Network (KN)/Self Organizing Maps (SOM)
- Quantum Generative Adversarial Learning (QuGAN - QGAN)
Semi-Supervised
In many practical situations, the cost to label is quite high, since it requires skilled human experts to do that. So, in the absence of labels in the majority of the observations but present in few, semi-supervised algorithms are the best candidates for the model building. These methods exploit the idea that even though the group memberships of the unlabeled data are unknown, this data carries important information about the group parameters. Reference: Learning Techniques
- Semi-Supervised Learning with Generative Adversarial Network (SSL-GAN)
- Context-Conditional Generative Adversarial Network (CC-GAN)
Natural Language
- Natural Language Processing (NLP) involves speech recognition, (speech) translation, understanding (semantic parsing) complete sentences, understanding synonyms of matching words, and sentiment analysis
- Natural Language Generation (NLG)
- Natural Language Classification (NLC)
- Large Language Model (LLM)
- Natural Language Tools & Services
- Embedding
- Fine-tuning
- Search (where results are ranked by relevance to a query string)
- Clustering (where text strings are grouped by similarity)
- Recommendations (where items with related text strings are recommended)
- Anomaly Detection (where outliers with little relatedness are identified)
- Classification (where text strings are classified by their most similar label)
- Dimensional Reduction
- ...find outliers ... diversity measurement (where similarity distributions are analyzed)
Reinforcement Learning (RL)
an algorithm receives a delayed reward in the next time step to evaluate its previous action. Therefore based on those decisions, the algorithm will train itself based on the success/error of output. In combination with Neural Networks it is capable of solving more complex tasks. Policy Gradient (PG) methods are a type of reinforcement learning techniques that rely upon optimizing parametrized policies with respect to the expected return (long-term cumulative reward) by gradient descent.
- Monte Carlo (MC) Method - Model Free Reinforcement Learning
- Markov Decision Process (MDP)
- State-Action-Reward-State-Action (SARSA)
- Q Learning
- Deep Reinforcement Learning (DRL) DeepRL
- Distributed Deep Reinforcement Learning (DDRL)
- Evolutionary Computation / Genetic Algorithms
- Actor Critic
- Hierarchical Reinforcement Learning (HRL)
- Reinforcement Learning (RL) from Human Feedback (RLHF)
Neuro-Symbolic
the “connectionists” seek to construct artificial Neural Networks, inspired by biology, to learn about the world, while the “symbolists” seek to build intelligent machines by coding in logical rules and representations of the world. Neuro-Symbolic combines the fruits of group.
Other
- Hopfield Network (HN)
- Energy-based Model (EBN) ... non-normalized probabilistic model
- Generative Query Network (GQN)
Techniques
- Math for Intelligence ... Finding Paul Revere
- Arxiv Sanity Preserver to accelerate research
- Theory-free Science
Methods & Concepts
- Backpropagation
- Stochastic Gradient Descent
- Learning Rate Decay
- Max Pooling
- Batch Normalization
- Overfitting Challenge
- Manifold Hypothesis and Dimensional Reduction; identification - what influences an observed outcome
- Activation Functions
- Memory
- Multiclassifiers; Ensembles and Hybrids; Bagging, Boosting, and Stacking
- Optimizers
- Neural Network Pruning
- Repositories & Other Algorithms
- DAWNBench An End-to-End Deep Learning Benchmark and Competition
- Knowledge Graphs
- Quantization
- Causation vs. Correlation
- Deep Features
- Local Features
- Unintended Feedback Loop
- Backtesting
- Digital Twin
Policy
- Policy ... Policy vs Plan ... Constitutional AI ... Trust Region Policy Optimization (TRPO) ... Policy Gradient (PG) ... Proximal Policy Optimization (PPO)
Learning Techniques
- In-Context Learning (ICL) ... Context
- Out-of-Distribution (OOD) Generalization
- Supervised Learning ... Semi-Supervised Learning ... Self-Supervised Learning ... Unsupervised Learning
- Reinforcement Learning (RL)
- Reinforcement Learning (RL) from Human Feedback (RLHF)
- Deep Learning
- Transfer Learning a model trained on one task is re-purposed on a second related task
- Few Shot Learning ... One-Shot Learning ... Zero-Shot Learning
- Ensemble Learning
- Multi-Task Learning (MTL)
- Apprenticeship Learning - Inverse Reinforcement Learning (IRL)
- Imitation Learning (IL)
- Lifelong Learning - Catastrophic Forgetting Challenge
- Neural Structured Learning (NSL)
- Meta-Learning
- Online Learning
- Human-in-the-Loop (HITL) Learning / Active Learning
- Decentralized: Federated & Distributed Learning
- Multimodal Machine Learning
- Action Learning ... Embodied AI
- Simulated Environment Learning
Opportunities & Challenges
- Generative AI
- Inside Out - Curious Optimistic Reasoning
- Nature
- Connecting Brains
- Architectures
- Integrity Forensics
- Metaverse
- Omniverse
- Cybersecurity
- Robotics
- Other Challenges in Artificial Intelligence
- Quantum
Development & Implementation
- Tool Assist | AI Top Tools ... largest directory of AI Tools, Ranked with dynamic algorithms
- Development
- Building Your Environment
- Algorithm Administration
- ChatGPT Integration
- Game Development with Generative AI
- Agents ... Robotic Process Automation ... Assistants ... Personal Companions ... Productivity ... Email ... Negotiation ... LangChain
- Service Capabilities
- AI Marketplace & Toolkit/Model Interoperability
No Coding
- Automated Learning
- Neural Architecture Search (NAS) Algorithm
- Codeless Options, Code Generators, Drag n' Drop
Coding
- AI Pair Programming Tools
- Python ... GenAI w/ Python ... JavaScript ... GenAI w/ JavaScript ... TensorFlow ... PyTorch
- R Project
- Other Coding options
Libraries & Frameworks
TensorFlow
- TensorBoard
- TensorFlow Playground
- TensorFlow.js Demos
- TensorFlow.js
- TensorFlow Lite
- TensorFlow Serving
- Related...
Tooling
- Model Search
- Model Monitoring
- Notebooks; Jupyter and R Markdown
Platforms: AI/Machine Learning as a Service (AIaaS/MLaaS)
- Amazon AWS
- Apple
- Google Cloud Platform (GCP)
- Hugging Face
- IBM
- Intel
- Kaggle
- Microsoft Azure Machine Learning
- Modal
- NVIDIA
- OpenAI
- Palantir
- xAI
... and other leading organizations
- Meta
- Sakana
- Allen Institute for Artificial Intelligence, or AI2
- Government Services
- Stanford University, MIT, UC Berkeley, Carnegie Mellon University, Princeton University, University of Oxford, University of Texas Austin, UCLA, Duke University, EPFL, Harvard University, Cornell University, ETH, Tsinghua University, National University of Singapore, University of Pennsylvania, Technion, University of Washington, UC San Diego, University of Maryland, Peking University, Georgia Institute of Technology, University of Illinois at Urbana-Champaign, University of Wisconsin Madison, University of Toronto, Université de Montréal - Mila, KAIST, Texas A&M University, RIKEN, University of Cambridge, Columbia University, UMass Amherst, National Institute for Research in Digital Science and Technology (INRIA), New York University, University College London, University of Southern California, Yale University, Yandex, Shanghai Jiao Tong University, University of Minnesota, University of Chicago, McGill University, Seoul National University, University of Tuebingen, University of Alberta, Rice University, Johns Hopkins University
If you get a 502 or 503 error please try the webpage again, as your message is visiting the island which the server is located, perhaps deciding to relax in the Sun before returning. Thank you.