DeepLearningExamples/PyTorch/Recommendation/NCF/README.md

562 lines
27 KiB
Markdown
Raw Normal View History

2019-07-08 22:51:28 +02:00
# Neural Collaborative Filtering (NCF) for PyTorch
This repository provides a script and recipe to train the Neural Collaborative Filtering (NCF)
model to achieve state of the art accuracy, and is tested and maintained by NVIDIA.
Table of Contents
=================
* [The model](#the-model)
* [Model architecture](#model-architecture)
* [Default configuration](#default-configuration)
* [Feature support matrix](#feature-support-matrix)
* [Features](#features)
* [Setup](#setup)
* [Requirements](#requirements)
* [Quick Start Guide](#quick-start-guide)
* [Details](#details)
* [Scripts and sample code](#scripts-and-sample-code)
* [Command-line options](#command-line-options)
* [Getting the data](#getting-the-data)
* [Dataset guidelines](#dataset-guidelines)
* [Multi-dataset](#multi-dataset)
* [ML-1m](#ml-1m)
* [Training process](#training-process)
* [Inference process](#inference-process)
* [Mixed precision training](#mixed-precision-training)
* [Enabling mixed precision](#enabling-mixed-precision)
* [Benchmarking](#benchmarking)
* [Training performance benchmark](#training-performance-benchmark)
* [Inference performance benchmark](#inference-performance-benchmark)
* [Results](#results)
* [Training accuracy results](#training-accuracy-results)
* [NVIDIA DGX-1 (8x V100 32G)](#nvidia-dgx-1-8x-v100-32g)
* [Training stability test](#training-stability-test)
* [Training performance results](#training-performance-results)
* [NVIDIA DGX-1 (8x V100 16G)](#nvidia-dgx-1-(8x-v100-16g))
* [NVIDIA DGX-1 (8x V100 32G)](#nvidia-dgx-1-(8x-v100-32g))
* [NVIDIA DGX-2 (16x V100 32G)](#nvidia-dgx-2-(16x-v100-32g))
* [Inference performance results](#inference-performance-results)
* [NVIDIA DGX-1 (8x V100 16G)](#nvidia-dgx-1-(8x-v100-16g))
* [NVIDIA DGX-1 (8x V100 32G)](#nvidia-dgx-1-(8x-v100-32g))
* [NVIDIA DGX-2 (16x V100 32G)](#nvidia-dgx-2-(16x-v100-32g))
* [Changelog](#changelog)
* [Known issues](#known-issues)
* [Scaling beyond 8 GPUs](#scaling-beyond-8-gpus)
* [Memory usage](#memory-usage)
2019-01-23 16:59:07 +01:00
## The model
2019-07-08 22:51:28 +02:00
2019-01-23 16:59:07 +01:00
The NCF model focuses on providing recommendations, also known as collaborative filtering; with implicit feedback. The training data for this model should contain binary information about whether a user interacted with a specific item.
NCF was first described by Xiangnan He, Lizi Liao, Hanwang Zhang, Liqiang Nie, Xia Hu and Tat-Seng Chua in the [Neural Collaborative Filtering paper](https://arxiv.org/abs/1708.05031).
The implementation in this repository focuses on the NeuMF instantiation of the NCF architecture.
We modified it to use dropout in the FullyConnected layers. This reduces overfitting and increases the final accuracy.
Training the other two instantiations of NCF (GMF and MLP) is not supported.
2019-07-08 22:51:28 +02:00
Contrary to the original paper, we benchmark the model on the larger [ML-20m dataset](https://grouplens.org/datasets/movielens/20m/)
instead of using the smaller [ML-1m](https://grouplens.org/datasets/movielens/1m/) dataset as we think this is more realistic of production type environments.
However, using the ML-1m dataset is also supported.
This model is trained with mixed precision using Tensor Cores on NVIDIA Volta and Turing GPUs. Therefore, researchers can get results 2x faster than training without Tensor Cores, while experiencing the benefits of mixed precision training. Multi-GPU training is also supported. This model is tested against each NGC monthly container release to ensure consistent accuracy and performance over time.
### Model architecture
This model is based mainly on Embedding and FullyConnected layers. The control flow is divided into two branches:
* Multi Layer Perceptron (MLP) branch, which transforms the input through FullyConnected layers with ReLU activations and dropout.
* Matrix Factorization (MF) branch, which performs collaborative filtering factorization.
Each user and each item has two embedding vectors associated with it -- one for the MLP branch and the other for the MF branch.
The outputs from those branches are concatenated and fed to the final FullyConnected layer with sigmoid activation.
This can be interpreted as a probability of a user interacting with a given item.
2019-01-23 16:59:07 +01:00
<p align="center">
<img width="70%" src="./img/ncf_diagram.png" />
<br>
Figure 1. The architecture of a Neural Collaborative Filtering model. Taken from the <a href="https://arxiv.org/abs/1708.05031">Neural Collaborative Filtering paper</a>.
</p>
2019-07-08 22:51:28 +02:00
### Default configuration
2019-01-23 16:59:07 +01:00
2019-07-08 22:51:28 +02:00
The following features were implemented in this model:
* Automatic Mixed Precision (AMP)
* Data-parallel multi-GPU training and evaluation
* Dropout
* Gradient accumulation
2019-01-23 16:59:07 +01:00
2019-07-08 22:51:28 +02:00
The following performance optimizations were implemented in this model:
* FusedAdam optimizer
* Approximate train negative sampling
* Caching all the positive training samples in the device memory
2019-01-23 16:59:07 +01:00
2019-07-08 22:51:28 +02:00
### Feature support matrix
The following features are supported by this model:
| **Feature** | **NCF PyTorch** |
|:---:|:--------:|
| Automatic Mixed Precision (AMP) | Yes |
| Multi-GPU training with Distributed Data Parallel (DDP) | Yes |
| Fused Adam | Yes |
#### Features
* Automatic Mixed Precision - This implementation of NCF uses AMP to implement mixed precision training.
It allows us to use FP16 training with FP32 master weights by modifying just 3 lines of code.
* Multi-GPU training with Distributed Data Parallel - uses Apex's DDP to implement efficient multi-GPU training with NCCL.
* Fused Adam - We use a special implementation of the Adam implementation provided by the Apex package. It fuses some operations for faster weight updates.
Since NCF is a relatively lightweight model with a large number of parameters, weve observed significant performance improvements from using FusedAdam.
2019-01-23 16:59:07 +01:00
2019-07-08 22:51:28 +02:00
## Setup
The following section lists the requirements in order to start training the Neural Collaborative Filtering model.
2019-01-23 16:59:07 +01:00
2019-07-08 22:51:28 +02:00
### Requirements
This repository contains Dockerfile which extends the PyTorch NGC container and encapsulates some dependencies.
Aside from these dependencies, ensure you have the following components:
NVIDIA Docker
PyTorch 19.05-py3 NGC container
NVIDIA Volta or Turing based GPU
2019-01-23 16:59:07 +01:00
2019-07-08 22:51:28 +02:00
For more information about how to get started with NGC containers, see the following sections from the NVIDIA GPU Cloud Documentation and the Deep Learning Documentation:
Getting Started Using NVIDIA GPU Cloud
Accessing And Pulling From The NGC Container Registry
Running PyTorch
2019-01-23 16:59:07 +01:00
2019-07-08 22:51:28 +02:00
For those unable to use the PyTorch NGC container, to set up the required environment or create your own container, see the versioned NVIDIA Container Support Matrix.
### Quick Start Guide
1. Clone the repository.
```bash
git clone https://github.com/NVIDIA/DeepLearningExamples
cd DeepLearningExamples/TensorFlow/Segmentation/UNetIndustrial
```
2019-01-23 16:59:07 +01:00
2019-07-08 22:51:28 +02:00
2. Build an NCF PyTorch Docker container.
2019-01-23 16:59:07 +01:00
2019-07-08 22:51:28 +02:00
After Docker is setup, you can build the NCF image with:
2019-01-23 16:59:07 +01:00
```bash
docker build . -t nvidia_ncf
```
2019-07-08 22:51:28 +02:00
3. Start an interactive session in the NGC container to run preprocessing/training and inference.
The NCF PyTorch container can be launched with:
2019-01-23 16:59:07 +01:00
```bash
mkdir data
docker run --runtime=nvidia -it --rm --ipc=host -v ${PWD}/data:/data nvidia_ncf bash
```
2019-07-08 22:51:28 +02:00
This will launch the container and mount the `./data` directory as a volume to the `./data` directory inside the container.
Any datasets and experiment results (logs, checkpoints etc.) saved to `./data` will be accessible
in the `./data` directory on the host.
2019-01-23 16:59:07 +01:00
2019-07-08 22:51:28 +02:00
4. Download and preprocess the data.
2019-01-23 16:59:07 +01:00
2019-07-08 22:51:28 +02:00
Preprocessing consists of downloading the data, filtering out users that have less than 20 ratings (by default), sorting the data and dropping the duplicates.
2019-01-23 16:59:07 +01:00
The preprocessed train and test data is then saved in PyTorch binary format to be loaded just before training.
2019-07-08 22:51:28 +02:00
Note: Preprocessing requires PyTorch and should therefore be run inside the Docker container.
2019-01-23 16:59:07 +01:00
No data augmentation techniques are used.
2019-07-08 22:51:28 +02:00
To download and preprocess the ML-20m dataset you can run:
2019-01-23 16:59:07 +01:00
```bash
./prepare_dataset.sh
```
2019-07-08 22:51:28 +02:00
Note: This command will return immediately without downloading anything if the data is already present in the `./data` directory.
2019-01-23 16:59:07 +01:00
2019-07-08 22:51:28 +02:00
This will store the preprocessed training and evaluation data in the `./data` directory so that it can be later
used to train the model (by passing the appropriate `--data` argument to the `ncf.py` script).
2019-01-23 16:59:07 +01:00
2019-07-08 22:51:28 +02:00
5. Start training.
2019-01-23 16:59:07 +01:00
2019-07-08 22:51:28 +02:00
After the Docker container is launched, the training with the default hyperparameters can be started with:
```bash
./prepare_dataset.sh
python -m torch.distributed.launch --nproc_per_node=8 ncf.py --data /data/cache/ml-20m
```
This will result in a checkpoint file being written to `/data/checkpoints/model.pth`.
6. Start validation/evaluation.
The trained model can be evaluated by passing the `--mode test` flag to the `run.sh` script:
```bash
python -m torch.distributed.launch --nproc_per_node=8 ncf.py --data /data/cache/ml-20m --mode test --checkpoint-path /data/checkpoints/model.pth
```
## Details
The following sections provide greater details of the dataset, running training and inference, and the training results.
### Scripts and sample code
The `ncf.py` script contains most of the training and validation logic. Data loading and preprocessing code is located in `dataloading.py`.
The model architecture is defined in `neumf.py`. Some initial data preprocessing is located in `convert.py`.
The logger directory contains simple bookkeeping utilities for storing training results.
### Command-line options
To see the full list of available options and their descriptions, use the `-h` or `--help` command line option, for example:
`python ncf.py --help`
The following example output is printed when running the sample:
```
usage: ncf.py [-h] [--data DATA] [-e EPOCHS] [-b BATCH_SIZE]
[--valid_batch_size VALID_BATCH_SIZE] [-f FACTORS]
[--layers LAYERS [LAYERS ...]] [-n NEGATIVE_SAMPLES]
[-l LEARNING_RATE] [-k TOPK] [--seed SEED]
[--threshold THRESHOLD] [--valid_negative VALID_NEGATIVE]
[--beta1 BETA1] [--beta2 BETA2] [--eps EPS] [--dropout DROPOUT]
[--checkpoint_dir CHECKPOINT_DIR] [--mode {train,test}]
[--grads_accumulated GRADS_ACCUMULATED] [--opt_level {O0,O2}]
[--local_rank LOCAL_RANK]
Train a Neural Collaborative Filtering model:
optional arguments:
-h, --help show this help message and exit
--data DATA Path to test and training data files
-e EPOCHS, --epochs EPOCHS
Number of epochs for training
-b BATCH_SIZE, --batch_size BATCH_SIZE
Number of examples for each iteration
--valid_batch_size VALID_BATCH_SIZE
Number of examples in each validation chunk
-f FACTORS, --factors FACTORS
Number of predictive factors
--layers LAYERS [LAYERS ...]
Sizes of hidden layers for MLP
-n NEGATIVE_SAMPLES, --negative_samples NEGATIVE_SAMPLES
Number of negative examples per interaction
-l LEARNING_RATE, --learning_rate LEARNING_RATE
Learning rate for optimizer
-k TOPK, --topk TOPK Rank for test examples to be considered a hit
--seed SEED, -s SEED Manually set random seed for torch
--threshold THRESHOLD, -t THRESHOLD
Stop training early at threshold
--valid_negative VALID_NEGATIVE
Number of negative samples for each positive test
example
--beta1 BETA1, -b1 BETA1
Beta1 for Adam
--beta2 BETA2, -b2 BETA2
Beta1 for Adam
--eps EPS Epsilon for Adam
--dropout DROPOUT Dropout probability, if equal to 0 will not use
dropout at all
--checkpoint_dir CHECKPOINT_DIR
Path to the directory storing the checkpoint file
--mode {train,test} Passing "test" will only run a single evaluation,
otherwise full training will be performed
--grads_accumulated GRADS_ACCUMULATED
Number of gradients to accumulate before performing an
optimization step
--opt_level {O0,O2} Optimization level for Automatic Mixed Precision
--local_rank LOCAL_RANK
Necessary for multi-GPU training
```
### Getting the data
The NCF model was trained on the ML-20m dataset.
For each user, the interaction with the latest timestamp was included in the test set and the rest of the examples are used as the training data.
This repository contains the `./prepare_dataset.sh` script which will automatically download and preprocess the training and validation datasets.
By default, data will be downloaded to the `/data` directory. The preprocessed data will be placed in `/data/cache`.
#### Dataset guidelines
The required format of the data is a CSV file with three columns: `user_id`, `item_id` and `timestamp`. This CSV should contain only the positive examples, in other words,
the ones for which an interaction between a user and an item occurred. The negatives will be sampled during the training and validation.
#### Multi-dataset
This implementation is tuned for the ML-20m and ML-1m datasets.
Using other datasets might require tuning some hyperparameters (for example, learning rate, beta1 and beta2).
If you'd like to use your custom dataset you can do it by adding support for it in the `prepare_dataset.sh` and `download_dataset.sh` scripts.
2019-01-23 16:59:07 +01:00
The performance of the model depends on the dataset size.
Generally, the model should scale better for datasets containing more data points.
2019-07-08 22:51:28 +02:00
For a smaller dataset you might experience slower performance.
2019-01-23 16:59:07 +01:00
2019-07-08 22:51:28 +02:00
#### ML-1m
2019-01-23 16:59:07 +01:00
2019-07-08 22:51:28 +02:00
To download, preprocess and train on the ML-1m dataset run:
2019-01-23 16:59:07 +01:00
```bash
./prepare_dataset.sh ml-1m
2019-07-08 22:51:28 +02:00
python -m torch.distributed.launch --nproc_per_node=8 ncf.py --data /data/cache/ml-1m
```
### Training process
The name of the training script is `ncf.py`. Because of the multi-GPU support, it should always be run with the torch distributed launcher like this:
```bash
python -m torch.distributed.launch --nproc_per_node=<number_of_gpus> ncf.py --data <path_to_dataset> [other_parameters]
2019-01-23 16:59:07 +01:00
```
2019-07-08 22:51:28 +02:00
The main result of the training are checkpoints stored by default in `/data/checkpoints/`. This location can be controlled
by the `--checkpoint_dir` command-line argument.
The validation metric is Hit Rate at 10 (HR@10) with 100 test negative samples. This means that for each positive sample in
the test set 100 negatives are sampled. All resulting 101 samples are then scored by the model. If the true positive sample is
among the 10 samples with highest scores we have a "hit" and the metric is equal to 1, otherwise it's equal to 0.
The HR@10 metric is the number of hits in the entire test set divided by the number of samples in the test set.
2019-01-23 16:59:07 +01:00
2019-07-08 22:51:28 +02:00
### Inference process
2019-01-23 16:59:07 +01:00
2019-07-08 22:51:28 +02:00
Inference can be launched with the same script used for training by passing the `--mode test` flag:
2019-01-23 16:59:07 +01:00
```bash
2019-07-08 22:51:28 +02:00
python -m torch.distributed.launch --nproc_per_node=<number_of_gpus> ncf.py --data <path_to_dataset> --mode test [other_parameters]
2019-01-23 16:59:07 +01:00
```
2019-07-08 22:51:28 +02:00
The script will then:
* Load the checkpoint from the directory specified by the `--checkpoint_dir` directory
* Run inference on the test dataset
* Compute and print the validation metric
## Mixed precision training
Mixed precision is the combined use of different numerical precisions in a computational method. [Mixed precision](https://arxiv.org/abs/1710.03740) training offers significant computational speedup by performing operations in half-precision format, while storing minimal information in single-precision to retain as much information as possible in critical parts of the network. Since the introduction of [tensor cores](https://developer.nvidia.com/tensor-cores) in the Volta and Turing architecture, significant training speedups are experienced by switching to mixed precision -- up to 3x overall speedup on the most arithmetically intense model architectures. Using mixed precision training requires two steps:
1. Porting the model to use the FP16 data type where appropriate.
2. Adding loss scaling to preserve small gradient values.
2019-01-23 16:59:07 +01:00
2019-07-08 22:51:28 +02:00
The ability to train deep learning networks with lower precision was introduced in the Pascal architecture and first supported in [CUDA 8](https://devblogs.nvidia.com/parallelforall/tag/fp16/) in the NVIDIA Deep Learning SDK.
2019-01-23 16:59:07 +01:00
2019-07-08 22:51:28 +02:00
For information about:
- How to train using mixed precision, see the [Mixed Precision Training](https://arxiv.org/abs/1710.03740) paper and [Training With Mixed Precision](https://docs.nvidia.com/deeplearning/sdk/mixed-precision-training/index.html) documentation.
- Techniques used for mixed precision training, see the [Mixed-Precision Training of Deep Neural Networks](https://devblogs.nvidia.com/mixed-precision-training-deep-neural-networks/) blog.
- How to access and enable AMP for TensorFlow, see [Using TF-AMP](https://docs.nvidia.com/deeplearning/dgx/tensorflow-user-guide/index.html#tfamp) from the TensorFlow User Guide.
- APEX tools for mixed precision training, see the [NVIDIA Apex: Tools for Easy Mixed-Precision Training in PyTorch](https://devblogs.nvidia.com/apex-pytorch-easy-mixed-precision-training/).
2019-01-23 16:59:07 +01:00
2019-07-08 22:51:28 +02:00
### Enabling mixed precision
Using the Automatic Mixed Precision (AMP) package requires two modifications in the source code.
The first one is to initialize the model and the optimizer using the `amp.initialize` function:
```python
model, optimizer = amp.initialize(model, optimizer, opt_level=args.opt_level,
keep_batchnorm_fp32=False, loss_scale='dynamic')
```
The second one is to use the AMP's loss scaling context manager:
```python
with amp.scale_loss(loss, optimizer) as scaled_loss:
scaled_loss.backward()
```
## Benchmarking
### Training performance benchmark
NCF training on NVIDIA DGX systems is very fast, therefore, in order to measure train and validation throughput, you can simply run the full training job with:
2019-01-23 16:59:07 +01:00
```bash
2019-07-08 22:51:28 +02:00
./prepare_dataset.sh
python -m torch.distributed.launch --nproc_per_node=8 ncf.py --data /data/cache/ml-20m --epochs 5
2019-01-23 16:59:07 +01:00
```
2019-07-08 22:51:28 +02:00
At the end of the script, a line reporting the best train throughput is printed.
2019-01-23 16:59:07 +01:00
2019-07-08 22:51:28 +02:00
### Inference performance benchmark
2019-01-23 16:59:07 +01:00
2019-07-08 22:51:28 +02:00
Validation throughput can be measured by running the full training job with:
2019-01-23 16:59:07 +01:00
```bash
2019-07-08 22:51:28 +02:00
./prepare_dataset.sh
python -m torch.distributed.launch --nproc_per_node=8 ncf.py --data /data/cache/ml-20m --epochs 5
2019-01-23 16:59:07 +01:00
```
2019-07-08 22:51:28 +02:00
The best validation throughput is reported to the standard output.
## Results
The following sections provide details on how we achieved our performance and accuracy in training and inference.
### Training accuracy results
2019-01-23 16:59:07 +01:00
2019-07-08 22:51:28 +02:00
#### NVIDIA DGX-1 (8x V100 32G)
Our results were obtained by following the steps in the Quick Start Guide in the PyTorch 19.05-py3 NGC container on NVIDIA DGX-1 with 8x V100 32G GPUs.
2019-01-23 16:59:07 +01:00
The following table lists the best hit rate at 10 for DGX-1 with 8 V100 32G GPUs:
2019-07-08 22:51:28 +02:00
| **Number of GPUs** | **Single precision HR@10** | **Mixed precision HR@10** |
2019-01-23 16:59:07 +01:00
|:---:|:--------:|:-------:|
2019-07-08 22:51:28 +02:00
|1| 0.95847 | 0.95845 |
|4| 0.95887 | 0.95841 |
|8| 0.95850 | 0.95885 |
2019-01-23 16:59:07 +01:00
2019-07-08 22:51:28 +02:00
Here's an example validation accuracy curve for mixed precision vs single precision on DGX-1 with 8 V100 32G GPUs:
2019-01-23 16:59:07 +01:00
![ValidationAccuracy](./img/dgx1v_32_curve.png)
2019-07-08 22:51:28 +02:00
To reproduce this result, start the NCF Docker container interactively and run:
```bash
./prepare_dataset.sh
python -m torch.distributed.launch --nproc_per_node=8 ncf.py --data /data/cache/ml-20m
```
Training accuracy results on a DGX-1 with 8 V100 16G GPUs and on DGX-2 should be the same.
#### Training stability test
2019-01-23 16:59:07 +01:00
The histogram below shows the best HR@10 achieved
for 400 experiments using mixed precision and 400 experiments using single precision.
2019-07-08 22:51:28 +02:00
Mean HR@10 for mixed precision was equal to 0.95868 and for single precision it was equal to
0.95867.
2019-01-23 16:59:07 +01:00
![hr_histogram](./img/hr_histogram.png)
2019-07-08 22:51:28 +02:00
### Training performance results
2019-01-23 16:59:07 +01:00
2019-07-08 22:51:28 +02:00
#### NVIDIA DGX-1 (8x V100 16G)
2019-01-23 16:59:07 +01:00
2019-07-08 22:51:28 +02:00
Our results were obtained by following the steps in the Quick Start Guide in the PyTorch 19.05-py3 NGC container on NVIDIA DGX-1 with 8x V100 16G GPUs.
2019-01-23 16:59:07 +01:00
The following table shows the best training throughput:
2019-07-08 22:51:28 +02:00
| **Number of GPUs** | **Batch size per GPU**| **Mixed precision throughput (samples/sec)** | **Single precision throughput (samples/sec)** | **Speed-up with mixed precision** | **Multi-GPU strong scaling with mixed precision** | **Multi-GPU strong scaling with FP32** |
|:---:|:--------:|:-----:|:-----------:|:-----:|:----:|:---|
| 1 |1048576| 20,459,365| 9,777,551 | 2.09 | 1 | 1 |
| 4 |262144 | 61,782,125| 32,583,924 | 1.90 | 3.02 |3.33|
| 8 |131072 | 98,464,084| 55,365,147 | 1.78 |4.81 |5.66|
The following table shows the average time to reach HR@10 of 0.9562 across 5 random seeds. The training time was measured excluding data downloading, preprocessing, validation data generation and library initialization times.
| **Number of GPUs** | **Batch size per GPU** | **Mixed precision (seconds)** | **Single precision (seconds)** | **Speed-up with mixed precision** |
|:---:|:----:|:---------:|:-----------:|:-----:|
| 1 | 1048576| 67.03 | 142.31 | 2.12 |
| 4 | 262144| 23.92 | 47.57 | 1.99 |
| 8 | 131072| 18.82 | 31.48 | 1.67 |
2019-01-23 16:59:07 +01:00
2019-07-08 22:51:28 +02:00
#### NVIDIA DGX-1 (8x V100 32G)
2019-02-15 17:29:12 +01:00
2019-07-08 22:51:28 +02:00
Our results were obtained by following the steps in the Quick Start Guide in the PyTorch 19.05-py3 NGC container on NVIDIA DGX-1 with 8x V100 32G GPUs.
The following table shows the best training throughput:
| **Number of GPUs** | **Batch size per GPU** | **Mixed precision throughput (samples/sec)** | **Single precision throughput (samples/sec)** | **Speed-up with mixed precision** | **Multi-GPU strong scaling with mixed precision** | **Multi-GPU strong scaling with FP32** |
|:---:|:----:|:---------:|:-----------:|:-----:|:---:|:---:|
| 1 | 1048576| 19,314,944 | 9,464,431 | 2.04 | 1 | 1 |
| 4 | 262144| 58,579,745 |31,577,085 | 1.86 | 3.03 | 3.34 |
| 8 | 131072| 92,964,306 | 53,972,811 | 1.72 | 4.81 | 5.70 |
The following table shows the average time to reach HR@10 of 0.9562 across 5 random seeds. The training time was measured excluding data downloading, preprocessing, validation data generation and library initialization times.
| **Number of GPUs** | **Mixed precision (seconds)** | **Single precision (seconds)** | **Speed-up with mixed precision** |
2019-02-15 17:29:12 +01:00
|:---:|:-------------:|:-----------:|:-----:|
2019-07-08 22:51:28 +02:00
| 1 | 70.49 | 146.68 | 2.08 |
| 4 | 24.61 | 49.01 | 1.99 |
| 8 | 19.72 | 32.25 | 1.64 |
2019-01-23 16:59:07 +01:00
2019-07-08 22:51:28 +02:00
#### NVIDIA DGX-2 (16x V100 32G)
Our results were obtained by following the steps in the Quick Start Guide in the PyTorch 19.05-py3 NGC container on NVIDIA DGX-2 with 16x V100 32G GPUs.
2019-01-23 16:59:07 +01:00
The following table shows the best training throughput:
2019-07-08 22:51:28 +02:00
| **Number of GPUs ** | **Batch size per GPU** | **Mixed precision throughput (samples/sec)** | **Single precision throughput (samples/sec)** | **Speed-up with mixed precision** | **Multi-GPU strong scaling with mixed precision** | **Multi-GPU strong scaling with FP32** |
|:---:|:-----:|:-------:|:-----------:|:-----:|:---:|:---:|
| 1 | 1048576| 20,645,544 | 10,145,873 | 2.03 | 1 | 1 |
| 4 | 262144 | 63,608,950 | 34,758,369 | 1.83 | 3.08 | 3.43 |
| 8 | 131072| 98,887,103 | 57,251,418 | 1.73 | 4.79 | 5.64 |
| 16 | 65536| 128,976,394 | 82,932,545 | 1.56 | 6.25 | 8.17 |
The following table shows the average time to reach HR@10 of 0.9562 across 5 random seeds. The training time was measured excluding data downloading, preprocessing, validation data generation and library initialization times.
| **Number of GPUs ** | **Mixed precision (seconds)** | **Single precision (seconds)** | **Speed-up with mixed precision** |
2019-01-23 16:59:07 +01:00
|:---:|:-------------:|:-----------:|:-----:|
2019-07-08 22:51:28 +02:00
| 1 | 65.99 |134.93 |2.04|
| 4 | 26.21 |41.12 |1.57|
| 8 | 21.96 |29.71 |1.35|
| 16| 22.15 |28.99 |1.31|
### Inference performance results
2019-01-23 16:59:07 +01:00
2019-07-08 22:51:28 +02:00
#### NVIDIA DGX-1 (8x V100 16G)
Our results were obtained by following the steps in the Quick Start Guide in the PyTorch 19.05-py3 NGC container on NVIDIA DGX-1 with 8x V100 16G GPUs.
The following table shows the best inference throughput:
2019-02-15 17:29:12 +01:00
2019-07-08 22:51:28 +02:00
| **Number of GPUs ** | **Mixed precision (samples/sec)** | **Single precision (samples/sec)** | **Speed-up with mixed precision** |
2019-02-15 17:29:12 +01:00
|:---:|:-------------:|:-----------:|:-----:|
2019-07-08 22:51:28 +02:00
| 1 | 57,163,273 | 28,877,257 | 1.98 |
2019-01-23 16:59:07 +01:00
2019-07-08 22:51:28 +02:00
#### NVIDIA DGX-1 (8x V100 32G)
2019-01-23 16:59:07 +01:00
2019-07-08 22:51:28 +02:00
Our results were obtained by following the steps in the Quick Start Guidein the PyTorch 19.05-py3 NGC container on NVIDIA DGX-1 with 8x V100 32G GPUs.
2019-01-23 16:59:07 +01:00
The following table shows the best inference throughput:
2019-07-08 22:51:28 +02:00
| **Number of GPUs** | **Mixed precision (samples/sec)** | **Single precision (samples/sec)** | **Speed-up with mixed precision** |
2019-01-23 16:59:07 +01:00
|:---:|:-------------:|:-----------:|:-----:|
2019-07-08 22:51:28 +02:00
| 1 | 54,570,476 | 28,085,521 | 1.94 |
2019-01-23 16:59:07 +01:00
2019-07-08 22:51:28 +02:00
#### NVIDIA DGX-2 (16x V100 32G)
Our results were obtained by following the steps in the Quick Start Guide in the PyTorch 19.05-py3 NGC container on NVIDIA DGX-2 with 16x V100 32G GPUs.
2019-01-23 16:59:07 +01:00
The following table shows the best inference throughput:
2019-07-08 22:51:28 +02:00
| **Number of GPUs** | **Mixed precision (samples/sec)** | **Single precision (samples/sec)** | **Speed-up with mixed precision** |
2019-01-23 16:59:07 +01:00
|:---:|:-------------:|:-----------:|:-----:|
2019-07-08 22:51:28 +02:00
| 1 | 58,383,216 | 30,018,043 | 1.94 |
2019-01-23 16:59:07 +01:00
## Changelog
1. January 22, 2018
* Initial release
2019-07-08 22:51:28 +02:00
2. May, 2019
* Lower memory consumption (down from about 18GB to 10GB for batch size 1M on a single NVIDIA Tesla V100). Achieved by using an approximate method for generating negatives for training.
* Automatic Mixed Precision (AMP) with dynamic loss scaling instead of a custom mixed-precision optimizer.
* Performance numbers for NVIDIA DGX-2.
* Data loading code cleanup.
* Default container updated to PyTorch 19.05-py3.
* Updated README.md.
2019-01-23 16:59:07 +01:00
2019-07-08 22:51:28 +02:00
## Known issues
2019-01-23 16:59:07 +01:00
### Scaling beyond 8 GPUs
2019-07-08 22:51:28 +02:00
Neural Collaborative Filtering is a relatively lightweight model that trains quickly with this relatively smaller dataset, ML-20m.
Because of that, the high ratio of communication to computation makes it difficult to
efficiently use more than 8 GPUs. Typically, this is not an issue because when using 8
GPUs with FP16 precision, the training is sufficiently fast. However, if youd like to
scale the training to 16 GPUs and beyond, you might try modifying the model so that
the communication-computation ratio facilitates better scaling. This could be done, for example,
2019-01-23 16:59:07 +01:00
by finding hyperparameters that enable using a larger batch size or by reducing the
number of trainable parameters.
### Memory usage
2019-07-08 22:51:28 +02:00
In the default settings, the additional memory beyond 16G may not be fully utilized.
This is because we set the default batch size for ML-20m dataset to 1M,
which is too small to completely fill-up multiple 32G GPUs.
1M is the batch size for which we experienced the best convergence on the ML-20m dataset.
However, on other datasets, even faster performance can be possible by finding hyperparameters that work well for larger batches and leverage additional GPU memory.
2019-01-23 16:59:07 +01:00