(Re) Introduction to Tensorflow Natural Language Processing
Using Tensorflow to classify Disaster Tweet.
Using Tensorflow to classify Disaster Tweet.
Learn how to train a 3D convolutional neural network (3D CNN) to predict presence of pneumonia.
Data Inspection and Pre-processing
Balancing skewed datasets and data augmentation
Model creation based on a pre-trained and a custom model
Train our model to fit the dataset
Evaluate the performance of your trained model
Running Predictions
Deep Audio Classifier with Tensorflow
Use Adversarial Networks to generate Images
Shanghai, China
Shanghai, China
Keras is built on top of TensorFlow 2 and provides an API designed for human beings.
Building a deep neural network using the MNIST dataset.
Convolutional Neural Networks are ideal for Computer Vision tasks.
Recurrent Neural Networks are widely used to work with sequence data such as time series or natural language.
An example convolutional neural network is the VGG16 Architecture.
Generate text using a character-based RNN
Tensor Constants, Variables and Attributes
Tensor Indexing, Expanding and Manipulations
Matrix multiplications, Squeeze, One-hot and Numpy
Computer Vision for Binary Image Classifications
Computer Vision for Multiclass Image Classifications
Working with a non-linear dataset and activation functions
Model Evaluation and Performance Improvement
Model Evaluation and Performance Improvement
Multiclass Classification Problems
Building a Regression Model and Improving it's Performance
Visualizing Models and Evaluating Model Performance
Optimizing model performance
Data pre-processing - normalization and feature-scaling
Working with the medical cost dataset
Using a Pre-trained Model to Extract Features
Fine-tuning Pre-trained Models
Scale a pre-trained model to fit your needs
Use Autoencoders to Reduce Dimensionality and Feature Discovery
Use Autoencoders to Increase Feature Resolution
Generative Adverserial Networks for Image Data Generation
Mong Kok, Hongkong
DeepDream is an experiment that visualizes the patterns learned by a neural network.
Using Representation Learning to Downsample Images
TensorFlow Hub is a repository of trained machine learning models.
The CIFAR-10 is a labeled subset of the 80 million tiny images dataset that can be directly downloaded using Keras.
Build a Denoising Autoencoder in Tensorflow using the mnist Digits Dataset
Once you build a machine learning model, the next step is to serve it with TensorFlow Serving.
Transfer learning is a machine learning technique in which intelligence from a base ann is being transferred to a new network as a starting point.
Mong Kok, Hongkong
Mong Kok, Hongkong
Mong Kok, Hongkong
Mong Kok, Hongkong
Mong Kok, Hongkong
Mong Kok, Hongkong
Using Tensorflow models in OpenCV to perform semantic segmentations on images using the Mask-RCNN model.
Shenzhen, China
Shenzhen, China
Shenzhen, China
Shenzhen, China
Converting a YOLOv7 PyTorch Model to Tensorflow (Lite)