• Professional Development
  • Medicine & Nursing
  • Arts & Crafts
  • Health & Wellbeing
  • Personal Development

TensorFlow courses in Bristol

We couldn't find any listings for your search. Explore our online options below.

Know someone teaching this? Help them become an Educator on Cademy.

Online Options

Show all 46

Deep Learning - Artificial Neural Networks with TensorFlow

By Packt

In this self-paced course, you will learn how to use TensorFlow 2 to build deep neural networks. You will learn the basics of machine learning, classification, and regression. We will also discuss the connection between artificial and biological neural networks and how that inspires our thinking in deep learning.

Deep Learning - Artificial Neural Networks with TensorFlow
Delivered Online On Demand4 hours 47 minutes
£82.99

Deep Learning - Recurrent Neural Networks with TensorFlow

By Packt

In this self-paced course, you will learn how to use TensorFlow 2 to build recurrent neural networks (RNNs). You will learn about sequence data, forecasting, Elman Unit, GRU, and LSTM. You will also learn how to work with image classification and how to get stock return predictions using LSTMs. We will also cover Natural Language Processing (NLP) and learn about text preprocessing and classification.

Deep Learning - Recurrent Neural Networks with TensorFlow
Delivered Online On Demand4 hours 6 minutes
£82.99

Deep Learning - Convolutional Neural Networks with TensorFlow

By Packt

In this self-paced course, you will learn how to use TensorFlow 2 to build convolutional neural networks (CNNs). You will learn how to apply CNNs to several practical image recognition datasets and learn about techniques that help improve performance, such as batch normalization, data augmentation, and transfer learning.

Deep Learning - Convolutional Neural Networks with TensorFlow
Delivered Online On Demand3 hours 39 minutes
£82.99

Hands-On Computervision with TensorFlow 2 (TTML6900)

By Nexus Human

Duration 4 Days 24 CPD hours This course is intended for This course is geared for attendees with Intermediate IT skills who wish to learn Computer Vision with tensor flow 2 Overview This 'skills-centric' course is about 50% hands-on lab and 50% lecture, with extensive practical exercises designed to reinforce fundamental skills, concepts and best practices taught throughout the course. Working in a hands-on learning environment, led by our Computer Vision expert instructor, students will learn about and explore how to Build, train, and serve your own deep neural networks with TensorFlow 2 and Keras Apply modern solutions to a wide range of applications such as object detection and video analysis Run your models on mobile devices and web pages and improve their performance. Create your own neural networks from scratch Classify images with modern architectures including Inception and ResNet Detect and segment objects in images with YOLO, Mask R-CNN, and U-Net Tackle problems faced when developing self-driving cars and facial emotion recognition systems Boost your application's performance with transfer learning, GANs, and domain adaptation Use recurrent neural networks (RNNs) for video analysis Optimize and deploy your networks on mobile devices and in the browser Computer vision solutions are becoming increasingly common, making their way into fields such as health, automobile, social media, and robotics. Hands-On Computervision with TensorFlow 2 is a hands-on course that thoroughly explores TensorFlow 2, the brand-new version of Google's open source framework for machine learning. You will understand how to benefit from using convolutional neural networks (CNNs) for visual tasks. This course begins with the fundamentals of computer vision and deep learning, teaching you how to build a neural network from scratch. You will discover the features that have made TensorFlow the most widely used AI library, along with its intuitive Keras interface. You'll then move on to building, training, and deploying CNNs efficiently. Complete with concrete code examples, the course demonstrates how to classify images with modern solutions, such as Inception and ResNet, and extract specific content using You Only Look Once (YOLO), Mask R-CNN, and U-Net. You will also build generative adversarial networks (GANs) and variational autoencoders (VAEs) to create and edit images, and long short-term memory networks (LSTMs) to analyze videos. In the process, you will acquire advanced insights into transfer learning, data augmentation, domain adaptation, and mobile and web deployment, among other key concepts. Computer Vision and Neural Networks Computer Vision and Neural Networks Technical requirements Computer vision in the wild A brief history of computer vision Getting started with neural networks TensorFlow Basics and Training a Model TensorFlow Basics and Training a Model Technical requirements Getting started with TensorFlow 2 and Keras TensorFlow 2 and Keras in detail The TensorFlow ecosystem Modern Neural Networks Modern Neural Networks Technical requirements Discovering convolutional neural networks Refining the training process Influential Classification Tools Influential Classification Tools Technical requirements Understanding advanced CNN architectures Leveraging transfer learning Object Detection Models Object Detection Models Technical requirements Introducing object detection A fast object detection algorithm ? YOLO Faster R-CNN ? a powerful object detection model Enhancing and Segmenting Images Enhancing and Segmenting Images Technical requirements Transforming images with encoders-decoders Understanding semantic segmentation Training on Complex and Scarce Datasets Training on Complex and Scarce Datasets Technical requirements Efficient data serving How to deal with data scarcity Video and Recurrent Neural Networks Video and Recurrent Neural Networks Technical requirements Introducing RNNs Classifying videos Optimizing Models and Deploying on Mobile Devices Optimizing Models and Deploying on Mobile Devices Technical requirements Optimizing computational and disk footprints On-device machine learning Example app ? recognizing facial expressions

Hands-On Computervision with TensorFlow 2 (TTML6900)
Delivered OnlineFlexible Dates
Price on Enquiry

DP-100T01 Designing and Implementing a Data Science Solution on Azure

By Nexus Human

Duration 4 Days 24 CPD hours This course is intended for This course is designed for data scientists with existing knowledge of Python and machine learning frameworks like Scikit-Learn, PyTorch, and Tensorflow, who want to build and operate machine learning solutions in the cloud. Overview Learn how to operate machine learning solutions at cloud scale using Azure Machine Learning. This course teaches you to leverage your existing knowledge of Python and machine learning to manage data ingestion and preparation, model training and deployment, and machine learning solution monitoring in Microsoft Azure. Learn how to operate machine learning solutions at cloud scale using Azure Machine Learning. This course teaches you to leverage your existing knowledge of Python and machine learning to manage data ingestion and preparation, model training and deployment, and machine learning solution monitoring with Azure Machine Learning and MLflow. Prerequisites Creating cloud resources in Microsoft Azure. Using Python to explore and visualize data. Training and validating machine learning models using common frameworks like Scikit-Learn, PyTorch, and TensorFlow. Working with containers AI-900T00: Microsoft Azure AI Fundamentals is recommended, or the equivalent experience. 1 - Design a data ingestion strategy for machine learning projects Identify your data source and format Choose how to serve data to machine learning workflows Design a data ingestion solution 2 - Design a machine learning model training solution Identify machine learning tasks Choose a service to train a machine learning model Decide between compute options 3 - Design a model deployment solution Understand how model will be consumed Decide on real-time or batch deployment 4 - Design a machine learning operations solution Explore an MLOps architecture Design for monitoring Design for retraining 5 - Explore Azure Machine Learning workspace resources and assets Create an Azure Machine Learning workspace Identify Azure Machine Learning resources Identify Azure Machine Learning assets Train models in the workspace 6 - Explore developer tools for workspace interaction Explore the studio Explore the Python SDK Explore the CLI 7 - Make data available in Azure Machine Learning Understand URIs Create a datastore Create a data asset 8 - Work with compute targets in Azure Machine Learning Choose the appropriate compute target Create and use a compute instance Create and use a compute cluster 9 - Work with environments in Azure Machine Learning Understand environments Explore and use curated environments Create and use custom environments 10 - Find the best classification model with Automated Machine Learning Preprocess data and configure featurization Run an Automated Machine Learning experiment Evaluate and compare models 11 - Track model training in Jupyter notebooks with MLflow Configure MLflow for model tracking in notebooks Train and track models in notebooks 12 - Run a training script as a command job in Azure Machine Learning Convert a notebook to a script Run a script as a command job Use parameters in a command job 13 - Track model training with MLflow in jobs Track metrics with MLflow View metrics and evaluate models 14 - Perform hyperparameter tuning with Azure Machine Learning Define a search space Configure a sampling method Configure early termination Use a sweep job for hyperparameter tuning 15 - Run pipelines in Azure Machine Learning Create components Create a pipeline Run a pipeline job 16 - Register an MLflow model in Azure Machine Learning Log models with MLflow Understand the MLflow model format Register an MLflow model 17 - Create and explore the Responsible AI dashboard for a model in Azure Machine Learning Understand Responsible AI Create the Responsible AI dashboard Evaluate the Responsible AI dashboard 18 - Deploy a model to a managed online endpoint Explore managed online endpoints Deploy your MLflow model to a managed online endpoint Deploy a model to a managed online endpoint Test managed online endpoints 19 - Deploy a model to a batch endpoint Understand and create batch endpoints Deploy your MLflow model to a batch endpoint Deploy a custom model to a batch endpoint Invoke and troubleshoot batch endpoints

DP-100T01 Designing and Implementing a Data Science Solution on Azure
Delivered Online
£1,785

Recommender Systems: An Applied Approach using Deep Learning

By Packt

This comprehensive course will help you learn how to use the power of Python to evaluate your deep learning-based recommender system data sets based on user ratings and choices with a practical approach to building a deep learning-based recommender system by adopting a retrieval-based approach based on a two-tower model.

Recommender Systems: An Applied Approach using Deep Learning
Delivered Online On Demand2 hours 1 minutes
£82.99

Deep Learning: Recurrent Neural Networks with Python

By Packt

This course starts with the basics of Recurrent Neural Networks (RNNs) with Python and then teaches you how to build them by taking you through various exercises and projects. You will be able to test your skills by completing two exciting projects: creating an automatic book writer and a stock price prediction application.

Deep Learning: Recurrent Neural Networks with Python
Delivered Online On Demand15 hours 35 minutes
£33.99

Deep Learning - Crash Course 2023

By Packt

Kickstart your journey into deep learning and gain a strong understanding of deep neural networks through practical exercises. Develop your intuition and learn the fundamentals of artificial neural networks, activation functions, and loss functions. Gain practical experience with Python and TensorFlow 2.x, and apply your skills to build powerful deep learning models.

Deep Learning - Crash Course 2023
Delivered Online On Demand9 hours 11 minutes
£22.99

Deep Learning with Vision Systems (TTAI3040)

By Nexus Human

Duration 3 Days 18 CPD hours This course is intended for This course is geared for attendees with Intermediate IT skills who wish to learn Computer Vision with tensor flow 2 Overview This 'skills-centric' course is about 50% hands-on lab and 50% lecture, with extensive practical exercises designed to reinforce fundamental skills, concepts and best practices taught throughout the course. Working in a hands-on learning environment, led by our Computer Vision expert instructor, students will learn about and explore how to Build, train, and serve your own deep neural networks with TensorFlow 2 and Keras Apply modern solutions to a wide range of applications such as object detection and video analysis Run your models on mobile devices and web pages and improve their performance. Create your own neural networks from scratch Classify images with modern architectures including Inception and ResNet Detect and segment objects in images with YOLO, Mask R-CNN, and U-Net Tackle problems faced when developing self-driving cars and facial emotion recognition systems Boost your application's performance with transfer learning, GANs, and domain adaptation Use recurrent neural networks (RNNs) for video analysis Optimize and deploy your networks on mobile devices and in the browser Computer vision solutions are becoming increasingly common, making their way into fields such as health, automobile, social media, and robotics. Hands-On Computervision with TensorFlow 2 is a hands-on course that thoroughly explores TensorFlow 2, the brandnew version of Google's open source framework for machine learning. You will understand how to benefit from using convolutional neural networks (CNNs) for visual tasks. This course begins with the fundamentals of computer vision and deep learning, teaching you how to build a neural network from scratch. You will discover the features that have made TensorFlow the most widely used AI library, along with its intuitive Keras interface. You'll then move on to building, training, and deploying CNNs efficiently. Complete with concrete code examples, the course demonstrates how to classify images with modern solutions, such as Inception and ResNet, and extract specific content using You Only Look Once (YOLO), Mask R-CNN, and U-Net. You will also build generative dversarial networks (GANs) and variational autoencoders (VAEs) to create and edit images, and long short-term memory networks (LSTMs) to analyze videos. In the process, you will acquire advanced insights into transfer learning, data augmentation, domain adaptation, and mobile and web deployment, among other key concepts Computer Vision and Neural Networks Computer Vision and Neural Networks Technical requirements Computer vision in the wild A brief history of computer vision Getting started with neural networks TensorFlow Basics and Training a Model TensorFlow Basics and Training a Model Technical requirements Getting started with TensorFlow 2 and Keras TensorFlow 2 and Keras in detail The TensorFlow ecosystem Modern Neural Networks Modern Neural Networks Technical requirements Discovering convolutional neural networks Refining the training process Influential Classification Tools Influential Classification Tools Technical requirements Understanding advanced CNN architectures Leveraging transfer learning Object Detection Models Object Detection Models Technical requirements Introducing object detection A fast object detection algorithm YOLO Faster R-CNN ? a powerful object detection model Enhancing and Segmenting Images Enhancing and Segmenting Images Technical requirements Transforming images with encoders-decoders Understanding semantic segmentation Training on Complex and Scarce Datasets Training on Complex and Scarce Datasets Technical requirements Efficient data serving How to deal with data scarcity Video and Recurrent Neural Networks Video and Recurrent Neural Networks Technical requirements Introducing RNNs Classifying videos Optimizing Models and Deploying on Mobile Devices Optimizing Models and Deploying on Mobile Devices Technical requirements Optimizing computational and disk footprints On-device machine learning Example app ? recognizing facial expressions

Deep Learning with Vision Systems (TTAI3040)
Delivered OnlineFlexible Dates
Price on Enquiry

Building Recommender Systems with Machine Learning and AI

By Packt

Are you fascinated with Netflix and YouTube recommendations and how they accurately recommend content that you would like to watch? Are you looking for a practical course that will teach you how to build intelligent recommendation systems? This course will show you how to build accurate recommendation systems in Python using real-world examples.

Building Recommender Systems with Machine Learning and AI
Delivered Online On Demand11 hours 24 minutes
£44.99