Difference between revisions of "PRIMO.ai"

From
Jump to: navigation, search
(... and other leading organizations)
(31 intermediate revisions by the same user not shown)
Line 1: Line 1:
 +
{{#seo:
 +
|title=PRIMO.ai
 +
|titlemode=append
 +
|keywords=artificial, intelligence, machine, learning, models, algorithms, cybersecurity, data, singularity, moonshot, Tensorflow, Google, Nvidia, Microsoft, Azure, Amazon, AWS
 +
|description=Helpful resources for your journey with artificial intelligence; videos, articles, techniques, courses, profiles, and tools
 +
 
<script async src="https://www.googletagmanager.com/gtag/js?id=UA-101589255-2"></script>
 
<script async src="https://www.googletagmanager.com/gtag/js?id=UA-101589255-2"></script>
 
<!-- Global site tag (gtag.js) - Google Analytics -->
 
<!-- Global site tag (gtag.js) - Google Analytics -->
Line 8: Line 14:
 
   gtag('config', 'UA-101589255-2');
 
   gtag('config', 'UA-101589255-2');
 
</script>
 
</script>
 
{{#seo:
 
|title=PRIMO.ai
 
|titlemode=append
 
|keywords=artificial, intelligence, machine, learning, models, algorithms, cybersecurity, data, singularity, moonshot, Tensorflow, Google, Nvidia, Microsoft, Azure, Amazon, AWS
 
|description=Helpful resources for your journey with artificial intelligence; videos, articles, techniques, courses, profiles, and tools
 
 
}}
 
}}
 
 
 
 
On {{LOCALDAYNAME}} {{LOCALMONTHNAME}} {{LOCALDAY}}, {{LOCALYEAR}} PRIMO.ai has {{NUMBEROFPAGES}} pages  
 
On {{LOCALDAYNAME}} {{LOCALMONTHNAME}} {{LOCALDAY}}, {{LOCALYEAR}} PRIMO.ai has {{NUMBEROFPAGES}} pages  
  
Line 34: Line 31:
 
* [[Capabilities]]
 
* [[Capabilities]]
 
* [[Case Studies]]
 
* [[Case Studies]]
* [http://patft.uspto.gov/netacgi/nph-Parser?Sect1=PTO2&Sect2=HITOFF&u=%2Fnetahtml%2FPTO%2Fsearch-adv.htm&r=0&p=1&f=S&l=50&Query=%28%28abst%2F%28intelligence+and+%28artificial+or+machine%29%29%29+or+%28aclm%2F%28intelligence+and+%28artificial+or+machine%29%29%29%29+and++%28ISD%2F1%2F1%2F2014-%3E1%2F1%2F2050%29&d=PTXT AI Patents after 2013]
+
* [http://www.uspto.gov/initiatives/artificial-intelligence Artificial Intelligence | United States Patent and Trademark Office] --> [http://patft.uspto.gov/netacgi/nph-Parser?Sect1=PTO2&Sect2=HITOFF&u=%2Fnetahtml%2FPTO%2Fsearch-adv.htm&r=0&p=1&f=S&l=50&Query=%28%28abst%2F%28intelligence+and+%28artificial+or+machine%29%29%29+or+%28aclm%2F%28intelligence+and+%28artificial+or+machine%29%29%29%29+and++%28ISD%2F1%2F1%2F2014-%3E1%2F1%2F2050%29&d=PTXT AI Patents after 2013]
  
 
=== AI Fun ===
 
=== AI Fun ===
Line 44: Line 41:
  
 
* [[Competitions]]
 
* [[Competitions]]
<i>Try GPT-2...</i>
+
<i>Try [[Generative Pre-trained Transformer | GPT-2]]...</i>
* [http://talktotransformer.com/ Talk to Transformer] - completes your text. | [http://adamdking.com/ Adam D King], [http://huggingface.co/ Hugging Face] and [http://openai.com/ OpenAI]
 
 
* [http://colab.research.google.com/github/nickwalton/AIDungeon/blob/master/AIDungeon_2.ipynb AI Dungeon 2] AI generated text adventure
 
* [http://colab.research.google.com/github/nickwalton/AIDungeon/blob/master/AIDungeon_2.ipynb AI Dungeon 2] AI generated text adventure
  
<i>.. more Natural Language Processing (NLP) fun...</i>
+
<i>.. more [[Natural Language Processing (NLP)]] fun...</i>
 
* [http://corenlp.run/ CoreNLP - see NLP parsing techniques by pasting your text | Stanford]
 
* [http://corenlp.run/ CoreNLP - see NLP parsing techniques by pasting your text | Stanford]
 
* [http://nlp.stanford.edu:8080/sentiment/rntnDemo.html Sentiment Treebank Analysis Demo]
 
* [http://nlp.stanford.edu:8080/sentiment/rntnDemo.html Sentiment Treebank Analysis Demo]
Line 92: Line 88:
 
* [[Elastic Net Regression]]
 
* [[Elastic Net Regression]]
 
* [[Bayesian Linear Regression]]
 
* [[Bayesian Linear Regression]]
 +
* [[Bayesian Deep Learning (BDL)]]
 
* [[Logistic Regression (LR)]]
 
* [[Logistic Regression (LR)]]
 
* [[Support Vector Regression (SVR)]]
 
* [[Support Vector Regression (SVR)]]
Line 170: Line 167:
  
 
== Sequence / Time ==
 
== Sequence / Time ==
 +
* [[Transformer]]
 +
** [[Generative Pre-trained Transformer (GPT)]]
 +
** [[Attention]] Mechanism/[[Transformer]] Model
 +
** [[Transformer-XL]]
 
* [[Sequence to Sequence (Seq2Seq)]]
 
* [[Sequence to Sequence (Seq2Seq)]]
 
* [[End-to-End Speech]]
 
* [[End-to-End Speech]]
Line 192: Line 193:
 
== Competitive  ==
 
== Competitive  ==
 
* [[Generative Adversarial Network (GAN)]]
 
* [[Generative Adversarial Network (GAN)]]
 +
* [[Image-to-Image Translation]]
 
* [[Conditional Adversarial Architecture (CAA)]]
 
* [[Conditional Adversarial Architecture (CAA)]]
 
* [[Kohonen Network (KN)/Self Organizing Maps (SOM)]]
 
* [[Kohonen Network (KN)/Self Organizing Maps (SOM)]]
Line 210: Line 212:
 
* [[Monte Carlo]] (MC) Method - Model Free Reinforcement Learning
 
* [[Monte Carlo]] (MC) Method - Model Free Reinforcement Learning
 
* [[Markov Decision Process (MDP)]]
 
* [[Markov Decision Process (MDP)]]
 +
* [[State-Action-Reward-State-Action (SARSA)]]
 
* [[Q Learning]]
 
* [[Q Learning]]
* [[State-Action-Reward-State-Action (SARSA)]]
+
** [[Deep Q Network (DQN)]]
 
* [[Deep Reinforcement Learning (DRL)]] DeepRL
 
* [[Deep Reinforcement Learning (DRL)]] DeepRL
 
* [[Distributed Deep Reinforcement Learning (DDRL)]]
 
* [[Distributed Deep Reinforcement Learning (DDRL)]]
* [[Deep Q Network (DQN)]]
 
 
* [[Evolutionary Computation / Genetic Algorithms]]
 
* [[Evolutionary Computation / Genetic Algorithms]]
 
* [[Actor Critic]]
 
* [[Actor Critic]]
 +
** [[Asynchronous Advantage Actor Critic (A3C)]]
 +
** [[Advanced Actor Critic (A2C)]]
 +
** [[Lifelong Latent Actor-Critic (LILAC)]]
 
* [[Hierarchical Reinforcement Learning (HRL)]]
 
* [[Hierarchical Reinforcement Learning (HRL)]]
  
Line 242: Line 247:
 
* [[Dimensional Reduction]]; identification - what influences an observed outcome
 
* [[Dimensional Reduction]]; identification - what influences an observed outcome
 
* [[Activation Functions]]
 
* [[Activation Functions]]
* Memory
+
* [[Memory Networks]]
** [[Memory Networks]]
 
** [[Attention]] Mechanism/[[Transformer]] Model
 
** [[Transformer-XL]]
 
 
* [[Multiclassifiers; Ensembles and Hybrids; Bagging, Boosting, and Stacking]]
 
* [[Multiclassifiers; Ensembles and Hybrids; Bagging, Boosting, and Stacking]]
 
* [[Optimizer]]s
 
* [[Optimizer]]s
Line 258: Line 260:
 
* [[Quantization]]
 
* [[Quantization]]
 
* [[Causation vs. Correlation]]
 
* [[Causation vs. Correlation]]
* [[Object Detection; Faster R-CNN, YOLO, SSD]]
+
* [[Image Retrieval / Object Detection]]; Faster Region-based Convolutional Neural Networks (R-CNN), You only Look Once (YOLO), Single Shot Detector(SSD)
 
* [[Deep Features]]  
 
* [[Deep Features]]  
 
* [[Local Features]]
 
* [[Local Features]]
 +
* [[Human in the Loop]]
  
 
=== [[Learning Techniques]] ===
 
=== [[Learning Techniques]] ===
Line 290: Line 293:
 
** [[Capsule Networks (CapNets)]]  
 
** [[Capsule Networks (CapNets)]]  
 
** [[Messaging & Routing]]  
 
** [[Messaging & Routing]]  
** [[Pipeline]]s
 
 
** [[Federated]] Learning
 
** [[Federated]] Learning
 
** [[Distributed]] Learning
 
** [[Distributed]] Learning
 
** [[Processing Units - CPU, GPU, APU, TPU, VPU, FPGA, QPU]]
 
** [[Processing Units - CPU, GPU, APU, TPU, VPU, FPGA, QPU]]
 
* [[Integrity Forensics]]
 
* [[Integrity Forensics]]
 +
* [[Metaverse]]
 
* [[Other Challenges]] in Artificial Intelligence
 
* [[Other Challenges]] in Artificial Intelligence
  
 
= Development & Implementation =
 
= Development & Implementation =
 
* [[Building Your Environment]]
 
* [[Building Your Environment]]
* [[Pipeline]]s
+
* [[AIOps / MLOps]]
 
* [[Service Capabilities]]
 
* [[Service Capabilities]]
 
* [[AI Marketplace & Toolkit/Model Interoperability]]  
 
* [[AI Marketplace & Toolkit/Model Interoperability]]  
Line 347: Line 350:
 
* [http://allenai.org/ Allen Institute for Artificial Intelligence, or AI2]
 
* [http://allenai.org/ Allen Institute for Artificial Intelligence, or AI2]
 
* [http://openai.com/ OpenAI]
 
* [http://openai.com/ OpenAI]
 +
* [http://www.nist.gov/topics/artificial-intelligence NIST]
 +
* [http://ai.stanford.edu/ Stanford University], [http://www.csail.mit.edu/ MIT], [http://www2.eecs.berkeley.edu/Research/Areas/AI/ UC Berkeley], [http://ai.cs.cmu.edu/ Carnegie Mellon University], [http://aiml.cs.princeton.edu/ Princeton University], [http://www.cs.ox.ac.uk/research/ai_ml/ University of Oxford], [http://www.cs.utexas.edu/concentrations/mlai University of Texas Austin], [http://samueli.ucla.edu/big-data-artificial-intelligence-and-machine-learning/ UCLA], [http://www.cs.duke.edu/research/artificialintelligence Duke University], [http://www.epfl.ch/research/ EPFL], [http://digital.hbs.edu/topics/artificial-intelligence-machine-learning/ Harvard University], [http://www.cs.cornell.edu/research/ai Cornell University], [http://inf.ethz.ch/ ETH], [http://www.cs.tsinghua.edu.cn/publish/csen/4917/index.html Tsinghua University], [http://www.comp.nus.edu.sg/about/depts/cs/research/ai/ National University of Singapore], [http://priml.upenn.edu/ University of Pennsylvania], [http://www.technion.ac.il/en/technion-research-units-2/ Technion], [http://www.cs.washington.edu/research/ai University of Washington], [http://ai.ucsd.edu/ UC San Diego], [http://www.cs.umd.edu/researcharea/ai-and-robotics University of Maryland], [http://www.cil.pku.edu.cn/ Peking University], [http://ic.gatech.edu/content/artificial-intelligence-machine-learning Georgia Institute of Technology], [http://machinelearning.illinois.edu/ University of Illinois at Urbana-Champaign], [http://research.cs.wisc.edu/areas/ai/ University of Wisconsin Madison], [http://www.engineering.utoronto.ca/research-innovation/industry-partnerships-with-u-of-t-engineering/data-analytics-artificial-intelligence/ University of Toronto], [http://www.umontreal.ca/en/artificialintelligence/ Université de Montréal] - [http://mila.quebec/en/mila/ Mila], [http://www.kaist.ac.kr/en/html/research/04.html KAIST], [http://engineering.tamu.edu/cse/research/areas/artificial-intelligence.html Texas A&M University], [http://www.riken.jp/en/research/labs/aip/ RIKEN], [http://www.cl.cam.ac.uk/research/ai/ University of Cambridge], [http://www.cs.columbia.edu/areas/ai/ Columbia University], [http://www.cics.umass.edu/research/area/artificial-intelligence UMass Amherst], [http://www.inria.fr/en National Institute for Research in Digital Science and Technology (INRIA)], [http://engineering.nyu.edu/research-innovation/centers-and-institutes/ai-now New York University],  [http://www.ucl.ac.uk/ai-centre/ University College London], [http://www.cs.usc.edu/academic-programs/masters/artificial-intelligence/ University of Southern California], [http://cpsc.yale.edu/research/artificial-intelligence Yale University], [http://yandexdataschool.com/ Yandex], [http://en.sjtu.edu.cn/ Shanghai Jiao Tong University], [http://www.cs.umn.edu/research/research_areas/robotics-and-artificial-intelligence University of Minnesota], [http://voices.uchicago.edu/machinelearning/ University of Chicago], [http://www.mcgill.ca/desautels/category/tags/artificial-intellligence-ai McGill University], [http://cse.snu.ac.kr/en Seoul National University], [http://uni-tuebingen.de/fakultaeten/mathematisch-naturwissenschaftliche-fakultaet/fachbereiche/informatik/studium/studiengaenge/machine-learning/ University of Tuebingen], [http://www.ualberta.ca/computing-science/research/research-areas/artificial-intelligence.html University of Alberta], [http://engineering.rice.edu/research-faculty/research-focus-areas/artificial-intelligence-machine-learning Rice University], [http://ep.jhu.edu/programs-and-courses/programs/artificial-intelligence Johns Hopkins University]
  
  

Revision as of 10:31, 9 August 2020

On Wednesday April 17, 2024 PRIMO.ai has 736 pages

Getting Started

Overview

Background

AI Breakthroughs

AI Fun

Try GPT-2...

.. more Natural Language Processing (NLP) fun...

How to...

Forward Thinking

Information Analysis

Algorithms

Predict values - Regression

Classification ...predict categories

Recommendation

Clustering - Continuous - Dimensional Reduction

Hierarchical

Convolutional

Deconvolutional

Graph

- includes social networks, sensor networks, the entire Internet, 3D Objects (Point Cloud)

Sequence / Time

Time

Spatialtemporal

Spatial-Temporal Dynamic Network (STDN)

Competitive

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

Natural Language

  • Natural Language Processing (NLP) involves speech recognition, (speech) translation, understanding (semantic parsing) complete sentences, understanding synonyms of matching words, and sentiment analysis

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.

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

Techniques

Methods & Concepts

Learning Techniques

Opportunities & Challenges

Development & Implementation

No Coding

Coding

Libraries & Frameworks

TensorFlow

Tooling

Platforms: Machine Learning as a Service (MLaaS)

... and other leading organizations





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.