SONY

画像認識

画像生成

画像セグメンテーション

sample_CLIP

NNCのCLIPプラグインを利用した、学習不要な画像分類モデルの構築。サンプルデータとして花と料理の画像を用いる。

wav_keyboard_sound

4つのキーボードのキースイッチの種類(メンブレン、パンタグラフ、メカニカル青軸、メカニカル赤軸)を打音から判別

tutorial.NLP.20newsgroups_classification

シンプルなテキストの2クラス分類

tutorial.NLP.20newsgroups_lstm_language_model.sdcproj

LSTMを用いた言語モデルの学習

tutorial.NLP.20newsgroups_transformer_language_model.sdcproj

Transformerを用いた言語モデルの学習

tutorial.NLP.20newsgroups_word_embedding.sdcproj

COBWを用いたWord Embeddingの学習(Word2vec)

tutorial.anomaly_detection.sin_wave_anomaly_detection

Auto Encoderを用いてサイン波に含まれるノイズを検出

tutorial.object_detection.synthetic_image_object_detection

円、三角、四角形、五角形を含む人工画像データを用いた物体検出

tutorial.object_detection.synthetic_image_object_detection_centernet

画像中の複数物体の大きさと位置を出力するモデル。CenterNetと呼ばれるネットワーク構造を利用。バックボーンはResNet-18を利用。

classification.iris.iris

あやめデータセットを用いたベクトル分類

classification.adult.adult

adultデータセットを用いたベクトル分類

tutorial.basics.01_logistic_regression

最もシンプルな1層のニューラルネットワークによる画像の2クラス分類

tutorial.basics.02_binary_cnn

4層Convolutional Neural Networkによる画像の2クラス分類

tutorial.basics.10_deep_mlp

Deep Neural Networks

tutorial.basics.12_residual_learning

Residual NetworksによるMNISTデータセットの分類

tutorial.binary_networks.binary_connect_mnist_MLP

重みを2値化することでパラメータを大幅に削減したDNN

tutorial.binary_networks.binary_connect_mnist_LeNet

重みを2値化することでパラメータを大幅に削減したCNN

tutorial.binary_networks.binary_net_mnist_MLP

重みとデータパスを2値化することでパラメータ、演算量を大幅に削減したDNN

tutorial.binary_networks.binary_net_mnist_LeNet

重みとデータパスを2値化することでパラメータ、演算量を大幅に削減したCNN

tutorial.binary_networks.binary_weight_mnist_MLP

重みを2値化することでパラメータを大幅に削減したDNN

tutorial.recurrent_neural_networks.elman_net

最もシンプルなRecurrent Neural Network

tutorial.recurrent_neural_networks.bidirectional_elman_net

双方向のRecurrent Neural Networks

tutorial.recurrent_neural_networks.elman_net_with_attention

Attention機構を持つRecurrent Neural Network

tutorial.recurrent_neural_networks.gated_recurrent_unit(GRU)

Gated Recurrent Unit(GRU)と呼ばれるRecurrent Neural Networksの構造

tutorial.recurrent_neural_networks.long_short_term_memory(LSTM)

Long Short Term Memory(LSTM)と呼ばれるRecurrent Neural Networksの構造

tutorial.recurrent_neural_networks.stacked_GRU

GRUを2回重ねたもの

tutorial.image_classification.hand-sign

CNNによるグーチョキパー、それ以外の4種の画像を分類。SPRESENSEでのデモ用サンプル

tutorial.image_classification.digits

CNNによる数値画像の11分類。電力計などの数字認識等にも応用できる

tutorial.explainable_dl.01_visualize_weight_of_feature

入力特徴量の重み学習により認識結果に影響を及ぼす重要な特徴量の可視化する方法

tutorial.explainable_dl.02_l1_regularization

L1 正則化により認識結果に影響を及ぼす重要な特徴量を可視化する方法

tutorial.explainable_dl.03_attention

Attentionにより、認識のために注目された入力データの箇所を明らかにする方法

tutorial.explainable_dl.04_inference_result_at_each_layer

各層の出力結果を可視化する方法

tutorial.explainable_dl.05_MCdropout

ニューラルネットワークによる予測結果の信頼度を可視化する方法

image_recognition.MNIST.LeNet

4層Convolutional Neural Networkによる画像の10クラス分類(MNISTデータセット)

image_recognition.MNIST.semi_supervised_learning_VAT

VATと呼ばれるテクニックを用いた半教師あり(少ないラベル付きデータを用いた)学習

image_recognition.FashionMNIST.LeNet

4層Convolutional Neural Networkによる画像の10クラス分類(Fashion MNISTデータセット)

image_recognition.CIFAR10.resnet.resnet-110-deepmil

画像認識ラベルのみからの学習で、Localization(画像位置検出)を可能にするネットワーク

image_recognition.CIFAR10.resnet.resnet-110-cutout

画像の一部を塗りつぶす画像の水増し手法を用いることで、汎化性能を向上させるテクニック

image_recognition.CIFAR10.resnet.resnet-110-mixup

2枚の画像を合成する画像の水増し手法を用いることで、汎化性能を向上させるテクニック

image_recognition.CIFAR10.resnet.resnet-110

Residual Networksによる画像分類(CIFAR10データセット)

image_recognition.CIFAR100.resnet.resnet-110

Residual Networksによる画像分類(CIFAR100データセット)

image_recognition.ILSVRC2012.densenet.densenet-161

浅いネットワーク~深いネットワークを同時に表現することでパラメータを削減したCNN

image_recognition.ILSVRC2012.residual networks.resnet-101

2015年のImageNet Challengeで優勝した画像認識ネットワーク。Residual Networksと呼ばれる構造を持つ。

image_recognition.ILSVRC2012.residual networks.resnet-152

2015年のImageNet Challengeで優勝した画像認識ネットワーク。Residual Networksと呼ばれる構造を持つ。

image_recognition.ILSVRC2012.residual networks.resnet-18

2015年のImageNet Challengeで優勝した画像認識ネットワーク。Residual Networksと呼ばれる構造を持つ。

image_recognition.ILSVRC2012.residual networks.resnet-34

2015年のImageNet Challengeで優勝した画像認識ネットワーク。Residual Networksと呼ばれる構造を持つ。

image_recognition.ILSVRC2012.residual networks.resnet-50

2015年のImageNet Challengeで優勝した画像認識ネットワーク。Residual Networksと呼ばれる構造を持つ。

image_recognition.ILSVRC2012.resnext.resnext-101

Grouped Convolutionを用いたResidual Networks

image_recognition.ILSVRC2012.shufflenet.shufflenet-0.5x

シャッフル機構によりパラメータ数と演算量を大幅に削減したCNN

image_recognition.ILSVRC2012.shufflenet.shufflenet-2.0x

シャッフル機構によりパラメータ数と演算量を大幅に削減したCNN

image_recognition.ILSVRC2012.shufflenet.shufflenet

シャッフル機構によりパラメータ数と演算量を大幅に削減したCNN

image_recognition.ILSVRC2012.squeezenet.squeezenet11

ボトルネック構造によりパラメータ数を大幅に削減したCNN

image_recognition.ILSVRC2012.vgg.vgg-11

2013年のImageNet Challengeで優勝した画像認識ネットワーク

image_recognition.ILSVRC2012.vgg.vgg-13

2013年のImageNet Challengeで優勝した画像認識ネットワーク

image_recognition.ILSVRC2012.vgg.vgg-16

2013年のImageNet Challengeで優勝した画像認識ネットワーク

image_recognition.ILSVRC2012.alexnet

2012年のImageNet Challengeで優勝した画像認識ネットワーク

image_recognition.ILSVRC2012.GoogLeNet

2014年のImageNet Challengeで優勝した画像認識ネットワーク

image_recognition.ILSVRC2012.nin

Network in Networksと呼ばれる構造のCNN

image_recognition.ILSVRC2012.senet-154

Squeese and Excitationブロックを用いたResNeXt

tutorial.super_resolution

低解像度の画像を入力し高解像度の画像に出力をする画像超解像のサンプルプロジェクト。

tutorial.basics.06_auto_encoder

Auto Encoder

tutorial.basics.11_deconvolution

Convolutional Auto Encoder

tutorial.recurrent_neural_networks.LSTM_auto_encoder

LSTMを用いたAuto Encoder

image_generation.mnist_dcgan

Deep Convolutional Generative Adversarial Networks(DCGAN)

image_generation.mnist_dcgan_with_label

Deep Convolutional Generative Adversarial Networks(DCGAN)

image_generation.mnist_vae

Variational Auto Encoder(VAE)

tutorial.semantic_segmentation.binary_semantic_segmentation

文字と背景を分離する2値セグメンテーション

tutorial.semantic_segmentation.unetlike_125px

画像のセグメンテーション。U-Netと呼ばれるネットワーク構造を利用(20クラス分類)

tutorial.semantic_segmentation.unetlike_125px_person

画像のセグメンテーション。U-Netと呼ばれるネットワーク構造を利用(2クラス分類)

tutorial.semantic_segmentation.binary_semantic_segmentation_FCN-VGG16

画像のセグメンテーション。FCNと呼ばれるネットワーク構造を利用(2クラス分類)。バックボーンはVGG16を使用。

tutorial.semantic_segmentation.binary_semantic_segmentation_PSPNet-ResNet50

画像のセグメンテーション。PSPNetと呼ばれるネットワーク構造を利用(2クラス分類)。バックボーンはresnet-50を使用。アップサンプリングに線形補完ではなくdeconvolution層を使用。

tutorial.semantic_segmentation.binary_semantic_segmentation_PSPNet-ResNet50_Remodeling

画像のセグメンテーション。PSPNetと呼ばれるネットワーク構造を利用(2クラス分類)。バックボーンはresnet-50を使用。アップサンプリングに線形補完ではなくdeconvolution層を使用。

tutorial.semantic_segmentation.binary_semantic_segmentation_DeepLabV3plus

画像のセグメンテーション。DeepLabV3+と呼ばれるネットワーク構造を利用(2クラス分類)。バックボーンはXceptionを使用。

サンプルプロジェクトを実際にお手元で体験できます

CNN

ResNet

DNN

BNN

RNN

sample_CLIP

NNCのCLIPプラグインを利用した、学習不要な画像分類モデルの構築。サンプルデータとして花と料理の画像を用いる。

tutorial.NLP.20newsgroups_lstm_language_model.sdcproj

LSTMを用いた言語モデルの学習

tutorial.NLP.20newsgroups_transformer_language_model.sdcproj

Transformerを用いた言語モデルの学習

tutorial.NLP.20newsgroups_word_embedding.sdcproj

COBWを用いたWord Embeddingの学習(Word2vec)

tutorial.basics.01_logistic_regression

最もシンプルな1層のニューラルネットワークによる画像の2クラス分類

tutorial.basics.06_auto_encoder

Auto Encoder

tutorial.basics.11_deconvolution

Convolutional Auto Encoder

tutorial.anomaly_detection.sin_wave_anomaly_detection

Auto Encoderを用いてサイン波に含まれるノイズを検出

tutorial.basics.02_binary_cnn

4層Convolutional Neural Networkによる画像の2クラス分類

tutorial.image_classification.hand-sign

CNNによるグーチョキパー、それ以外の4種の画像を分類。SPRESENSEでのデモ用サンプル

tutorial.image_classification.digits

CNNによる数値画像の11分類。電力計などの数字認識等にも応用できる

tutorial.explainable_dl.04_inference_result_at_each_layer

各層の出力結果を可視化する方法

tutorial.explainable_dl.05_MCdropout

ニューラルネットワークによる予測結果の信頼度を可視化する方法

image_recognition.FashionMNIST.LeNet

4層Convolutional Neural Networkによる画像の10クラス分類(Fashion MNISTデータセット)

tutorial.semantic_segmentation.binary_semantic_segmentation

文字と背景を分離する2値セグメンテーション

image_recognition.MNIST.LeNet

4層Convolutional Neural Networkによる画像の10クラス分類(MNISTデータセット)

image_recognition.CIFAR10.resnet.resnet-110

Residual Networksによる画像分類(CIFAR10データセット)

image_recognition.CIFAR100.resnet.resnet-110

Residual Networksによる画像分類(CIFAR100データセット)

image_recognition.ILSVRC2012.densenet.densenet-161

浅いネットワーク~深いネットワークを同時に表現することでパラメータを削減したCNN

image_recognition.ILSVRC2012.shufflenet.shufflenet-0.5x

シャッフル機構によりパラメータ数と演算量を大幅に削減したCNN

image_recognition.ILSVRC2012.shufflenet.shufflenet-2.0x

シャッフル機構によりパラメータ数と演算量を大幅に削減したCNN

image_recognition.ILSVRC2012.shufflenet.shufflenet

シャッフル機構によりパラメータ数と演算量を大幅に削減したCNN

image_recognition.ILSVRC2012.squeezenet.squeezenet11

ボトルネック構造によりパラメータ数を大幅に削減したCNN

image_recognition.ILSVRC2012.vgg.vgg-11

2013年のImageNet Challengeで優勝した画像認識ネットワーク

image_recognition.ILSVRC2012.vgg.vgg-13

2013年のImageNet Challengeで優勝した画像認識ネットワーク

image_recognition.ILSVRC2012.vgg.vgg-16

2013年のImageNet Challengeで優勝した画像認識ネットワーク

image_recognition.ILSVRC2012.alexnet

2012年のImageNet Challengeで優勝した画像認識ネットワーク

image_recognition.ILSVRC2012.GoogLeNet

2014年のImageNet Challengeで優勝した画像認識ネットワーク

image_recognition.ILSVRC2012.nin

Network in Networksと呼ばれる構造のCNN

tutorial.basics.12_residual_learning

Residual NetworksによるMNISTデータセットの分類

image_recognition.ILSVRC2012.residual networks.resnet-18

2015年のImageNet Challengeで優勝した画像認識ネットワーク。Residual Networksと呼ばれる構造を持つ。

image_recognition.ILSVRC2012.residual networks.resnet-34

2015年のImageNet Challengeで優勝した画像認識ネットワーク。Residual Networksと呼ばれる構造を持つ。

image_recognition.ILSVRC2012.residual networks.resnet-50

2015年のImageNet Challengeで優勝した画像認識ネットワーク。Residual Networksと呼ばれる構造を持つ。

image_recognition.ILSVRC2012.residual networks.resnet-101

2015年のImageNet Challengeで優勝した画像認識ネットワーク。Residual Networksと呼ばれる構造を持つ。

image_recognition.ILSVRC2012.residual networks.resnet-152

2015年のImageNet Challengeで優勝した画像認識ネットワーク。Residual Networksと呼ばれる構造を持つ。

image_recognition.ILSVRC2012.resnext.resnext-101

Grouped Convolutionを用いたResidual Networks

image_recognition.ILSVRC2012.senet-154

Squeese and Excitationブロックを用いたResNeXt

tutorial.binary_networks.binary_connect_mnist_LeNet

重みを2値化することでパラメータを大幅に削減したCNN

tutorial.binary_networks.binary_net_mnist_LeNet

重みとデータパスを2値化することでパラメータ、演算量を大幅に削減したCNN

tutorial.semantic_segmentation.unetlike_125px

画像のセグメンテーション。U-Netと呼ばれるネットワーク構造を利用(20クラス分類)

tutorial.semantic_segmentation.unetlike_125px_person

画像のセグメンテーション。U-Netと呼ばれるネットワーク構造を利用(2クラス分類)

wav_keyboard_sound

4つのキーボードのキースイッチの種類(メンブレン、パンタグラフ、メカニカル青軸、メカニカル赤軸)を打音から判別

tutorial.semantic_segmentation.binary_semantic_segmentation_FCN-VGG16

画像のセグメンテーション。FCNと呼ばれるネットワーク構造を利用(2クラス分類)。バックボーンはVGG16を使用。

tutorial.semantic_segmentation.binary_semantic_segmentation_PSPNet-ResNet50

画像のセグメンテーション。PSPNetと呼ばれるネットワーク構造を利用(2クラス分類)。バックボーンはresnet-50を使用。アップサンプリングに線形補完ではなくdeconvolution層を使用。

tutorial.semantic_segmentation.binary_semantic_segmentation_PSPNet-ResNet50_Remodeling

画像のセグメンテーション。PSPNetと呼ばれるネットワーク構造を利用(2クラス分類)。バックボーンはresnet-50を使用。アップサンプリングに線形補完ではなくdeconvolution層を使用。

tutorial.semantic_segmentation.binary_semantic_segmentation_DeepLabV3plus

画像のセグメンテーション。DeepLabV3+と呼ばれるネットワーク構造を利用(2クラス分類)。バックボーンはXceptionを使用。

image_generation.mnist_dcgan_with_label

Deep Convolutional Generative Adversarial Networks(DCGAN)

image_generation.mnist_dcgan

Deep Convolutional Generative Adversarial Networks(DCGAN)

image_recognition.CIFAR10.resnet.resnet-110-deepmil

画像認識ラベルのみからの学習で、Localization(画像位置検出)を可能にするネットワーク

image_recognition.CIFAR10.resnet.resnet-110-cutout

画像の一部を塗りつぶす画像の水増し手法を用いることで、汎化性能を向上させるテクニック

image_recognition.CIFAR10.resnet.resnet-110-mixup

2枚の画像を合成する画像の水増し手法を用いることで、汎化性能を向上させるテクニック

tutorial.object_detection.synthetic_image_object_detection

円、三角、四角形、五角形を含む人工画像データを用いた物体検出

tutorial.object_detection.synthetic_image_object_detection_centernet

画像中の複数物体の大きさと位置を出力するモデル。CenterNetと呼ばれるネットワーク構造を利用。バックボーンはResNet-18を利用。

tutorial.basics.12_residual_learning

Residual NetworksによるMNISTデータセットの分類

image_recognition.ILSVRC2012.residual networks.resnet-18

2015年のImageNet Challengeで優勝した画像認識ネットワーク。Residual Networksと呼ばれる構造を持つ。

image_recognition.ILSVRC2012.residual networks.resnet-34

2015年のImageNet Challengeで優勝した画像認識ネットワーク。Residual Networksと呼ばれる構造を持つ。

image_recognition.ILSVRC2012.residual networks.resnet-50

2015年のImageNet Challengeで優勝した画像認識ネットワーク。Residual Networksと呼ばれる構造を持つ。

image_recognition.ILSVRC2012.residual networks.resnet-101

2015年のImageNet Challengeで優勝した画像認識ネットワーク。Residual Networksと呼ばれる構造を持つ。

image_recognition.ILSVRC2012.residual networks.resnet-152

2015年のImageNet Challengeで優勝した画像認識ネットワーク。Residual Networksと呼ばれる構造を持つ。

image_recognition.ILSVRC2012.resnext.resnext-101

Grouped Convolutionを用いたResidual Networks

image_recognition.ILSVRC2012.senet-154

Squeese and Excitationブロックを用いたResNeXt

tutorial.semantic_segmentation.binary_semantic_segmentation_PSPNet-ResNet50

画像のセグメンテーション。PSPNetと呼ばれるネットワーク構造を利用(2クラス分類)。バックボーンはresnet-50を使用。アップサンプリングに線形補完ではなくdeconvolution層を使用。

tutorial.semantic_segmentation.binary_semantic_segmentation_PSPNet-ResNet50_Remodeling

画像のセグメンテーション。PSPNetと呼ばれるネットワーク構造を利用(2クラス分類)。バックボーンはresnet-50を使用。アップサンプリングに線形補完ではなくdeconvolution層を使用。

tutorial.semantic_segmentation.binary_semantic_segmentation_DeepLabV3plus

画像のセグメンテーション。DeepLabV3+と呼ばれるネットワーク構造を利用(2クラス分類)。バックボーンはXceptionを使用。

tutorial.basics.10_deep_mlp

Deep Neural Networks

tutorial.binary_networks.binary_connect_mnist_MLP

重みを2値化することでパラメータを大幅に削減したDNN

tutorial.binary_networks.binary_net_mnist_MLP

重みとデータパスを2値化することでパラメータ、演算量を大幅に削減したDNN

tutorial.binary_networks.binary_weight_mnist_MLP

重みを2値化することでパラメータを大幅に削減したDNN

tutorial.explainable_dl.01_visualize_weight_of_feature

入力特徴量の重み学習により認識結果に影響を及ぼす重要な特徴量の可視化する方法

tutorial.explainable_dl.02_l1_regularization

L1 正則化により認識結果に影響を及ぼす重要な特徴量を可視化する方法

tutorial.explainable_dl.03_attention

Attentionにより、認識のために注目された入力データの箇所を明らかにする方法

classification.iris.iris

あやめデータセットを用いたベクトル分類

tutorial.super_resolution

低解像度の画像を入力し高解像度の画像に出力をする画像超解像のサンプルプロジェクト。

image_generation.mnist_vae

Variational Auto Encoder(VAE)

image_recognition.MNIST.semi_supervised_learning_VAT

VATと呼ばれるテクニックを用いた半教師あり(少ないラベル付きデータを用いた)学習

classification.adult.adult

adultデータセットを用いたベクトル分類

tutorial.NLP.20newsgroups_classification

シンプルなテキストの2クラス分類

tutorial.binary_networks.binary_connect_mnist_MLP

重みを2値化することでパラメータを大幅に削減したDNN

tutorial.binary_networks.binary_connect_mnist_LeNet

重みを2値化することでパラメータを大幅に削減したCNN

tutorial.binary_networks.binary_net_mnist_MLP

重みとデータパスを2値化することでパラメータ、演算量を大幅に削減したDNN

tutorial.binary_networks.binary_net_mnist_LeNet

重みとデータパスを2値化することでパラメータ、演算量を大幅に削減したCNN

tutorial.binary_networks.binary_weight_mnist_MLP

重みを2値化することでパラメータを大幅に削減したDNN

tutorial.recurrent_neural_networks.elman_net

最もシンプルなRecurrent Neural Network

tutorial.recurrent_neural_networks.bidirectional_elman_net

双方向のRecurrent Neural Networks

tutorial.recurrent_neural_networks.elman_net_with_attention

Attention機構を持つRecurrent Neural Network

tutorial.recurrent_neural_networks.gated_recurrent_unit(GRU)

Gated Recurrent Unit(GRU)と呼ばれるRecurrent Neural Networksの構造

tutorial.recurrent_neural_networks.long_short_term_memory(LSTM)

Long Short Term Memory(LSTM)と呼ばれるRecurrent Neural Networksの構造

tutorial.recurrent_neural_networks.LSTM_auto_encoder

LSTMを用いたAuto Encoder

tutorial.recurrent_neural_networks.stacked_GRU

GRUを2回重ねたもの

サンプルプロジェクトを実際にお手元で体験できます

small MNIST

MNIST

ImageNet

CIFAR-10/100

20NewsGroups

sample_CLIP

NNCのCLIPプラグインを利用した、学習不要な画像分類モデルの構築。サンプルデータとして花と料理の画像を用いる。

tutorial.super_resolution

低解像度の画像を入力し高解像度の画像に出力をする画像超解像のサンプルプロジェクト。

tutorial.image_classification.hand-sign

CNNによるグーチョキパー、それ以外の4種の画像を分類。SPRESENSEでのデモ用サンプル

tutorial.image_classification.digits

CNNによる数値画像の11分類。電力計などの数字認識等にも応用できる

synthetic_image.binary_segmentation

tutorial.semantic_segmentation.unetlike_125px

画像のセグメンテーション。U-Netと呼ばれるネットワーク構造を利用(20クラス分類)

tutorial.semantic_segmentation.unetlike_125px_person

画像のセグメンテーション。U-Netと呼ばれるネットワーク構造を利用(2クラス分類)

tutorial.anomaly_detection.sin_wave_anomaly_detection

Auto Encoderを用いてサイン波に含まれるノイズを検出

tutorial.object_detection.synthetic_image_object_detection

円、三角、四角形、五角形を含む人工画像データを用いた物体検出

tutorial.object_detection.synthetic_image_object_detection_centernet

画像中の複数物体の大きさと位置を出力するモデル。CenterNetと呼ばれるネットワーク構造を利用。バックボーンはResNet-18を利用。

wav_keyboard_sound

4つのキーボードのキースイッチの種類(メンブレン、パンタグラフ、メカニカル青軸、メカニカル赤軸)を打音から判別

classification.iris.iris

あやめデータセットを用いたベクトル分類

classification.adult.adult

adultデータセットを用いたベクトル分類

tutorial.basics.01_logistic_regression

最もシンプルな1層のニューラルネットワークによる画像の2クラス分類

tutorial.basics.02_binary_cnn

4層Convolutional Neural Networkによる画像の2クラス分類

tutorial.basics.06_auto_encoder

Auto Encoder

tutorial.basics.10_deep_mlp

Deep Neural Networks

tutorial.basics.11_deconvolution

Convolutional Auto Encoder

tutorial.recurrent_neural_networks.elman_net

最もシンプルなRecurrent Neural Network

tutorial.recurrent_neural_networks.bidirectional_elman_net

双方向のRecurrent Neural Networks

tutorial.recurrent_neural_networks.elman_net_with_attention

Attention機構を持つRecurrent Neural Network

tutorial.recurrent_neural_networks.gated_recurrent_unit(GRU)

Gated Recurrent Unit(GRU)と呼ばれるRecurrent Neural Networksの構造

tutorial.recurrent_neural_networks.long_short_term_memory(LSTM)

Long Short Term Memory(LSTM)と呼ばれるRecurrent Neural Networksの構造

tutorial.recurrent_neural_networks.LSTM_auto_encoder

LSTMを用いたAuto Encoder

tutorial.recurrent_neural_networks.stacked_GRU

GRUを2回重ねたもの

tutorial.explainable_dl.01_visualize_weight_of_feature

入力特徴量の重み学習により認識結果に影響を及ぼす重要な特徴量の可視化する方法

tutorial.explainable_dl.02_l1_regularization

L1 正則化により認識結果に影響を及ぼす重要な特徴量を可視化する方法

tutorial.explainable_dl.03_attention

Attentionにより、認識のために注目された入力データの箇所を明らかにする方法

tutorial.explainable_dl.04_inference_result_at_each_layer

各層の出力結果を可視化する方法

tutorial.explainable_dl.05_MCdropout

ニューラルネットワークによる予測結果の信頼度を可視化する方法

tutorial.basics.12_residual_learning

Residual NetworksによるMNISTデータセットの分類

tutorial.binary_networks.binary_connect_mnist_MLP

重みを2値化することでパラメータを大幅に削減したDNN

tutorial.binary_networks.binary_connect_mnist_LeNet

重みを2値化することでパラメータを大幅に削減したCNN

tutorial.binary_networks.binary_net_mnist_MLP

重みとデータパスを2値化することでパラメータ、演算量を大幅に削減したDNN

tutorial.binary_networks.binary_net_mnist_LeNet

重みとデータパスを2値化することでパラメータ、演算量を大幅に削減したCNN

tutorial.binary_networks.binary_weight_mnist_MLP

重みを2値化することでパラメータを大幅に削減したDNN

image_recognition.MNIST.LeNet

4層Convolutional Neural Networkによる画像の10クラス分類(MNISTデータセット)

image_recognition.MNIST.semi_supervised_learning_VAT

VATと呼ばれるテクニックを用いた半教師あり(少ないラベル付きデータを用いた)学習

image_recognition.FashionMNIST.LeNet

4層Convolutional Neural Networkによる画像の10クラス分類(Fashion MNISTデータセット)

image_generation.mnist_dcgan

Deep Convolutional Generative Adversarial Networks(DCGAN)

image_generation.mnist_dcgan_with_label

Deep Convolutional Generative Adversarial Networks(DCGAN)

image_generation.mnist_vae

Variational Auto Encoder(VAE)

image_recognition.ILSVRC2012.densenet.densenet-161

浅いネットワーク~深いネットワークを同時に表現することでパラメータを削減したCNN

image_recognition.ILSVRC2012.residual networks.resnet-101

2015年のImageNet Challengeで優勝した画像認識ネットワーク。Residual Networksと呼ばれる構造を持つ。

image_recognition.ILSVRC2012.residual networks.resnet-152

2015年のImageNet Challengeで優勝した画像認識ネットワーク。Residual Networksと呼ばれる構造を持つ。

image_recognition.ILSVRC2012.residual networks.resnet-18

2015年のImageNet Challengeで優勝した画像認識ネットワーク。Residual Networksと呼ばれる構造を持つ。

image_recognition.ILSVRC2012.residual networks.resnet-34

2015年のImageNet Challengeで優勝した画像認識ネットワーク。Residual Networksと呼ばれる構造を持つ。

image_recognition.ILSVRC2012.residual networks.resnet-50

2015年のImageNet Challengeで優勝した画像認識ネットワーク。Residual Networksと呼ばれる構造を持つ。

image_recognition.ILSVRC2012.resnext.resnext-101

Grouped Convolutionを用いたResidual Networks

image_recognition.ILSVRC2012.shufflenet.shufflenet-0.5x

シャッフル機構によりパラメータ数と演算量を大幅に削減したCNN

image_recognition.ILSVRC2012.shufflenet.shufflenet-2.0x

シャッフル機構によりパラメータ数と演算量を大幅に削減したCNN

image_recognition.ILSVRC2012.shufflenet.shufflenet

シャッフル機構によりパラメータ数と演算量を大幅に削減したCNN

image_recognition.ILSVRC2012.squeezenet.squeezenet11

ボトルネック構造によりパラメータ数を大幅に削減したCNN

image_recognition.ILSVRC2012.vgg.vgg-11

2013年のImageNet Challengeで優勝した画像認識ネットワーク

image_recognition.ILSVRC2012.vgg.vgg-13

2013年のImageNet Challengeで優勝した画像認識ネットワーク

image_recognition.ILSVRC2012.vgg.vgg-16

2013年のImageNet Challengeで優勝した画像認識ネットワーク

image_recognition.ILSVRC2012.alexnet

2012年のImageNet Challengeで優勝した画像認識ネットワーク

image_recognition.ILSVRC2012.GoogLeNet

2014年のImageNet Challengeで優勝した画像認識ネットワーク

image_recognition.ILSVRC2012.nin

Network in Networksと呼ばれる構造のCNN

image_recognition.ILSVRC2012.senet-154

Squeese and Excitationブロックを用いたResNeXt

image_recognition.CIFAR10.resnet.resnet-110-deepmil

画像認識ラベルのみからの学習で、Localization(画像位置検出)を可能にするネットワーク

image_recognition.CIFAR10.resnet.resnet-110-cutout

画像の一部を塗りつぶす画像の水増し手法を用いることで、汎化性能を向上させるテクニック

image_recognition.CIFAR10.resnet.resnet-110-mixup

2枚の画像を合成する画像の水増し手法を用いることで、汎化性能を向上させるテクニック

image_recognition.CIFAR10.resnet.resnet-110

Residual Networksによる画像分類(CIFAR10データセット)

image_recognition.CIFAR100.resnet.resnet-110

Residual Networksによる画像分類(CIFAR100データセット)

tutorial.NLP.20newsgroups_classification

シンプルなテキストの2クラス分類

tutorial.NLP.20newsgroups_lstm_language_model.sdcproj

LSTMを用いた言語モデルの学習

tutorial.NLP.20newsgroups_transformer_language_model.sdcproj

Transformerを用いた言語モデルの学習

tutorial.NLP.20newsgroups_word_embedding.sdcproj

COBWを用いたWord Embeddingの学習(Word2vec)

tutorial.semantic_segmentation.binary_semantic_segmentation

文字と背景を分離する2値セグメンテーション

tutorial.semantic_segmentation.binary_semantic_segmentation_FCN-VGG16

画像のセグメンテーション。FCNと呼ばれるネットワーク構造を利用(2クラス分類)。バックボーンはVGG16を使用。

tutorial.semantic_segmentation.binary_semantic_segmentation_PSPNet-ResNet50

画像のセグメンテーション。PSPNetと呼ばれるネットワーク構造を利用(2クラス分類)。バックボーンはresnet-50を使用。アップサンプリングに線形補完ではなくdeconvolution層を使用。

tutorial.semantic_segmentation.binary_semantic_segmentation_PSPNet-ResNet50_Remodeling

画像のセグメンテーション。PSPNetと呼ばれるネットワーク構造を利用(2クラス分類)。バックボーンはresnet-50を使用。アップサンプリングに線形補完ではなくdeconvolution層を使用。

tutorial.semantic_segmentation.binary_semantic_segmentation_DeepLabV3plus

画像のセグメンテーション。DeepLabV3+と呼ばれるネットワーク構造を利用(2クラス分類)。バックボーンはXceptionを使用。

サンプルプロジェクトを実際にお手元で体験できます

サンプルプロジェクトを実際にお手元で体験できます

Cloud版ではInternet Explorerには対応していません。
Google Chromeをお使いいただくか、
こちらよりWindows版をダウンロードください

処理中に問題が発生しました。しばらく経ってからもう一度実行してください。

サインインアカウントの選択

Neural Network Consoleで利用するアカウントを選択してください。
Google、Sonyどちらのアカウントでも同様の機能が利用できます。