並び順

ブックマーク数

期間指定

  • から
  • まで

81 - 105 件 / 105件

新着順 人気順

Kerasの検索結果81 - 105 件 / 105件

  • Hyperparameter tuning with Keras Tuner

    https://blog.tensorflow.org/2020/01/hyperparameter-tuning-with-keras-tuner.html https://blogger.googleusercontent.com/img/b/R29vZ2xl/AVvXsEj0alAj351oTuthCR4_0WQem2uZnPOwrXNI9x1i-eIcaubTlY8WxKjWEKvUftTnJg4Ov3XUgHgDjhmxjdJLxnkX6hhtlagu_fQfTZtNFTu9dfvvoZf8_IMHDiVIya2XpDS0U4DqLx9tGKO9/s1600/pasted+image+0.png January 29, 2020 — Posted by Tom O’Malley The success of a machine learning project is often

      Hyperparameter tuning with Keras Tuner
    • AttributeError: module 'tensorflow' has no attribute 'get_default_graph · Issue #12379 · keras-team/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

        AttributeError: module 'tensorflow' has no attribute 'get_default_graph · Issue #12379 · keras-team/keras
      • OCR with Keras, TensorFlow, and Deep Learning - PyImageSearch

        PyImageSearch You can master Computer Vision, Deep Learning, and OpenCV - PyImageSearch In this tutorial, you will learn how to train an Optical Character Recognition (OCR) model using Keras, TensorFlow, and Deep Learning. This post is the first in a two-part series on OCR with Keras and TensorFlow: Part 1: Training an OCR model with Keras and TensorFlow (today’s post)Part 2: Basic handwriting rec

          OCR with Keras, TensorFlow, and Deep Learning - PyImageSearch
        • SentencePiece + 日本語WikipediaのBERTモデルをKeras BERTで利用する

          SentencePiece + 日本語WikipediaのBERTモデルをKeras BERTで利用する TL;DR Googleが公開しているBERTの学習済みモデルは、日本語Wikipediaもデータセットに含まれていますが、Tokenizeの方法が分かち書きを前提としているため、そのまま利用しても日本語の分類問題ではあまり高い精度を得ることができません。 このため、SentencePieceでTokenizeしたデータセットで学習し直す必要があります。 BERTのトレーニングは結構な時間やマシンリソースが必要ですが、ありがたいことにSentencePiece+日本語Wikipediaで学習済みのモデルを配布してくれている方がいらっしゃるので、今回は以下を利用します。 BERT with SentencePiece を日本語 Wikipedia で学習してモデルを公開しました BERT

          • Keras を使わずに TensorFlow 2 を使い素朴な全層結合ニューラルネットワークを作る - A Day in the Life

            TensorFlow では、高レベルAPIであるKerasを使うことで、簡単にニューラルネットワークのモデル作成~訓練、その他NNで行いたい様々なことを実現できる。しかしながら、自分のようなNN初心者にとっては何をやってるか解らないで使ってしまっていたため、簡単な順伝播型のNNを、Keras を使わず TensorFlow の API のみを用いて実装する。 なおこの記事は、ゼロから作るDeep Learningを参考に実装している。また、自分で理解するための忘備録的に残しており、きちんと理解したい人書籍ゼロから作るDeep Learningと、TensorFlow ガイドを読んだほうが良いであろう。また、この記事の元の jupyter notebookはこちら。 一通り手を動かして自分で作ってみることで、どの関数がどう影響するのか、訓練を手動でやるとどんな感じなのか、自動微分とその使い方

            • tensorflow2.0 + kerasでGPUメモリの使用量を抑える方法 - Qiita

              解説 tensorflowは普通に使うとGPUメモリを取れるだけ取りにいっちゃいます。大きいモデルを1つだけ学習するならそれでも良いんですが、小さいモデルで学習する場合もガッツリメモリをもっていかれるのがイマイチです。例えばmnistを隠れ層128ノード1層で学習してもこんな感じになっちゃいます。 こんなに必要なわけないので、最小限だけ使うように設定します。 tensorflow1系 tensorflow1系を使ってた頃はkerasとtensorflowが別packageだったので、keras.backend.set_session()の引数にtf.Session(config=hoge)を渡すことでコントロールしてました。 from keras import backend as K config = tf.ConfigProto() config.gpu_options.allow_g

                tensorflow2.0 + kerasでGPUメモリの使用量を抑える方法 - Qiita
              • Amazon.co.jp: scikit-learn、Keras、TensorFlowによる実践機械学習 第2版: Aurélien Géron (著), 長尾高弘 (翻訳), 下田倫大 (監修): 本

                  Amazon.co.jp: scikit-learn、Keras、TensorFlowによる実践機械学習 第2版: Aurélien Géron (著), 長尾高弘 (翻訳), 下田倫大 (監修): 本
                • GitHub - sksq96/pytorch-summary: Model summary in PyTorch similar to `model.summary()` in 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.

                    GitHub - sksq96/pytorch-summary: Model summary in PyTorch similar to `model.summary()` in Keras
                  • Turning any CNN image classifier into an object detector with Keras, TensorFlow, and OpenCV - PyImageSearch

                    Deep Learning Keras and TensorFlow Object Detection Tutorials by Adrian Rosebrock on June 22, 2020 In this tutorial, you will learn how to take any pre-trained deep learning image classifier and turn it into an object detector using Keras, TensorFlow, and OpenCV. Today, we’re starting a four-part series on deep learning and object detection: Part 1: Turning any deep learning image classifier into

                      Turning any CNN image classifier into an object detector with Keras, TensorFlow, and OpenCV - PyImageSearch
                    • Python: Keras で AutoEncoder を書いてみる - CUBE SUGAR CONTAINER

                      今回はニューラルネットワークのフレームワークの Keras を使って AutoEncoder を書いてみる。 AutoEncoder は入力になるべく近い出力をするように学習したネットワークをいう。 AutoEncoder は特徴量の次元圧縮や異常検知など、幅広い用途に用いられている。 使った環境は次の通り。 $ sw_vers ProductName: Mac OS X ProductVersion: 10.14.6 BuildVersion: 18G95 $ python -V Python 3.7.4 下準備 まずは必要なパッケージをインストールしておく。 $ pip install keras tensorflow matplotlib 中間層が一層の AutoEncoder Keras の Sequential API を使って実装した最も単純な AutoEncoder のサンプ

                        Python: Keras で AutoEncoder を書いてみる - CUBE SUGAR CONTAINER
                      • Keras-rlでゲームをプレイする強化学習AIを作る! - Qiita

                        概要 pygameでボール反射ゲームを作ったので、このゲームをAIでプレイさせようと思います。 自分で操作しているボール反射ゲーム↓ 環境 windows10 Python(Anaconda) ライブラリインストール AnacondaのCMD.exePromptを起動してcondaとpipで必要なライブラリをインストールしましょう。 conda install tensorflow conda install keras pip install gym pip install keras-rl pip install keras-rl2 Keras-rlとOpenAIgym Keras-rl 深層学習用ライブラリであるkerasを用いて、深層強化学習のアルゴリズムを実装したライブラリ。 OpenAIgym 強化学習アルゴリズムの開発と評価のためのプラットフォーム。 強化学習では「エージェン

                          Keras-rlでゲームをプレイする強化学習AIを作る! - Qiita
                        • Kerasで最短(?)LSTM実装 - 雑記 in hibernation

                          RNNのチュートリアルとして、LSTMによる時系列予測モデルをKerasにて実装しました。 多分これが必要最低限の実装だと思います。 備忘録として記録しておきます。 1. LSTMとは LSTMは再帰型ニューラルネットワークであるRNNのバリエーションの一つで、主に時系列予測などの連続的なデータの処理に利用されます。原理の詳しい解説はここではしません。というかできません。 原理の解説記事はググるといっぱい出てきますが、特に以下のリンク先が参考になりそうでした。 LSTMネットワークの概要 - Qiita LSTM (Long short-term memory) 概要 LSTMのネットワークそのものはKerasを使えば割とあっさり実現できてしまいます。初めてLSTMを実装するにあたっては、モデルそれ自体よりも時系列処理のためのデータ分割や前処理がポイントになるかと思います。その辺りについて

                            Kerasで最短(?)LSTM実装 - 雑記 in hibernation
                          • Keras / TensorFlow-GPU環境の作成(Windows編)|infohub – Development

                            使用環境 KerasとTensorFlow-GPUを導入する環境は次の通りです。なお、Anacondaなど基本的なソフトウェアはインストールが完了していることを前提にした手順になっています。 CPU: Intel Core i7-7700K GPU: nVIDIA GeForce GTX 1080(最新のドライバもインストール済み) Windows 10 Pro (64bit) Anaconda 2018.12 Python 3.7 version (64bit) GPU版のTensorFlowを利用するには、CUDAが利用できるGPUカードが必要になります。対応したGPUカードが無い場合は、GPUを利用しない通常のTensorFlowを利用する事になります。(以下手順の tensorflow-gpu を tensorflow と読み替えていただけると、CPU版のKeras & Tenso

                              Keras / TensorFlow-GPU環境の作成(Windows編)|infohub – Development
                            • Keras のモデルを使って推論できる frugally-deep を試してみた。

                              はじめに C++ ヘッダオンリーのライブラリが大好きなので、しばしば色々なライブラリを探索する趣味があるのですが、frugally-deep というライブラリを見つけたので試してみました。 frugally-deep とは モダンでピュアな C++ で書かれた小さなヘッダーのみのライブラリ 非常に簡単に統合して使うことができる FunctionalPlus、Eigen、json にのみ依存しており、これらもヘッダーオンリー 逐次モデルだけでなく、関数型 API で作成された、より複雑なトポロジー計算グラフの推論(model.predict)もサポート TensorFlow の(小さな)サブセット、つまり予測をサポートするために必要な操作を再実装している TensorFlow をリンクするよりもはるかに小さいバイナリサイズ 32ビットの実行ファイルにコンパイルしても動作 システムの中で最も強

                                Keras のモデルを使って推論できる frugally-deep を試してみた。
                              • PyTorchとJAXに対応したKeras3でMNISTを試す|はまち

                                バックボーンのフレームワークを、従来のTensorFlowから、デファクトスタンダードになりつつあるPyTorchと、実行効率に優れたJAXも選べるようになったKeras3.0が公開されていたので、さっそくバックボーンをPyTorchやJAXに設定して、手書きアルファベット画像のクラス分け課題のMNISTを試してみました。 23.11.29追記 公式の紹介ページも公開されていました。 https://keras.io/keras_3/ Keras3のインストール、インポート今回はGoogle Colabで試してみます。Keras3は現時点ではPyPI上では、プレビューリリースとしてkeras-coreの名前でインストールできます。 !pip install keras-coreバックエンドの設定(torch, jax, tensorflow) import os os.environ["K

                                  PyTorchとJAXに対応したKeras3でMNISTを試す|はまち
                                • GitHub - dkeras-project/dkeras: Distributed Keras Engine, Make Keras faster with only one line of code.

                                  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 - dkeras-project/dkeras: Distributed Keras Engine, Make Keras faster with only one line of code.
                                  • 深層学習(keras)でリアルタイムにリップシンクさせるモデルを作った - Qiita

                                    概要 リップシンクとは, ゲームのキャラクターなどが口をパクパクさせるやつです. 面白そうなので, なんとなくこれを作ってみました. リップシンクの手法は軽く調べた限り 手動で頑張る 音量の大小でテキトーに口動かす 映像から口の形を引っこ抜く 音から口の形を類推する があるようです. 今回は一番下の音から口の形を類推させてみました. モデルの方針 声のデータから口の形≒母音の種類を当てる分類モデルを作ります. そのために, データセットとして「音声」と「母音の文字」のセットを作ります. データセットについて 方針としては 「音源」と「その音源の文字起こし」のセットを取得 「その音源の文字起こし」を仮名に直す 「音源」のどの時間に, その仮名を言っているのか割り当てる 「音源」と「その音源の文字起こし」のセットを取得 「音源」と「その音源の文字起こし」の2つがセットになっているデータを片っ端

                                      深層学習(keras)でリアルタイムにリップシンクさせるモデルを作った - Qiita
                                    • GitHub - oegedijk/keras-embeddings: Example of how to use entity embeddings (similar to word embeddings such as word2vec, but then generalized for any categorical feature) in a Keras model.

                                      by: Oege Dijk Neural Network models are almost always better for unstructured data (e.g. image data). However for structured data, they often still underperform tree based models (random forrests, boosted trees, etc) they often also don't play as nice with categorical variables as tree models do. However an exciting new methodology to work with categorical data is entitiy embeddings. These are sim

                                        GitHub - oegedijk/keras-embeddings: Example of how to use entity embeddings (similar to word embeddings such as word2vec, but then generalized for any categorical feature) in a Keras model.
                                      • Kerasのhard_sigmoidが max(0, min(1, (0.2 * x) + 0.5)) である話 - Qiita

                                        def hard_sigmoid(x): """Segment-wise linear approximation of sigmoid. Faster than sigmoid. Returns `0.` if `x < -2.5`, `1.` if `x > 2.5`. In `-2.5 <= x <= 2.5`, returns `0.2 * x + 0.5`. # Arguments x: A tensor or variable. # Returns A tensor. {{np_implementation}} """ x = (0.2 * x) + 0.5 zero = _to_tensor(0., x.dtype.base_dtype) one = _to_tensor(1., x.dtype.base_dtype) x = tf.clip_by_value(x, zero

                                          Kerasのhard_sigmoidが max(0, min(1, (0.2 * x) + 0.5)) である話 - Qiita
                                        • KerasのYOLO-v3を動かしたった - Qiita

                                          Help us understand the problem. What is going on with this article?

                                            KerasのYOLO-v3を動かしたった - Qiita
                                          • R-CNN object detection with Keras, TensorFlow, and Deep Learning - PyImageSearch

                                            In this tutorial, you will learn how to build an R-CNN object detector using Keras, TensorFlow, and Deep Learning. Today’s tutorial is the final part in our 4-part series on deep learning and object detection: Part 1: Turning any CNN image classifier into an object detector with Keras, TensorFlow, and OpenCVPart 2: OpenCV Selective Search for Object DetectionPart 3: Region proposal for object dete

                                              R-CNN object detection with Keras, TensorFlow, and Deep Learning - PyImageSearch
                                            • TensorFlowに組み込まれたKerasを使う方法|infohub – Development

                                              機械学習に利用されるKerasは、次のように2種類存在しています。 一般的にはバックエンドを自由に選択できる「独立版Keras」が有名ですが、ここではTensorFlowに組み込まれているKerasの使い方について載せておきます。 独立版Keras(バックエンドをTensorFlow, Theano, CNTKから選択できるもの) TensorFlowに組み込まれたKeras TensorFlow.Kerasの導入方法 TensorFlowに組み込まれたKerasは、TensorFlowを導入すれば利用可能な状態になっています。個別にKerasを導入する必要はありません。 Anacondaを利用している場合は、 conda install tensorflow、もしくはconda install tensorflow-gpu でTensorFlowを導入できます。詳細は、「Keras/Te

                                                TensorFlowに組み込まれたKerasを使う方法|infohub – Development
                                              • Keras documentation: Code examples

                                                Code examples Our code examples are short (less than 300 lines of code), focused demonstrations of vertical deep learning workflows. All of our examples are written as Jupyter notebooks and can be run in one click in Google Colab, a hosted notebook environment that requires no setup and runs in the cloud. Google Colab includes GPU and TPU runtimes.

                                                  Keras documentation: Code examples
                                                • Keras(TensorFlow)のImageDataGeneratorでデータを水増しする | DevelopersIO

                                                  こんちには。 データアナリティクス事業本部機械学習チームの中村です。 今回は、KerasのImageDataGeneratorで、画像データの水増し(Data Augmentation)に使用できそうな変換をピックアップしてご紹介します。 Data Augmentationについて 画像を入力データに扱うニューラルネットワークの学習では、元画像に対して色々な変換を施すことで、入力画像のパターンを増加させることが良く行われます。具体的には、実際にデータそのものを水増しするのではなく、ある変換定義し、その変換の度合をランダムに実行するブロックを定義する形で実行することが多いです。 ランダムに変換を実行することで、同じデータであってもエポックが異なれば異なる度合の変換が適用されます。これにより、データのバリエーションを増やすようなイメージとなります。 Keras(TensorFlow)では、これ

                                                    Keras(TensorFlow)のImageDataGeneratorでデータを水増しする | DevelopersIO
                                                  • Autoencoders with Keras, TensorFlow, and Deep Learning - PyImageSearch

                                                    In this tutorial, you will learn how to implement and train autoencoders using Keras, TensorFlow, and Deep Learning. Today’s tutorial kicks off a three-part series on the applications of autoencoders: Autoencoders with Keras, TensorFlow, and Deep Learning (today’s tutorial)Denoising autoenecoders with Keras and TensorFlow (next week’s tutorial)Anomaly detection with Keras, TensorFlow, and Deep Lea

                                                      Autoencoders with Keras, TensorFlow, and Deep Learning - PyImageSearch