Giter VIP home page Giter VIP logo

nnabla-examples's Introduction

Neural Network Libraries - Examples

This repository contains working examples of Neural Network Libraries. Before running any of the examples in this repository, you must install the Python package for Neural Network Libraries. The Python install guide can be found here.

Before running an example, also run the following command inside the example directory, to install additional dependencies:

cd example_directory
pip install -r requirements.txt

Docker workflow

  • Our Docker workflow offers an easy installation and setup of running environments of our examples.
  • See this page.

nnabla-examples-utils (neu)

neu can now be installed as a python package. It provides a wide range of utility functions. For installation and usage, check utils

Interactive Demos

We have prepared interactive demos, where you can play around without having to worry about the codes and the internal mechanism. You can run it directly on Colab from the links in the table below.

Vision: Generation, Enhancement, Animation

Name Notebook Task Example
SLE-GAN Open In Colab Image Generation
First Order Motion Model Open In Colab Facial Motion Transfer
Zooming Slow-Mo Open In Colab Video Super-Resolution
StyleGAN2 Open In Colab Image Generation
Deep-Exemplar-based-Video-Colorization Open In Colab Video Colorization
TecoGAN Open In Colab Video Super-Resolution
ESR-GAN Open In Colab Super-Resolution
Self-Attention GAN Open In Colab Image Generation
StarGAN Open In Colab Image Translation
DCGAN Open In Colab Image Generation

Vision & Language

Name Notebook Task Example
CLIP Open In Colab Zero-shot image classification

Vision: Recognition

Name Notebook Task Example
CenterNet Open In Colab Object Detection
PSMNet Open In Colab Stereo Depth Estimation
Face Alignment Network Open In Colab Facial Keypoint Detection
YOLO v2 Open In Colab Object Detection
ResNet/ResNeXt/SENet Open In Colab Image Classification

Audio

Name Notebook Task Example
D3Net Open In Colab Music Source Separation
X-UMX Open In Colab Music Source Separation

Machine Learning

Name Notebook Task Example
Out-of-Core training Open In Colab Out-of-Core training
MixUp / CutMix / VH-Mixup Open In Colab Data Augmentation
Virtual Adversarial Training Open In Colab Semi-Supervised Learning
SiameseNet Open In Colab Feature Embedding
Variational Auto-encoder Open In Colab Unsupervised Learning

eXplainable AI

Name Notebook Task Example
Grad-CAM Open In Colab Visualization
SHAP Open In Colab Visualization
Attention Branch Network Open In Colab Visualization

Fairness of Machine Learning

Name Notebook Task Example
Demographic parity
Disparate Impact
Equal opportunity
Equalised odds
Open In Colab [Metrics tutorial]
Dataset/Model Bias Check
Reweighing Open In Colab [Pre-processing tutorial]
Dataset/Model Bias Check and Mitigation by Reweighing
Massage Data Open In Colab [Pre-processing tutorial]
Dataset/Model Bias Check and Mitigation by Massage Data
Preferential Sampling Open In Colab [Pre-processing tutorial]
Dataset/Model Bias Check and Mitigation by Preferential Sampling
GAN Data Debiasing Open In Colab [Pre-processing tutorial]
Dataset/Model Bias Check and Mitigation by GAN
Prejudice Remover Regularizer Open In Colab [In-processing tutorial]
Model Bias Check and Mitigation by Prejudice Removal Technique
Prejudice Remover Regularizer for Images Open In Colab [In-processing tutorial]
Model Bias Check and Mitigation by Prejudice Removal Technique for Images
Adversarial Debiasing Tutorial Open In Colab [In-processing tutorial]
Model Bias Check and Mitigation by Adversarial Debiasing
Adversarial Debiasing for Images Open In Colab [In-processing tutorial]
Model Bias Check and Mitigation by Adversarial Debiasing for Images
Rejection Option based Classification Open In Colab [Post-processing tutorial]
Prediction Bias Check and Mitigation by ROC
Rejection Option based Classification for Images Open In Colab [Post-processing tutorial]
Prediction Bias Check and Mitigation by ROC for Images
Skin color (Masked Images) Open In Colab Facial evaluation for skin color

Model Quantization

Name Notebook Task Example
Post-training quantization Open In Colab Post-training quantization

nnabla-examples's People

Contributors

akiohayakawa-sony avatar bacnguyencong-sony avatar fabiencardinaux avatar hayashiteruaki avatar hyingho avatar kazukiyoshiyama-sony avatar kenji-suzuki-s avatar krishnaw10 avatar masatoishii-sony avatar nishikawajun avatar nmatsu634 avatar ohmorimori avatar panigrahidileep avatar qizhen-xue avatar soma-knzw avatar sony-teramototoya avatar srinidhi-srinivasa avatar takuyanarihira avatar takuyayashima avatar te-andrewshin avatar te-basavarajmurali avatar te-hidehogomi avatar te-ibinaschaliyadan avatar te-naokiide avatar te-sujeetgandhi avatar te-sukritimehrotra avatar te-yoshiyukikobayashi avatar tomonobutsujikawa avatar yasunarizhashimoto avatar yukiooobuchi avatar

Stargazers

 avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar

Watchers

 avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar

nnabla-examples's Issues

mnist classification raises runtime error

When running mnist classification, "modifying data is prohibited" error occurs in v1.20.0 and later.

nnabla-examples/mnist-collection$ python classification.py --context=cudnn
2021-08-04 09:00:00,652 [nnabla][INFO]: Initializing CPU extension...
2021-08-04 09:00:00,974 [nnabla][INFO]: Running in cudnn
2021-08-04 09:00:00,028 [nnabla][INFO]: Initializing CUDA extension...
2021-08-04 09:00:00,063 [nnabla][INFO]: Initializing cuDNN extension...
Traceback (most recent call last):
  File "classification.py", line 238, in <module>
    train()
  File "classification.py", line 154, in train
    pred = mnist_cnn_prediction(image, test=False, aug=args.augment_train)
  File "classification.py", line 59, in mnist_lenet_prediction
    c1 = F.relu(F.max_pooling(c1, (2, 2)), inplace=True)
  File "<relu>", line 3, in relu
  File "~/envs/nnabla-20/lib/python3.6/site-packages/nnabla/function_bases.py", line 999, in relu
    return F.ReLU(ctx, inplace)(x, n_outputs=n_outputs, auto_forward=get_auto_forward(), outputs=outputs)
  File "function.pyx", line 317, in nnabla.function.Function.__call__
  File "function.pyx", line 295, in nnabla.function.Function._cg_call
RuntimeError: value error in check_data_inplace
nnabla/src/nbla/computation_graph/function.cpp:83
Failed `input->allow_modify_data()`: Modifying data is prohibited by the parent function of the 0-th input data of 'ReLUCudaCudnn' (depth=3). (Parent is 'MaxPoolingCudaCudnn').

run word_embedding.py error

I just cloned nnabla-examples from github and run word_embedding.py as below:

[root@ word-embedding]# python word_embedding.py
2018-07-11 14:30:30,850 [nnabla][INFO]: Initializing CPU extension...
2018-07-11 14:30:34,554 [nnabla][INFO]: > /root/nnabla_data/ptb.train.txt already exists.
2018-07-11 14:30:34,554 [nnabla][INFO]: > If you have any issue when using this file,
2018-07-11 14:30:34,554 [nnabla][INFO]: > manually remove the file and try download again.
2018-07-11 14:30:34,839 [nnabla][INFO]: Running in None
Traceback (most recent call last):
File "word_embedding.py", line 408, in
main()
File "word_embedding.py", line 310, in main
args.context, device_id=args.device_id, type_config=args.type_config)
File "/root/anaconda3/lib/python3.6/site-packages/nnabla/ext_utils.py", line 97, in get_extension_context
mod = import_extension_module(ext_name)
File "/root/anaconda3/lib/python3.6/site-packages/nnabla/ext_utils.py", line 46, in import_extension_module
return importlib.import_module('.' + ext_name, 'nnabla_ext')
TypeError: must be str, not NoneType
[root@ word-embedding]#

train yolov2 error

train_graph.py", line 63, in setup_impl
tcoord, mcoord, tconf, mconf, tcls, mcls = outputs
ValueError: not enough values to unpack (expected 6, got 1)

ValueError: numpy.ndarray size changed

Dear experts,

I've tried to execute the demo of StyleGAN2 on Google Colab according to the following link.

https://arxiv.org/abs/1912.04958

However, I've faced the following error in the step "Get the pretrained weights".

ValueError: numpy.ndarray size changed, may indicate binary incompatibility. Expected 96 from C header, got 88 from PyObject

Do you have any idea how to solve the above error.
Thank you very much for your kind support in advance.

Best regards,

FlowNet

Hello,
is there an example of FlowNet (Correlation) implementation with nnabla ? Or another simple example for optical flow estimation ?

Regards
Armin

Query: StyleGAN2 latent_seed

Respected sir
Thank you for sharing the projects and the pre-trained models. I have been trying to use the StyleGAN2 notebook. I want to generate multiple random samples, but the latent_seed command is limiting the results. I wanted to ask how to generate a grid of random results.

I am sharing the link to the cell I want to refer to here.

Record Motion Reference Video part

Hi ! when i record the video from my own computer(about 5 seconds)
then i run !python animate.py --source $input_img
--driving video.mp4
--adapt-movement-scale --fps 24
to realize the function of first order motion model.
After that , i find The video has been extended to 140 seconds , do you know how to fix it?

CenterNet mixed-precision training cannot work well with specific cuDNN versions

CenterNet mixed-precision training cannot work well with specific cuDNN versions.

How to reproduce

python src/main.py ctdet --config_file=cfg/resnet_18_coco_mp.yaml --data_dir path_to_coco_dataset

Error messages

2023-03-02 06:18:26,839 [nnabla][INFO]: Using DataIterator
2023-03-02 06:18:26,865 [nnabla][INFO]: Creating model...
2023-03-02 06:18:26,865 [nnabla][INFO]: {'hm': 80, 'wh': 2, 'reg': 2}
2023-03-02 06:18:26,865 [nnabla][INFO]: batch size per gpu: 24
[Train] epoch:0/140||loss: -0.0000, hm_loss:245.3517, wh_loss: 28.8467, off_loss: 28.8467, lr:1.00e-04, scale:4.00e+00:   0%|  
[Train] epoch:0/140||loss: -0.0000, hm_loss:245.3517, wh_loss: 28.8467, off_loss: 28.8467, lr:1.00e-04, scale:4.00e+00:   0%|  
[Train] epoch:0/140||loss:299.5544, hm_loss:296.1249, wh_loss: 29.4914, off_loss: 29.4914, lr:1.00e-04, scale:4.00e+00:   0%|  
[Train] epoch:0/140||loss:299.5544, hm_loss:296.1249, wh_loss: 29.4914, off_loss: 29.4914, lr:1.00e-04, scale:4.00e+00:   0%|  
[Train] epoch:0/140||loss:     nan, hm_loss:     nan, wh_loss: 30.1704, off_loss: 30.1704, lr:1.00e-04, scale:4.00e+00:   0%|  
[Train] epoch:0/140||loss:     nan, hm_loss:     nan, wh_loss: 30.1704, off_loss: 30.1704, lr:1.00e-04, scale:4.00e+00:   0%|  
[Train] epoch:0/140||loss:     nan, hm_loss:     nan, wh_loss: 21.1151, off_loss: 21.1151, lr:1.00e-04, scale:4.00e+00:   0%|  
[Train] epoch:0/140||loss:     nan, hm_loss:     nan, wh_loss: 21.1151, off_loss: 21.1151, lr:1.00e-04, scale:4.00e+00:   0%|  
[Train] epoch:0/140||loss:     nan, hm_loss:     nan, wh_loss: 24.2714, off_loss: 24.2714, lr:1.00e-04, scale:4.00e+00:   0%|  
[Train] epoch:0/140||loss:     nan, hm_loss:     nan, wh_loss: 24.2714, off_loss: 24.2714, lr:1.00e-04, scale:4.00e+00:   0%|  
[Train] epoch:0/140||loss:     nan, hm_loss:     nan, wh_loss: 21.7357, off_loss: 21.7357, lr:1.00e-04, scale:4.00e+00:   0%|  
[Train] epoch:0/140||loss:     nan, hm_loss:     nan, wh_loss: 21.7357, off_loss: 21.7357, lr:1.00e-04, scale:4.00e+00:   0%|          | 6/4929 [00:06<1:33:43,  1.14s/it]^C

or

2023-03-02 05:47:38,953 [nnabla][INFO]: Using DataIterator
2023-03-02 05:47:38,959 [nnabla][INFO]: Creating model...
2023-03-02 05:47:38,959 [nnabla][INFO]: {'hm': 80, 'reg': 2, 'wh': 2}
2023-03-02 05:47:38,964 [nnabla][INFO]: batch size per gpu: 32
^M  0%|          | 0/3697 [00:00<?, ?it/s]^M  0%|          | 0/3697 [00:04<?, ?it/s]
Traceback (most recent call last):
  File "nnabla-examples/object-detection/centernet/src/main.py", line 147, in <module>
    main(opt)
  File "nnabla-examples/object-detection/centernet/src/main.py", line 112, in main
    _ = trainer.update(epoch)
  File "nnabla-examples/object-detection/centernet/src/lib/trains/ctdet.py", line 191, in update
    total_loss, hm_loss, wh_loss, off_loss = self.compute_gradient(
  File "nnabla-examples/object-detection/centernet/src/lib/trains/ctdet.py", line 178, in compute_gradient
    return self.compute_gradient(data)
  File "nnabla-examples/object-detection/centernet/src/lib/trains/ctdet.py", line 178, in compute_gradient
    return self.compute_gradient(data)
  File "nnabla-examples/object-detection/centernet/src/lib/trains/ctdet.py", line 178, in compute_gradient
    return self.compute_gradient(data)
  [Previous line repeated 7 more times]
  File "nnabla-examples/object-detection/centernet/src/lib/trains/ctdet.py", line 175, in compute_gradient
    raise RuntimeError(
RuntimeError: Something went wrong with gradient calculations.
--------------------------------------------------------------------------

How to solve

Using a newer cuDNN version solved this issue.

First order Motion Model: Voxceleb_trained_info.yaml could not be found

Hi,
I tried your colab for the first order motion model and stuck at "Image Animation using arbitrary source images" because of this error. Could you please fix this.
Thanks
tjess78

Traceback (most recent call last):
File "animate.py", line 337, in
main()
File "animate.py", line 333, in main
animate(args)
File "animate.py", line 113, in animate
"https://nnabla.org/pretrained-models/nnabla-examples/GANs/first-order-model/voxceleb_trained_info.yaml")
File "animate.py", line 51, in download_provided_file
download(url, filepath, False)
File "/usr/local/lib/python3.7/dist-packages/nnabla/utils/download.py", line 57, in download
r = request.urlopen(url)
File "/usr/lib/python3.7/urllib/request.py", line 222, in urlopen
return opener.open(url, data, timeout)
File "/usr/lib/python3.7/urllib/request.py", line 531, in open
response = meth(req, response)
File "/usr/lib/python3.7/urllib/request.py", line 641, in http_response
'http', request, response, code, msg, hdrs)
File "/usr/lib/python3.7/urllib/request.py", line 569, in error
return self._call_chain(*args)
File "/usr/lib/python3.7/urllib/request.py", line 503, in _call_chain
result = func(*args)
File "/usr/lib/python3.7/urllib/request.py", line 649, in http_error_default
raise HTTPError(req.full_url, code, msg, hdrs, fp)
urllib.error.HTTPError: HTTP Error 404: Not Found

DALI 0.18.0 compatibility

imagenet-classification training script does not work with DALI 0.18.0 due to DALI's API changes. I made a quick update to the script. This requires changes to both nnabla-examples and nnabla-ext-cuda

PRs
nnabla-examples: #129
nnabla-ext-cuda: sony/nnabla-ext-cuda#207

ONNX Operators Implementation

  • Please redirect me to the kernel level code (Implementation) of ONNX Operators by nnabla.
  • Please help me in understanding at nnabla from developer perspective.

Error running FOM colab, animated.py

2023-10-17 10:57:05,909 [nnabla][INFO]: Initializing CPU extension...
usage: animate.py [-h] [--config CONFIG] [--params PARAMS] [--source SOURCE] [--driving DRIVING]
[--out-dir OUT_DIR] [--context {cudnn,cpu}] [--output-png] [--fps FPS]
[--only-generated] [--detailed] [--full] [--adapt-movement-scale]
[--unuse-relative-movement] [--unuse-relative-jacobian]
animate.py: error: unrecognized arguments: \


NameError Traceback (most recent call last)

in <cell line: 2>()
1 get_ipython().system('python animate.py --source imgs/sample_src.png --driving imgs/sample_drv.mp4 --adapt-movement-scale --fps 24 \')
----> 2 --detailed --full

NameError: name 'detailed' is not defined

First Order Motion Model ERROR at play_video

Run First Order Motion Model at Google Colab.
When run "play_video('result/arbitrary/sample_src.png_by_sample_drv.mp4')",
export error below.


FileNotFoundError Traceback (most recent call last)
in <cell line: 1>()
----> 1 play_video('result/arbitrary/sample_src.png_by_sample_drv.mp4')

in play_video(filename, height, width)
4
5 def play_video(filename, height=512, width=512):
----> 6 mp4 = open(filename, 'rb').read()
7 data_url = "data:video/mp4;base64," + b64encode(mp4).decode()
8 return HTML(f"""

FileNotFoundError: [Errno 2] No such file or directory: 'result/arbitrary/sample_src.png_by_sample_drv.mp4'

Please teach me how to result this problem.

Failed to train using gpu

a ModuleNotFoundError was thrown when performing the following commands:

cd cifar10-100-collection
python classification.py -n cifar100_resnet23
2020-05-02 06:43:17,572 [nnabla][INFO]: Initializing CPU extension...
2020-05-02 06:43:17,866 [nnabla][ERROR]: Extension `cudnn` does not exist.
Traceback (most recent call last):
  File "classification.py", line 158, in <module>
    train()
  File "classification.py", line 60, in train
    extension_module, device_id=args.device_id, type_config=args.type_config)
  File "/home/tester/anaconda3/envs/nnabla/lib/python3.7/site-packages/nnabla/ext_utils.py", line 97, in get_extension_context
    mod = import_extension_module(ext_name)
  File "/home/tester/anaconda3/envs/nnabla/lib/python3.7/site-packages/nnabla/ext_utils.py", line 50, in import_extension_module
    raise e
  File "/home/tester/anaconda3/envs/nnabla/lib/python3.7/site-packages/nnabla/ext_utils.py", line 46, in import_extension_module
    return importlib.import_module('.' + ext_name, 'nnabla_ext')
  File "/home/tester/anaconda3/envs/nnabla/lib/python3.7/importlib/__init__.py", line 127, in import_module
    return _bootstrap._gcd_import(name[level:], package, level)
  File "<frozen importlib._bootstrap>", line 1006, in _gcd_import
  File "<frozen importlib._bootstrap>", line 983, in _find_and_load
  File "<frozen importlib._bootstrap>", line 965, in _find_and_load_unlocked
ModuleNotFoundError: No module named 'nnabla_ext.cudnn'

checkpoint of SLEGAN models

Is implemented the way to save the chekpoints of the models in SLEGAN? The train.py need a --model-load-path but dont work with the GenIter.h5 file generated. There is a solution?

Could find no file with path

when i run:

!python generate.py --model tecogan_model.h5 --input-dir-lr frames/input_video/ --output-dir results/user
!ffmpeg -i results/user/output_frame_%04d.png -r 24/1 -y user_video_hr.mp4

I get the following error:

2022-10-11 05:55:28,867 [nnabla][INFO]: Initializing CPU extension...
/content/nnabla-examples/utils
2022-10-11 05:55:29,335 [nnabla][ERROR]: Extension cudnn does not exist.
Traceback (most recent call last):
File "generate.py", line 41, in
ctx = get_extension_context('cudnn')
File "/usr/local/lib/python3.7/dist-packages/nnabla/ext_utils.py", line 97, in get_extension_context
mod = import_extension_module(ext_name)
File "/usr/local/lib/python3.7/dist-packages/nnabla/ext_utils.py", line 50, in import_extension_module
raise e
File "/usr/local/lib/python3.7/dist-packages/nnabla/ext_utils.py", line 46, in import_extension_module
return importlib.import_module('.' + ext_name, 'nnabla_ext')
File "/usr/lib/python3.7/importlib/init.py", line 127, in import_module
return _bootstrap._gcd_import(name[level:], package, level)
File "", line 1006, in _gcd_import
File "", line 983, in _find_and_load
File "", line 967, in _find_and_load_unlocked
File "", line 677, in _load_unlocked
File "", line 728, in exec_module
File "", line 219, in _call_with_frames_removed
File "/usr/local/lib/python3.7/dist-packages/nnabla_ext/cudnn/init.py", line 19, in
import nnabla_ext.cuda
File "/usr/local/lib/python3.7/dist-packages/nnabla_ext/cuda/init.py", line 131, in
load_shared_from_error(err)
File "/usr/local/lib/python3.7/dist-packages/nnabla_ext/cuda/init.py", line 67, in load_shared_from_error
raise err
File "/usr/local/lib/python3.7/dist-packages/nnabla_ext/cuda/init.py", line 122, in
from .init import (
ImportError: libcudart.so.10.0: cannot open shared object file: No such file or directory
ffmpeg version 3.4.11-0ubuntu0.1 Copyright (c) 2000-2022 the FFmpeg developers
built with gcc 7 (Ubuntu 7.5.0-3ubuntu1~18.04)
configuration: --prefix=/usr --extra-version=0ubuntu0.1 --toolchain=hardened --libdir=/usr/lib/x86_64-linux-gnu --incdir=/usr/include/x86_64-linux-gnu --enable-gpl --disable-stripping --enable-avresample --enable-avisynth --enable-gnutls --enable-ladspa --enable-libass --enable-libbluray --enable-libbs2b --enable-libcaca --enable-libcdio --enable-libflite --enable-libfontconfig --enable-libfreetype --enable-libfribidi --enable-libgme --enable-libgsm --enable-libmp3lame --enable-libmysofa --enable-libopenjpeg --enable-libopenmpt --enable-libopus --enable-libpulse --enable-librubberband --enable-librsvg --enable-libshine --enable-libsnappy --enable-libsoxr --enable-libspeex --enable-libssh --enable-libtheora --enable-libtwolame --enable-libvorbis --enable-libvpx --enable-libwavpack --enable-libwebp --enable-libx265 --enable-libxml2 --enable-libxvid --enable-libzmq --enable-libzvbi --enable-omx --enable-openal --enable-opengl --enable-sdl2 --enable-libdc1394 --enable-libdrm --enable-libiec61883 --enable-chromaprint --enable-frei0r --enable-libopencv --enable-libx264 --enable-shared
libavutil 55. 78.100 / 55. 78.100
libavcodec 57.107.100 / 57.107.100
libavformat 57. 83.100 / 57. 83.100
libavdevice 57. 10.100 / 57. 10.100
libavfilter 6.107.100 / 6.107.100
libavresample 3. 7. 0 / 3. 7. 0
libswscale 4. 8.100 / 4. 8.100
libswresample 2. 9.100 / 2. 9.100
libpostproc 54. 7.100 / 54. 7.100

[image2 @ 0x555654e34000] Could find no file with path 'results/user/output_frame_%04d.png' and index in the range 0-4
results/user/output_frame_%04d.png: No such file or directory

Add data partition on multi-device mode

As far as I understand that nnabla-examples/distributed/cifar10-100/multi_device_multi_process_classification.py and nnabla-examples/imagenet-classification/multi_device_multi_process_classification.py does not partition the data based on rank and size.

Consequently, some samples may gain extra weight during training, while the selection of these samples is random.

Were I correct, it would be better if data partition based on rank&size is added.

OOM for TECO GAN

Seems like using even a height of 360 (whicle maintaining aspect ratio) for tecogan gives runtime OOM errors; whats the largest size possible that I can use to try to upscale to 4k? I imagine if I want to upscale to 4k, I would use 1080p as the resolution for my input but its too big for the GPU to handle; if there a way to use only CPU for this?

Output Result

Ehi :) how can i get only final video generate as output instead of grid with source image and input video? Thx

there's a minor error in mnist-collection/dcgan.py

monitor_fake = M.MonitorImageTile(
        "Fake images", monitor, normalize_method=lambda x: x + 1 / 2.)

should be

monitor_fake = M.MonitorImageTile(
        "Fake images", monitor, normalize_method=lambda x: (x + 1) / 2.)

TecoGAN

What were the datasets used to train the pretrained model used in Colab?

load_minst() - HTTP Error 503: Service Unavailable

I am not sure why executing python classification.py -c cudnn -d 0 inside a container created by executing docker_run_user --gpus 0 nnabla/nnabla-ext-cuda-multi-gpu:py38-cuda102-mpi3.1.6-v1.18.0 throws the HTTP Error 503: Service Unavailable error.

However, occasionally docker_run_user --gpus 0 nnabla/nnabla-ext-cuda-multi-gpu:py38-cuda102-mpi3.1.6-v1.18.0 python classification.py -c cudnn -d 0 seems to work correctly.
The word "occasionally" is used as I get a 503 error when I tried at a later time.

Recommend Projects

  • React photo React

    A declarative, efficient, and flexible JavaScript library for building user interfaces.

  • Vue.js photo Vue.js

    🖖 Vue.js is a progressive, incrementally-adoptable JavaScript framework for building UI on the web.

  • Typescript photo Typescript

    TypeScript is a superset of JavaScript that compiles to clean JavaScript output.

  • TensorFlow photo TensorFlow

    An Open Source Machine Learning Framework for Everyone

  • Django photo Django

    The Web framework for perfectionists with deadlines.

  • D3 photo D3

    Bring data to life with SVG, Canvas and HTML. 📊📈🎉

Recommend Topics

  • javascript

    JavaScript (JS) is a lightweight interpreted programming language with first-class functions.

  • web

    Some thing interesting about web. New door for the world.

  • server

    A server is a program made to process requests and deliver data to clients.

  • Machine learning

    Machine learning is a way of modeling and interpreting data that allows a piece of software to respond intelligently.

  • Game

    Some thing interesting about game, make everyone happy.

Recommend Org

  • Facebook photo Facebook

    We are working to build community through open source technology. NB: members must have two-factor auth.

  • Microsoft photo Microsoft

    Open source projects and samples from Microsoft.

  • Google photo Google

    Google ❤️ Open Source for everyone.

  • D3 photo D3

    Data-Driven Documents codes.