
Courses and Training in Artificial Intelligence
Join New Zealand’s AI Academy.
Sign up now for anytime access to community resources, webinars and discussions.
Learn practical AI skills to supercharge your potential.
Discover new tools to expand your AI powered skill set.
Boost your career potential with new AI superpowers.
Co-design learning and development programs for your employees.
Learn the practical skills you need to leverage Artificial Intelligence.
Whether you want to become more effective at work, build AI powered applications or go deep into data science. Here you will find a course to accelerate your superpowers with AI.
General AI-literacy for all
For any professional hoping to achieve fluency in generative AI and responsible AI foundations.
Building AI Literacy (Learning Path)
Responsible AI Foundations (Learning Path)
Develop Your Prompt Engineering Skills (Learning Path)
GAI for different roles
For professionals looking to learn GAI skills relevant to their specific role.
Build AI Aptitude as a Senior Manager (Learning Path)
Building Generative AI Skills for Business Pros (Learning Path)
Building Generative AI Skills for Creative Pros (Learning Path)
Building Generative AI Skills for Developers (Learning Path)
GAI for power users and tech audiences
For professionals who need to work with large language models (LLMs) to build or modify AI-powered business investments.
GAI for specialized roles
For tech professionals and AI/ML engineers who need specialized training to maintain and train AI models.
Maintaining: MLOps, cloud, security, and frameworks to serve roles implementing AI.
Prepare for the Google Cloud Professional Machine Learning Engineer Certificate (Learning Path — Certification Preparation)
Prepare for the AWS Certified Machine Learning — Specialty (MLS-C01) Exam (Learning Path — Certification Preparation)
Google Cloud Professional for Machine Learning Essential Training
Training: Fine-tuning, model optimization, neural networks. Content targeting AI/ML engineers and data science professionals.
Victoria University
Victoria University of Wellington covers Artificial Intelligence, data science and machine learning in their Bachelor of Science major in Computer Science programme. There are several postgraduate options to continue studying advanced Computer Science and they have a number of research groups including an Artificial Intelligence Group.
AUT
The Auckland University of Technology offers a great set of AI related programmes and postgraduate research projects. You can find all the relevant courses under the engineering and computer and mathematical sciences section.
AUT also has a Centre for Artificial Intelligence Research (CAIR) with the mission to create, develop and commercialise innovative IT products. Their current focus is on human language technology, speech technology, robotics and mind theory.
University of Auckland
As an undergraduate, The University of Auckland Science Department offers a major in Computer Science that covers AI. There is also an opportunity to focus on data science separately. This can lead to more advanced topics in their postgraduate programmes.
Furthermore, the Department of Computer Science conducts AI related research as well as offers postgraduate research topics under the programme which they call "Intelligent Systems and Informatics".
Massey University
Massey University has several curriculums that contain AI and Machine Learning topics. You can achieve a postgraduate diploma in Information Sciences where you can major in computer science. They also have a Bachelor of Science (Computer Science) programme that covers a more comprehensive curriculum. Finally there is also a Master of Science (Computer Science) programme.
You can also learn about Massey's research focus on the Computer Science and Information Technology section.
University of Waikato
The University of Waikato has a comprehensive set of Computer Science papers several of which cover AI and Machine Learning topics. These papers are part of a graduate or postgraduate degree in Computer Science. You can check the details on these programmes with their handy degree planners for Artificial Intelligence and Data Mining.
The university also has a Machine Learning Group leading their research programme that focuses mainly on big data analysis and mining.
Stanford
Stanford Online offers free online courses taught by Stanford faculty to lifelong learners worldwide, and a variety of professional education opportunities in conjunction with many of the University’s schools and departments.
Courses are 'in session or upcoming' and 'self paced' so you may need to plan your course according to availability. Below we've listed some links to a number of relevant courses:
University of Canterbury
University of Canterbury in Christchurch offers a comprehensive Computer Science curriculum covering among other things, Artificial Intelligence and computer vision and augmented reality. You can check their computer science courses and also investigate further postgraduate programmes and research.
The university also has an Artificial Intelligence Research Group.
Queenstown Resort College.
This Machine Learning Course will take students with no prior experience to a stage where they have the skills to be industry-ready upon graduation.
Machine Learning (ML) is the process of building, and using, predictive models. Artificial Intelligence (AI) is the software that surrounds these predictive models while in use, allowing software applications to become more accurate at predicting outcomes.
Our course is 10-16 weeks, based in Queenstown and gives students an insight into all things Machine Learning.
University of Otago
University of Otago in Dunedin has Computer Science and Information Science programmes depending whether you want to focus on AI, covered in the former, or Data Science in the latter. Consequently, they offer postgraduate programmes to further your expertise.
While Otago University has a strong research team with experience in the AI field, we could not find a specific AI focussed research group on their research centre page.
Tech Futures Lab
Master of Technological Futures
The Master of Technological Futures is not your ordinary Master’s qualification. Delivered fully online in real time it’s a practical programme that challenges how you think about business and rewires your problem-solving skills. You'll learn to recognise opportunities arising from disruption and how to leverage technology to bring positive change.
This is New Zealand’s most entrepreneurial, accessible, forward looking Masters programme, delivered by leading technology experts, futurists and social enterprise leaders.
Machine Learning
Machine Learning is Fun! (medium.com/@ageitgey)
Machine Learning Crash Course: Part I, Part II, Part III (Machine Learning at Berkeley)
An Introduction to Machine Learning Theory and Its Applications: A Visual Tutorial with Examples (toptal.com)
A Gentle Guide to Machine Learning (monkeylearn.com)
Which machine learning algorithm should I use? (sas.com)
Activation and Loss Functions
Sigmoid neurons (neuralnetworksanddeeplearning.com)
What is the role of the activation function in a neural network? (quora.com)
Comprehensive list of activation functions in neural networks with pros/cons (stats.stackexchange.com)
Activation functions and it’s types-Which is better? (medium.com)
Making Sense of Logarithmic Loss (exegetic.biz)
Loss Functions (Stanford CS231n)L1 vs. L2 Loss function (rishy.github.io)
The cross-entropy cost function (neuralnetworksanddeeplearning.com)
Bias
Role of Bias in Neural Networks (stackoverflow.com)
Bias Nodes in Neural Networks(makeyourownneuralnetwork.blogspot.com)
What is bias in artificial neural network? (quora.com)
Perceptron
Perceptrons (neuralnetworksanddeeplearning.com)
The Perception (natureofcode.com)
Single-layer Neural Networks (Perceptrons) (dcu.ie)
From Perceptrons to Deep Networks (toptal.com)
Regression
Introduction to linear regression analysis (duke.edu)
Linear Regression (ufldl.stanford.edu)
Linear Regression (readthedocs.io)
Logistic Regression (readthedocs.io)
Simple Linear Regression Tutorial for Machine Learning(machinelearningmastery.com)
Logistic Regression Tutorial for Machine Learning(machinelearningmastery.com)
Softmax Regression (ufldl.stanford.edu)
Gradient Descent
Learning with gradient descent (neuralnetworksanddeeplearning.com)
Gradient Descent (iamtrask.github.io)
How to understand Gradient Descent algorithm (kdnuggets.com)
An overview of gradient descent optimization algorithms(sebastianruder.com)
Optimization: Stochastic Gradient Descent (Stanford CS231n)
Generative Learning
Generative Learning Algorithms (Stanford CS229)
A practical explanation of a Naive Bayes classifier (monkeylearn.com)
Support Vector Machines
An introduction to Support Vector Machines (SVM) (monkeylearn.com)
Support Vector Machines (Stanford CS229)
Linear classification: Support Vector Machine, Softmax (Stanford 231n)
Backpropagation
Yes you should understand backprop (medium.com/@karpathy)
Can you give a visual explanation for the back propagation algorithm for neural networks? (github.com/rasbt)
How the backpropagation algorithm works(neuralnetworksanddeeplearning.com)
Backpropagation Through Time and Vanishing Gradients (wildml.com)
A Gentle Introduction to Backpropagation Through Time(machinelearningmastery.com)
Backpropagation, Intuitions (Stanford CS231n)
Deep Learning
Deep Learning in a Nutshell (nikhilbuduma.com)
A Tutorial on Deep Learning (Quoc V. Le)
What is Deep Learning? (machinelearningmastery.com)
What’s the Difference Between Artificial Intelligence, Machine Learning, and Deep Learning? (nvidia.com)
Optimization and Dimensionality Reduction
Seven Techniques for Data Dimensionality Reduction (knime.org)
Principal components analysis (Stanford CS229)
Dropout: A simple way to improve neural networks (Hinton @ NIPS 2012)
How to train your Deep Neural Network (rishy.github.io)
Long Short Term Memory (LSTM)
A Gentle Introduction to Long Short-Term Memory Networks by the Experts(machinelearningmastery.com)
Understanding LSTM Networks (colah.github.io)
Exploring LSTMs (echen.me)
Anyone Can Learn To Code an LSTM-RNN in Python (iamtrask.github.io)
Convolutional Neural Networks (CNNs)
Introducing convolutional networks(neuralnetworksanddeeplearning.com)
Deep Learning and Convolutional Neural Networks(medium.com/@ageitgey)
Conv Nets: A Modular Perspective (colah.github.io)
Understanding Convolutions (colah.github.io)
Recurrent Neural Nets (RNNs)
Recurrent Neural Networks Tutorial (wildml.com)
Attention and Augmented Recurrent Neural Networks (distill.pub)
The Unreasonable Effectiveness of Recurrent Neural Networks(karpathy.github.io)
A Deep Dive into Recurrent Neural Nets (nikhilbuduma.com)
Reinforcement Learning
Simple Beginner’s guide to Reinforcement Learning & its implementation(analyticsvidhya.com)
A Tutorial for Reinforcement Learning (mst.edu)
Learning Reinforcement Learning (wildml.com)
Deep Reinforcement Learning: Pong from Pixels (karpathy.github.io)
Generative Adversarial Networks (GANs)
What’s a Generative Adversarial Network? (nvidia.com)
Abusing Generative Adversarial Networks to Make 8-bit Pixel Art(medium.com/@ageitgey)
An introduction to Generative Adversarial Networks (with code in TensorFlow) (aylien.com)
Generative Adversarial Networks for Beginners (oreilly.com)
Multi-task Learning
An Overview of Multi-Task Learning in Deep Neural Networks(sebastianruder.com)
NLP
A Primer on Neural Network Models for Natural Language Processing (Yoav Goldberg)
The Definitive Guide to Natural Language Processing (monkeylearn.com)
Introduction to Natural Language Processing (algorithmia.com)
Natural Language Processing Tutorial (vikparuchuri.com)
Natural Language Processing (almost) from Scratch (arxiv.org)
Deep Learning and NLP
Deep Learning applied to NLP (arxiv.org)
Deep Learning for NLP (without Magic) (Richard Socher)
Understanding Convolutional Neural Networks for NLP (wildml.com)
Deep Learning, NLP, and Representations (colah.github.io)
Embed, encode, attend, predict: The new deep learning formula for state-of-the-art NLP models (explosion.ai)
Understanding Natural Language with Deep Neural Networks Using Torch(nvidia.com)
Deep Learning for NLP with Pytorch (pytorich.org)
Word Vectors
Bag of Words Meets Bags of Popcorn (kaggle.com)On word embeddings Part I, Part II, Part III (sebastianruder.com)The amazing power of word vectors (acolyer.org)word2vec Parameter Learning Explained (arxiv.org)Word2Vec Tutorial — The Skip-Gram Model, Negative Sampling(mccormickml.com)
Encoder-Decoder
Attention and Memory in Deep Learning and NLP (wildml.com)
Sequence to Sequence Models (tensorflow.org)
Sequence to Sequence Learning with Neural Networks (NIPS 2014)
Machine Learning is Fun Part 5: Language Translation with Deep Learning and the Magic of Sequences (medium.com/@ageitgey)
How to use an Encoder-Decoder LSTM to Echo Sequences of Random Integers (machinelearningmastery.com)
tf-seq2seq (google.github.io)
Python
7 Steps to Mastering Machine Learning With Python (kdnuggets.com)
An example machine learning notebook (nbviewer.jupyter.org)
Free Python Training https://jobtensor.com/Python-Introduction
Examples
How To Implement The Perceptron Algorithm From Scratch In Python(machinelearningmastery.com)
Implementing a Neural Network from Scratch in Python (wildml.com)
A Neural Network in 11 lines of Python (iamtrask.github.io)
Implementing Your Own k-Nearest Neighbour Algorithm Using Python(kdnuggets.com)
Demonstration of Memory with a Long Short-Term Memory Network in Python (machinelearningmastery.com)
How to Learn to Echo Random Integers with Long Short-Term Memory Recurrent Neural Networks (machinelearningmastery.com)
How to Learn to Add Numbers with seq2seq Recurrent Neural Networks(machinelearningmastery.com)
Scipy and numpy
Scipy Lecture Notes (scipy-lectures.org)
Python Numpy Tutorial (Stanford CS231n)
An introduction to Numpy and Scipy (UCSB CHE210D)
A Crash Course in Python for Scientists (nbviewer.jupyter.org)
scikit-learn
PyCon scikit-learn Tutorial Index (nbviewer.jupyter.org)
scikit-learn Classification Algorithms (github.com/mmmayo13)
scikit-learn Tutorials (scikit-learn.org)
Abridged scikit-learn Tutorials (github.com/mmmayo13)
Tensorflow
Tensorflow Tutorials (tensorflow.org)
Introduction to TensorFlow — CPU vs GPU (medium.com/@erikhallstrm)
TensorFlow: A primer (metaflow.fr)
RNNs in Tensorflow (wildml.com)
Implementing a CNN for Text Classification in TensorFlow (wildml.com)
How to Run Text Summarization with TensorFlow (surmenok.com)
PyTorch
PyTorch Tutorials (pytorch.org)
A Gentle Intro to PyTorch (gaurav.im)
Tutorial: Deep Learning in PyTorch (iamtrask.github.io)
PyTorch Examples (github.com/jcjohnson)
PyTorch Tutorial (github.com/MorvanZhou)
PyTorch Tutorial for Deep Learning Researchers (github.com/yunjey)
Math
Math for Machine Learning (ucsc.edu)
Math for Machine Learning (UMIACS CMSC422)
Linear algebra
An Intuitive Guide to Linear Algebra (betterexplained.com)
A Programmer’s Intuition for Matrix Multiplication (betterexplained.com)
Understanding the Cross Product (betterexplained.com)
Understanding the Dot Product (betterexplained.com)
Linear Algebra for Machine Learning (U. of Buffalo CSE574)
Linear algebra cheat sheet for deep learning (medium.com)
Linear Algebra Review and Reference (Stanford CS229)
Probability
Understanding Bayes Theorem With Ratios (betterexplained.com)
Review of Probability Theory (Stanford CS229)
Probability Theory Review for Machine Learning (Stanford CS229)
Probability Theory (U. of Buffalo CSE574)
Probability Theory for Machine Learning (U. of Toronto CSC411)
Calculus
How To Understand Derivatives: The Quotient Rule, Exponents, and Logarithms (betterexplained.com)
How To Understand Derivatives: The Product, Power & Chain Rules(betterexplained.com)
Vector Calculus: Understanding the Gradient (betterexplained.com)
Differential Calculus (Stanford CS224n)
Calculus Overview (readthedocs.io)