並び順

ブックマーク数

期間指定

  • から
  • まで

241 - 280 件 / 675件

新着順 人気順

Kerasの検索結果241 - 280 件 / 675件

  • Keras Cheat Sheet: Neural Networks in Python

    Make your own neural networks with this Keras cheat sheet to deep learning in Python for beginners, with code samples. Keras is an easy-to-use and powerful library for Theano and TensorFlow that provides a high-level neural networks API to develop and evaluate deep learning models. We recently launched one of the first online interactive deep learning course using Keras 2.0, called "Deep Learning

    • 機械学習入門者がKerasでマルチレイヤーパーセプトロンのサンプルを読む

      こんにちは。 GMOアドマーケティング、機械学習入門者のT.Mです。 はじめに ゼロから作るDeep Learningを読み終え、 実際に何か作るにあたって何をしたらよいか調べていたところ ニューラルネットワークのライブラリであるKerasを知り触ってみました。 いきなりKerasのサンプルソースを見てもさっぱり分からなかったので、 ゼロから作るDeep Learningで学習した内容とKerasドキュメントを参照しながら 見ていきたいと思います。 Kerasについて Kerasについては公式ドキュメントを参照ください。 TensorFlow上で動く、ニューラルネットワークをより簡単に書けるようにした ライブラリという認識です。 サンプルソース Keras公式のサンプルソースから、 ゼロから作るDeep Learningでも5章までガッツリと書かれていたMLP(マルチレイヤーパーセプトロン

        機械学習入門者がKerasでマルチレイヤーパーセプトロンのサンプルを読む
      • Kerasの使い方まとめ【入門者向け】

        こんにちは。sinyです。 この記事ではディープラーニングのライブラリの1つであるKerasの基本的な使い方について記載しています。 今のところはディープラーニング設計でKerasを利用しているのですが、たびたび利用方法を忘れていしまうことが多々あるため、備忘録としてKerasでよく扱う機能について使い方をまとめます。 この記事については、Kerasの使い方を随時更新していきます。 (2020/4/5更新) Kerasの基本構成 ワークフレームの方式 ディープラーニング開発のフレームワークにはいろいろな種類がありますが、Kerasは「Define-and-run」と呼ばれる方式のフレームワークです。 これは、ニューラルネットワークモデル構成を定義してからデータを投入するという方式です。 ディープラーニング開発のワークフレームには「Define-by-Run方式」というものもあります。 これ

          Kerasの使い方まとめ【入門者向け】
        • Stateful LSTM in Keras

          The idea of this post is to provide a brief and clear understanding of the stateful mode, introduced for LSTM models in Keras. If you have ever typed the words lstm and stateful in Keras, you may have seen that a significant proportion of all the issues are related to a misunderstanding of people trying to use this stateful mode. This post attempts to give insight to users on how to use for their

            Stateful LSTM in Keras
          • Regression Tutorial with the Keras Deep Learning Library in Python - MachineLearningMastery.com

            Keras is a deep learning library that wraps the efficient numerical libraries Theano and TensorFlow. In this post, you will discover how to develop and evaluate neural network models using Keras for a regression problem. After completing this step-by-step tutorial, you will know: How to load a CSV dataset and make it available to Keras How to create a neural network model with Keras for a regressi

              Regression Tutorial with the Keras Deep Learning Library in Python - MachineLearningMastery.com
            • How to Use the TimeDistributed Layer in Keras - MachineLearningMastery.com

              Long Short-Term Networks or LSTMs are a popular and powerful type of Recurrent Neural Network, or RNN. They can be quite difficult to configure and apply to arbitrary sequence prediction problems, even with well defined and “easy to use” interfaces like those provided in the Keras deep learning library in Python. One reason for this difficulty in Keras is the use of the TimeDistributed wrapper lay

                How to Use the TimeDistributed Layer in Keras - MachineLearningMastery.com
              • SSD(Keras / TensorFlow)でディープラーニングによる動画の物体検出を行う - Qiita

                やったこと 前回に引き続き、動画の物体検出を行いました。 今回はアルゴリズムを変えて、SSDという物体検出アルゴリズムを使用しています。 (動画はPIXELS VIDEOSよりCCライセンスの動画を使用しました。) SSD(Single Shot MultiBox Detector)とは 論文はこちら(2016年)。 前回使用したYOLO(You only look once)アルゴリズムと同じく、畳み込みニューラルネットワーク(CNN:Convolutional Neural Network)を用いた物体検出アルゴリズムです。 他のシングルステージ方式と比較して、入力画像サイズが小さくてもSSDの精度ははるかに優れています。 Compared to other single stage methods, SSD has much better accuracy, even with a

                  SSD(Keras / TensorFlow)でディープラーニングによる動画の物体検出を行う - Qiita
                • Neural Style Transfer: Creating Art with Deep Learning using tf.keras and eager execution

                  Posted by Raymond Yuan, Software Engineering Intern In this tutorial, we will learn how to use deep learning to compose images in the style of another image (ever wish you could paint like Picasso or Van Gogh?). This is known as neural style transfer! This is a technique outlined in Leon A. Gatys’ paper, A Neural Algorithm of Artistic Style, which is a great read, and you should definitely check i

                    Neural Style Transfer: Creating Art with Deep Learning using tf.keras and eager execution
                  • Keras + RNN(GRU) to handle passbands as timeseries

                    Explore and run machine learning code with Kaggle Notebooks | Using data from PLAsTiCC Astronomical Classification

                    • 超簡単 Kerasで複数Input統合モデル - Qiita

                      Kerasで複数の情報を入力して、途中で結合する方法を紹介します。 この方法は、例えば以下のように画像とテキストを使って予測モデルを作る場合などに有効です。リンク先参考。 ImageDataGeneratorを使いつつ統合する方法は、記事「KerasのImageDataGeneratorを使いつつ複数Input統合モデル」を参照ください。 処理概要 以前、記事「【Keras入門(1)】単純なディープラーニングモデル定義」で紹介した以下の図の配列dataを2つに分解して統合するモデルにしてみます。 処理プログラム プログラム全体はGitHubを参照ください。 ※なぜか直接GitHubで見られずに、nbviewerなら参照できました。nbviewerにhttps://github.com/YoheiFukuhara/keras-for-beginner/blob/master/Keras09_

                        超簡単 Kerasで複数Input統合モデル - Qiita
                      • Understanding emotions — from Keras to pyTorch

                        Detecting emotions, sentiments & sarcasm is a critical element of our natural language understanding pipeline at HuggingFace 🤗. Recently, we have switched to an integrated system based on a NLP model from the MIT Media Lab. Update: We’ve open sourced it! Repo on GitHub The model was initially designed in TensorFlow/Theano/Keras, and we ported it to pyTorch. Compared to Keras, pyTorch gives us mor

                          Understanding emotions — from Keras to pyTorch
                        • Deep learningで画像認識⑦〜Kerasで畳み込みニューラルネットワーク vol.3〜

                          DeepLearningで画像分類というと、万単位の大量の画像を学習させる必要があるイメージがあるかもしれませんが、少ない画像数でもDeepLearningで分類が可能となる方法があります。その1つの方法が画像データの水増し(データ拡張:Data Augmentation)です。 Kerasでは、「ImageDataGenerator」というクラスが用意されており、元画像に移動、回転、拡大・縮小、反転などの人為的な操作を加えることによって、画像数を増やすことができます(もちろん、元画像によく似た画像になる点は否めないため、過学習ぎみになる不安は拭いきれません)。 下に示すように、17種類の操作項目がありますが、今回は回転や水平方向のフリップ等、3項目のみ使用しました。下に示す最初の4項目は、画像の正規化の方法を意味しており、画像の前処理としてかなり重要ですが、今回はこのクラスを使用せずに自

                            Deep learningで画像認識⑦〜Kerasで畳み込みニューラルネットワーク vol.3〜
                          • Time Series Prediction with Deep Learning in Keras - MachineLearningMastery.com

                            Time Series prediction is a difficult problem both to frame and address with machine learning. In this post, you will discover how to develop neural network models for time series prediction in Python using the Keras deep learning library. After reading this post, you will know: About the airline passengers univariate time series prediction problem How to phrase time series prediction as a regress

                              Time Series Prediction with Deep Learning in Keras - MachineLearningMastery.com
                            • Detecting COVID-19 in X-ray images with Keras, TensorFlow, and Deep Learning - PyImageSearch

                              Deep Learning Keras and TensorFlow Medical Computer Vision Tutorials by Adrian Rosebrock on March 16, 2020 In this tutorial, you will learn how to automatically detect COVID-19 in a hand-created X-ray image dataset using Keras, TensorFlow, and Deep Learning. Like most people in the world right now, I’m genuinely concerned about COVID-19. I find myself constantly analyzing my personal health and wo

                                Detecting COVID-19 in X-ray images with Keras, TensorFlow, and Deep Learning - PyImageSearch
                              • GitHub - matthiasplappert/keras-rl: Deep Reinforcement Learning for Keras.

                                You signed in with another tab or window. Reload to refresh your session. You signed out in another tab or window. Reload to refresh your session. You switched accounts on another tab or window. Reload to refresh your session. Dismiss alert

                                  GitHub - matthiasplappert/keras-rl: Deep Reinforcement Learning for Keras.
                                • GitHub - philipperemy/keras-attention: Keras Attention Layer (Luong and Bahdanau scores).

                                  You signed in with another tab or window. Reload to refresh your session. You signed out in another tab or window. Reload to refresh your session. You switched accounts on another tab or window. Reload to refresh your session. Dismiss alert

                                    GitHub - philipperemy/keras-attention: Keras Attention Layer (Luong and Bahdanau scores).
                                  • [Python]KerasをTensorFlowから,TensorFlowをc++から叩いて実行速度を上げる - Qiita

                                    はじめに 深層学習は学習自体に時間がかかるのはもちろんのこと,訓練済み学習モデルを走らせる際にもそれなりに時間がかかります.しかし,SSD(Single Shot MultiBox Detector)等でリアルタイム物体認識をさせたい!とか,DQN(DeepQNetwork)等で強化学習したAIと人とでリアルタイムアクション対戦ゲームをさせたいといった際には,モデル実行のリアルタイム性がかなり重要になってきます. いいPC買え!といえばそれまでですがそんなお金もないですし,ノートPC等でポータブルに実行したいということもあるでしょう.そこで今回はKeras(TensorFlow)をいかに高速に実行するかについて考えていきます. 実行環境 Python3.5.2 Keras 1.2.1 tensorflow 1.0.0 MacBookPro(Late 2013) 高速化 ではやっていきましょ

                                      [Python]KerasをTensorFlowから,TensorFlowをc++から叩いて実行速度を上げる - Qiita
                                    • 【Ubuntu】TensorflowやKerasをGPUで動かす方法

                                      こんにちは。のっくん(@yamagablog)です。 最近はAIブームですので、ディープラーニングをやってみたい!って人が増えています。 ディープラーニングは普通にパソコンでも動きますが、めちゃくちゃ時間がかかります。 そこでNVIDIA社などが出しているGPUという部品を使うことで処理を高速化します。 GPUを使うことで処理時間が10倍ほど速くなりますので、例えばCPUで240分かかっていたディープラーニングを24分で終わらせることができます。 ディープラーニングを動かすにはPythonのKerasやTensorFlowなどのライブラリを使います。ライブラリは、ディープラーニングを動かすために必要な機能が全部入ったソフトウェアのことです。 ライブラリを使うことでディープラーニングの細かな仕組みを全く知らなくても誰でもディープラーニングを動かすことができます。 この記事では、GPUを使って

                                        【Ubuntu】TensorflowやKerasをGPUで動かす方法
                                      • 深層学習全部入りコンテナ(Keras/TensorFlow/Chainer/Pytorch/Open AI Gym/Anaconda)で、nividia-dockerを使う - Qiita

                                        Deleted articles cannot be recovered. Draft of this article would be also deleted. Are you sure you want to delete this article?

                                          深層学習全部入りコンテナ(Keras/TensorFlow/Chainer/Pytorch/Open AI Gym/Anaconda)で、nividia-dockerを使う - Qiita
                                        • Keras:VGG16、VGG19とかってなんだっけ?? - Qiita

                                          新たなSSDモデルを作成して検出精度(val_lossとval_acc)と性能(fps)について知見を得たいと思います。 今回は、そもそもVGG16とかVGG19ってどんな性能なのか調査・検証しました。 ###VGGの名前の由来が気になって、ちょっとググってみました。 ※今回これが一番価値ある知識かも ・SONY Neural Network Console でミニ VGGnet を作るによれば、 「名前の由来は、VGGチームが作った、畳み込み13層+全結合層3層=16層のニューラルネットワークということで、VGG-16となっているそうです。」 だそうです(笑) そして、オリジナルは以下のようです。 ・Visual Geometry Group Department of Engineering Science, University of Oxford 因みに、VGG16は、Caffe-

                                            Keras:VGG16、VGG19とかってなんだっけ?? - Qiita
                                          • TensorflowとKeras、PyTorchの比較

                                            1. Tensorflow、Keras、PyTorch Tensorflowと Keras、PyTorchは現代の深層学習でよく使用されるトップクラスのフレームワークです。どんな場合に、どのフレームワークを用いたらよいのか迷うことはあるでしょう。本記事では、Tensorflow、Keras、PyTorchを比較することで、それらのフレームワークの有効な使用方法について記載します。 2. それぞれのフレームワークの概要 比較に入る前に、それぞれのフレームワークの由来や特徴を知っておきましょう。 2.1. Tensorflow Tensorflowはエンドツーエンドかつオープンソースの深層学習のフレームワークであり、Googleによって2015年に開発・公開されました。 今回比較する3つのフレームワークの中で最もドキュメントが多く、トレーニングのサポートもしています。それだけでなく、Tenso

                                              TensorflowとKeras、PyTorchの比較
                                            • 🔥 Latest Deep Learning OCR with Keras and Supervisely in 15 minutes | HackerNoon

                                              Too Long; Didn't ReadHello world. This tutorial is a gentle introduction to building modern text recognition system using deep learning in 15 minutes. It will teach you the main ideas of how to use <a href="https://keras.io/" target="_blank">Keras</a> and <a href="https://supervise.ly/" target="_blank">Supervisely</a> for this problem. This guide is for anyone who is interested in using Deep Learn

                                                🔥 Latest Deep Learning OCR with Keras and Supervisely in 15 minutes | HackerNoon
                                              • Resnet-152 pre-trained model in Keras

                                                readme.md ResNet-152 in Keras This is an Keras implementation of ResNet-152 with ImageNet pre-trained weights. I converted the weights from Caffe provided by the authors of the paper. The implementation supports both Theano and TensorFlow backends. Just in case you are curious about how the conversion is done, you can visit my blog post for more details. ResNet Paper: Deep Residual Learning for Im

                                                  Resnet-152 pre-trained model in Keras
                                                • Keras - Qiita Advent Calendar 2017 - Qiita

                                                  About reserved postingIf you register a secret article by the day before the same day, it will be automatically published around 7:00 on the same day. About posting periodOnly articles submitted after November 1 of the year can be registered. (Secret articles can be registered anytime articles are posted.)

                                                    Keras - Qiita Advent Calendar 2017 - Qiita
                                                  • Image Augmentation for Deep Learning using Keras and Histogram Equalization

                                                    In this post we’ll go over: Image Augmentation: What is it? Why is it important?Keras: How to use it for basic Image Augmentation.Histogram Equalization: What is it? How is it useful?Implementing Histogram Equalization Techniques: one way to modify the keras.preprocessing image.py file.Image Augmentation: What is it? Why is it important?Deep Neural Networks, particularly Convolutional Neural Netwo

                                                      Image Augmentation for Deep Learning using Keras and Histogram Equalization
                                                    • Keras チュートリアル - Qiita

                                                      # encoding: utf-8 from keras.datasets import mnist from keras.models import Sequential from keras.layers.core import Dense, Activation from keras.utils import np_utils # kerasのMNISTデータの取得 (X_train, y_train), (X_test, y_test) = mnist.load_data() # 配列の整形と,色の範囲を0-255 -> 0-1に変換 X_train = X_train.reshape(60000, 784) / 255 X_test = X_test.reshape(10000, 784) / 255 # 正解ラベルをダミー変数に変換 y_train = np_utils.to_

                                                        Keras チュートリアル - Qiita
                                                      • KerasでLSTM AutoEncoderを実装する - Qiita

                                                        1.はじめに この記事はKerasのLSTMのフィードフォワードをnumpyで実装するの続きみたいなものです. KerasでLSTM AutoEncoderを実装し,得られた特徴量から2値分類を試します. データは,周波数の異なる2つのsin波を生成し,それを識別します. 2.環境 Python 3.6.1 :: Anaconda 4.4.0 (64-bit) Keras 2.0.5 (backend : tensorflow) 3.データの作成 3.1 概要 データの生成は以下の記事を参考にしています.ありとうございます. 深層学習ライブラリKerasでRNNを使ってsin波予測 RNNにsin波を学習させて予測してみた 今回は2値分類をするため,データの生成方法を少し変更しています. 周波数の異なるsin波を二つ準備し,それを識別させます. 3.2 コード 今回使うデータを生成するコー

                                                          KerasでLSTM AutoEncoderを実装する - Qiita
                                                        • GitHub - raghakot/keras-vis: Neural network visualization toolkit for keras

                                                          You signed in with another tab or window. Reload to refresh your session. You signed out in another tab or window. Reload to refresh your session. You switched accounts on another tab or window. Reload to refresh your session. Dismiss alert

                                                            GitHub - raghakot/keras-vis: Neural network visualization toolkit for keras
                                                          • Kerasが2.0にアップデートされました。 - Qiita

                                                            Python向けディープラーニング・フレームワークのKerasが2.0にアップデートしました。 https://blog.keras.io/introducing-keras-2.html 今回は2.0のアップデート情報と、プログラムの書き方の変更箇所をおおまかにまとめていきます。 加えてKeras1.2とKeras2.0の違いをCifar10で比較してみたいと思います。 アップデートによる変更箇所 変更内容を掻い摘んで訳していきます。 即興で意訳してます、間違いが合ったらご指摘くださいm(_ _)m。 TensorFlow連携 KerasのバックエンドとしてTensorFlowを2015年12月からサポートしていましたが、TensorFlowのコードベースからKeras APIは隔離していました。 Keras2.0ではTensorFlow1.2ベースで直接呼び出し可能なAPIを提供します

                                                              Kerasが2.0にアップデートされました。 - Qiita
                                                            • Kerasで画像分類~前処理から分類テストまで~ - Qiita

                                                              Deleted articles cannot be recovered. Draft of this article would be also deleted. Are you sure you want to delete this article?

                                                                Kerasで画像分類~前処理から分類テストまで~ - Qiita
                                                              • kerasのmnistのサンプルを読んでみる - Qiita

                                                                最近流行のDeepLearningを触ってみたいと思っていたところ、まずはkerasでmnistを動かしてみるのがよいとアドバイスいただいたので試してみました。 とりあえず動いたものの、pythonの知識もほとんどなく、機械学習も初心者なので、コードを見てもよく分からん。ということで、気になるところを調べてみました。同じような方の参考になれば幸いです。 Kerasとは Kerasは,Pythonで書かれた,TensorFlowまたはCNTK,Theano上で実行可能な高水準のニューラルネットワークライブラリです. Kerasは,迅速な実験を可能にすることに重点を置いて開発されました. アイデアから結果に到達するまでのリードタイムをできるだけ小さくすることが,良い研究をするための鍵になります. TensorFlowやTheanoの知識がなくても、手軽に深層学習を試すことが出来るライブラリっぽ

                                                                  kerasのmnistのサンプルを読んでみる - Qiita
                                                                • Kerasによる、ものすごくシンプルな深層学習の例 - Qiita

                                                                  Register as a new user and use Qiita more conveniently You get articles that match your needsYou can efficiently read back useful informationYou can use dark themeWhat you can do with signing up

                                                                    Kerasによる、ものすごくシンプルな深層学習の例 - Qiita
                                                                  • How to Visualize Your Recurrent Neural Network with Attention in Keras

                                                                    Neural networks are taking over every part of our lives. In particular — thanks to deep learning — Siri can fetch you a taxi using your voice; and Google can enhance and organize your photos automagically. Here at Datalogue, we use deep learning to structurally and semantically understand data, allowing us to prepare it for use automatically. Neural networks are massively successful in the domain

                                                                      How to Visualize Your Recurrent Neural Network with Attention in Keras
                                                                    • 【レポート】Recap of TensorFlow DEV SUMMIT 2017 〜API安定!Keras公式サポート!高速化!期待が集まったver1.0とは? | AI専門ニュースメディア AINOW

                                                                      HOMEAINOW編集部【レポート】Recap of TensorFlow DEV SUMMIT 2017 〜API安定!Keras公式サポート!高速化!期待が集まったver1.0とは? 最終更新日: 2017年7月3日 AINOW編集部です。今回は、TensorFlow User Group Tokyoさんが主催の「TensorFlow DEV SUMMIT 2017」の振り返りイベントの様子をお届けします。会場は六本木ヒルズのGoogleオフィスでした。 TensorFlow User Group Tokyoのイベントは大注目ですぐに定員が埋まってしまいますよね。

                                                                        【レポート】Recap of TensorFlow DEV SUMMIT 2017 〜API安定!Keras公式サポート!高速化!期待が集まったver1.0とは? | AI専門ニュースメディア AINOW
                                                                      • gensimを使ってKerasのEmbedding層を取得する - Ahogrammer

                                                                        2017/06/21にリリースされた gensim 2.2.0 から Keras との統合機能が導入されました。 具体的には、Word2vec の Keras 用ラッパが導入されました。 これにより、gensim で分散表現を学習した後に、その重みを初期値として設定した Keras の Embedding層を取得できるようになりました。 本記事では、実際に gensim の Keras 統合機能を試してどのようなものなのか確認してみたいと思います。 実装 今回は、Word2vec の Keras 用ラッパーを使って、モデルを実装していきたいと思います。 具体的には 20NewsGroupsデータセットを用いて文書分類タスクに使用する例を示します。 以下の手順で実装していきます。 必要なライブラリのインストール Word2vec の学習と Embedding層の取得 モデルの構築 インストー

                                                                          gensimを使ってKerasのEmbedding層を取得する - Ahogrammer
                                                                        • Deeplearningライブラリ「Keras」でつまずいたこと - 備忘録とか日常とか

                                                                          DeeplearningライブラリのKerasを使っているときにはまったことをいくつかメモ。 ほぼ自分用かもしれない 今までTheanoを使ってアルゴリズムの勉強かついろいろ実験していたのだが、 勉強にはなるものの一から新しいアルゴリズムを実装するのはなかなかしんどいので Theanoのラッパーとして使えるKerasを使ってみた 他にも色々あるっぽいけど評判良さそうなので。。 そのうち浮気するかもしれん ちょっと使って見たところ、何個か細かい点でつまずいたのでメモしておく。 バックエンドはTheanoしか使っていないのでTensorflowについてはわかりません ラベルはバイナリベクトルで扱う まずこれ。 keras.datasetsからmnistなどのデータセットを取ってこれる。 mnistの場合だと以下 import keras.datasets import mnist (X_tra

                                                                            Deeplearningライブラリ「Keras」でつまずいたこと - 備忘録とか日常とか
                                                                          • 【Keras入門(1)】単純なディープラーニングモデル定義 - Qiita

                                                                            入門者に向けてKerasの初歩を解説します。 Google Colaboratoryを使っているのでローカルでの環境準備すらしていません。Google Colaboratoryについては「Google Colaboratory概要と使用手順(TensorFlowもGPUも使える)」の記事を参照ください。 以下のシリーズにしています。 【Keras入門(1)】単純なディープラーニングモデル定義 <- 本記事 【Keras入門(2)】訓練モデル保存(KerasモデルとSavedModel) 【Keras入門(3)】TensorBoardで見える化 【Keras入門(4)】Kerasの評価関数(Metrics) 【Keras入門(5)】単純なRNNモデル定義 【Keras入門(6)】単純なRNNモデル定義(最終出力のみ使用) 【Keras入門(7)】単純なSeq2Seqモデル定義 使ったPyth

                                                                              【Keras入門(1)】単純なディープラーニングモデル定義 - Qiita
                                                                            • MXNet1つでChainerやKerasやTensorFlowのように書けるらしい - HELLO CYBERNETICS

                                                                              MXNet MXNetはコンピュータ・サイエンスの名門大学、カーネギーメロン大学が主体となって開発しているディープラーニングのフレームワークです。 注目すべきはその豊富な対応言語で、多くのフレームワークが採用しているPythonはもちろん、データ解析に向いているR言語や、科学技術計算に向いていると注目されるJulia、他にもC++、Perl、Scalaなどにも対応しています。 これらの言語はMXNetを使ってネットワークの構築と学習を行うために使うことができ(もちろん予測器としても使えますが)、その後、jsonなどで保存したモデルとバイナリで保存したパラメータを使って、MatlabやJavascriptなどで予測器とインポートすることが可能なようです。 少しだけMXNetを触ってみて 前々から名前は知っていましたが、KerasがMXNetをバックエンドで用いること(現在はKeras1.2.

                                                                                MXNet1つでChainerやKerasやTensorFlowのように書けるらしい - HELLO CYBERNETICS
                                                                              • はじめての Deep Learning - Keras で MLP for MNIST

                                                                                動機はさておき、こちらのエントリ を読んで気になっていた Keras を触ってみたのでメモ。自分は機械学習にも Python にも触れたことはないので、とりあえず、サンプルコードを読み解きながら、誰しもが通るであろう(?)MNIST データセットの識字をやってみた。表題の通り、用いたモデルは MLP(Multi-Layer Perceptron)。また、今回描いたコードには丁寧にコメントをつけたつもりなので、同じことをやろうとしている方の手助けになれば幸いです🙏 Keras http://keras.io/ja Keras は最小限で記述できる,モジュール構造に対応しているニューラルネットワークのライブラリです。Pythonによって記述されており、TensorflowやTheanoに対応しています。 革新的な研究、開発を行うためにはアイデアから結果まで最小限の時間で行うことが求められます

                                                                                  はじめての Deep Learning - Keras で MLP for MNIST
                                                                                • Keras with GridSearchCVでパラメータ最適化自動化 - Qiita

                                                                                  KerasでGridSearchCVをしてみた 機械学習のモデル精度はパラメータに左右されます。 モデル構築時に活性化関数や最適化アルゴリズム、中間層のユニット数等々、多数のパラメータを設定しますが、その時設定したパラメータが最適なものかは、トレーニングして実用してみるまでわかりません。 しかし機械学習の魅力は自動的に最適なモデルが生成されることです。 であれば、パラメータも自動的に最適化されても良いじゃないか!と思うわけです。 Pythonの機械学習で有名なscikit-learnにはGridsearchcvというモデル選択とパラメータチューニングまで可能なライブラリがあります。 実はKerasはscikit-learnをラッパーしており、GridsearchcvをKerasのモデル構築時に使用することができます。 というわけで、早速KerasのGridsearchcvしてみましょう。

                                                                                    Keras with GridSearchCVでパラメータ最適化自動化 - Qiita