AI-powered search & chat for Data / Computer Science Students

High-performance image generation using Stable Diffusion in KerasCV

 TensorFlow Tutorials

Overview In this guide, we will show how to generate novel images based on a text prompt using the KerasCV implementation of stability.ai 's text-to-image model, Stable Diffusion . Stable Diffusion is...

Read more at TensorFlow Tutorials

Transfer learning for video classification with MoViNet

 TensorFlow Tutorials

MoViNets (Mobile Video Networks) provide a family of efficient video classification models, supporting inference on streaming video. In this tutorial, you will use a pre-trained MoViNet model to class...

Read more at TensorFlow Tutorials

Warm-start embedding layer matrix

 TensorFlow Tutorials

This tutorial shows how to "warm-start" training using the tf.keras.utils.warmstart_embedding_matrix API for text sentiment classification when changing vocabulary. You will begin by training a simple...

Read more at TensorFlow Tutorials

Video classification with a 3D convolutional neural network

 TensorFlow Tutorials

This tutorial demonstrates training a 3D convolutional neural network (CNN) for video classification using the UCF101 action recognition dataset. A 3D CNN uses a three-dimensional filter to perform co...

Read more at TensorFlow Tutorials

Load video data

 TensorFlow Tutorials

This tutorial demonstrates how to load and preprocess AVI video data using the UCF101 human action dataset . Once you have preprocessed the data, it can be used for such tasks as video classification/...

Read more at TensorFlow Tutorials

Neural machine translation with a Transformer and Keras

 TensorFlow Tutorials

This tutorial demonstrates how to create and train a sequence-to-sequence Transformer model to translate Portuguese into English . The Transformer was originally proposed in "Attention is all you need...

Read more at TensorFlow Tutorials

Scalable model compression

 TensorFlow Tutorials

Overview This notebook shows how to compress a model using TensorFlow Compression . In the example below, we compress the weights of an MNIST classifier to a much smaller size than their floating poin...

Read more at TensorFlow Tutorials

TensorFlow Hub Object Detection Colab

 TensorFlow Tutorials

Welcome to the TensorFlow Hub Object Detection Colab! This notebook will take you through the steps of running an "out-of-the-box" object detection model on images. More models This collection contain...

Read more at TensorFlow Tutorials

Learned data compression

 TensorFlow Tutorials

Overview This notebook shows how to do lossy data compression using neural networks and TensorFlow Compression . Lossy compression involves making a trade-off between rate , the expected number of bit...

Read more at TensorFlow Tutorials

Image classification with Model Garden

 TensorFlow Tutorials

This tutorial fine-tunes a Residual Network (ResNet) from the TensorFlow Model Garden package ( tensorflow-models ) to classify images in the CIFAR dataset. Model Garden contains a collection of state...

Read more at TensorFlow Tutorials

Using DTensors with Keras

 TensorFlow Tutorials

Overview In this tutoral, you will learn how to use DTensor with Keras. Through DTensor integration with Keras, you can reuse your existing Keras layers and models to build and train distributed machi...

Read more at TensorFlow Tutorials

Distributed Training with DTensors

 TensorFlow Tutorials

Overview DTensor provides a way for you to distribute the training of your model across devices to improve efficiency, reliability and scalability. For more details on DTensor concepts, see The DTenso...

Read more at TensorFlow Tutorials

Basic classification: Classify images of clothing

 TensorFlow Tutorials

This guide trains a neural network model to classify images of clothing, like sneakers and shirts. It's okay if you don't understand all the details; this is a fast-paced overview of a complete Tensor...

Read more at TensorFlow Tutorials

Time series forecasting

 TensorFlow Tutorials

This tutorial is an introduction to time series forecasting using TensorFlow. It builds a few different styles of models including Convolutional and Recurrent Neural Networks (CNNs and RNNs). This is ...

Read more at TensorFlow Tutorials

Image classification

 TensorFlow Tutorials

This tutorial shows how to classify images of flowers using a tf.keras.Sequential model and load data using tf.keras.utils.image_dataset_from_directory . It demonstrates the following concepts: Effici...

Read more at TensorFlow Tutorials

Load a pandas DataFrame

 TensorFlow Tutorials

This tutorial provides examples of how to load pandas DataFrames into TensorFlow. You will use a small heart disease dataset provided by the UCI Machine Learning Repository. There are several hundred ...

Read more at TensorFlow Tutorials

Save and load a model using a distribution strategy

 TensorFlow Tutorials

Overview This tutorial demonstrates how you can save and load models in a SavedModel format with tf.distribute.Strategy during or after training. There are two kinds of APIs for saving and loading a K...

Read more at TensorFlow Tutorials

Parameter server training with ParameterServerStrategy

 TensorFlow Tutorials

Overview Parameter server training is a common data-parallel method to scale up model training on multiple machines. A parameter server training cluster consists of workers and parameter servers . Var...

Read more at TensorFlow Tutorials

Custom training loop with Keras and MultiWorkerMirroredStrategy

 TensorFlow Tutorials

Overview This tutorial demonstrates how to perform multi-worker distributed training with a Keras model and with custom training loops using the tf.distribute.Strategy API. The training loop is distri...

Read more at TensorFlow Tutorials

Convolutional Neural Network (CNN)

 TensorFlow Tutorials

This tutorial demonstrates training a simple Convolutional Neural Network (CNN) to classify CIFAR images . Because this tutorial uses the Keras Sequential API , creating and training your model will t...

Read more at TensorFlow Tutorials

Distributed training with Keras

 TensorFlow Tutorials

Overview The tf.distribute.Strategy API provides an abstraction for distributing your training across multiple processing units. It allows you to carry out distributed training using existing models a...

Read more at TensorFlow Tutorials

Custom training: walkthrough

 TensorFlow Tutorials

This tutorial shows you how to train a machine learning model with a custom training loop to categorize penguins by species. In this notebook, you use TensorFlow to accomplish the following: Import a ...

Read more at TensorFlow Tutorials

Distributed Input

 TensorFlow Tutorials

The tf.distribute APIs provide an easy way for users to scale their training from a single machine to multiple machines. When scaling their model, users also have to distribute their input across mult...

Read more at TensorFlow Tutorials

Customization basics: tensors and operations

 TensorFlow Tutorials

This is an introductory TensorFlow tutorial that shows how to: Import the required package. Create and use tensors. Use GPU acceleration. Build a data pipeline with tf.data.Dataset . Import TensorFlow...

Read more at TensorFlow Tutorials