App下載

詞條

大約有 320 項符合查詢結果 ,庫內數(shù)據(jù)總量為 78,404 項。(搜索耗時:0.0068秒)

241.AI人工智能 邏輯回歸

基本上,邏輯回歸模型是監(jiān)督分類算法族的成員之一。 Logistic 回歸通過使用邏輯函數(shù)估計概率來測量因變量和自變量之間的關系。 在這里,如果我們討論依賴變量和獨立變量,那么因變量就是要預測的目標類變量,另一方面,...

http://m.o2fo.com/artificial_intelligence/artificial_intelligence-6pb93cba.html

242.Keras 模型

如前所述,Keras 模型代表了實際的神經網絡模型。Keras 提供了兩種模式來創(chuàng)建模型,簡單易用的 **Sequential API** 以及更靈活和高級的 **Functional API**。現(xiàn)在讓我們學習如何在本章中使用 Sequential 和 Functional API 創(chuàng)建模型。 ## 線性(Seq...

http://m.o2fo.com/keras_zw/keras_zw-ruwj3kcq.html

243.TensorFlow定義文件:Keras后端API

本節(jié)提供了TensorFlow中后端函數(shù)的幫助文件:tensorflow/python/keras/backend.py,提供Keras后端API:# Copyright 2015 The TensorFlow Authors. All Rights Reserved. # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with ...

http://m.o2fo.com/tensorflow_python/keras_backend.html

244.TensorFlow函數(shù):tf.strided_slice

tf.strided_slice函數(shù)tf.strided_slice( input_, begin, end, strides=None, begin_mask=0, end_mask=0, ellipsis_mask=0, new_axis_mask=0, shrink_axis_mask=0, var=None, name=None ) 定義在:tensorflow/python/ops/array_ops.py 參見指南:張量變換>分割和連接 提取張量的一個分段切...

http://m.o2fo.com/tensorflow_python/tensorflow_python-vip72mnv.html

245.PyTorch torch張量

> 原文:[PyTorch torch張量_blank](https://pytorch.org/docs/stable/tensors.html) `torch.Tensor` 是包含單個數(shù)據(jù)類型元素的多維矩陣。 Torch 定義了 9 種 CPU 張量類型和 9 種 GPU 張量類型: | 數(shù)據(jù)類型 | dtype | CPU 張量 ...

http://m.o2fo.com/pytorch/pytorch-g4dh3bwg.html

246.Python3分析個人音樂收藏

本文轉載至知乎ID:Charles(白露未晞)知乎個人專欄下載W3Cschool手機App,0基礎隨時隨地學編程>>戳此了解導語偶遇了一篇文章:“Mapping Your Music Collection”https://www.christianpeccei.com/musicmap/感覺頗有緣分,似有命中注定之感,...

http://m.o2fo.com/python3/python3-qa8g2zg4.html

247.下載與安裝TensorFlow

本節(jié)的內容詳細介紹了 TensorFlow 是如何進行安裝的,安裝 TensorFlow 的方法有兩種,一是使用提供好的二進制包,二是使用源代碼.詳細介紹如下: 二進制安裝 TensorFlow TensorFlow Python API 依賴 Python 2.7 版本. 在 Linux 和 Mac 下最簡單的安裝...

http://m.o2fo.com/tensorflow_python/tensorflow_python-9rbt28sr.html

248.Pandas 去重

“去重”通過字面意思不難理解,就是刪除重復的數(shù)據(jù)。在一個數(shù)據(jù)集中,找出重復的數(shù)據(jù)刪并將其刪除,最終只保存一個唯一存在的數(shù)據(jù)項,這就是數(shù)據(jù)去重的整個過程。刪除重復數(shù)據(jù)是數(shù)據(jù)分析中經常會遇到的一個問題。通...

http://m.o2fo.com/pandas/pandas-drop-duplicate.html

249.Python簡介

Python 是一種開源的面向對象的腳本語言,它起源于 1989 年末,當時,CWI(阿姆斯特丹國家數(shù)學和計算機科學研究所)的研究員 Guido van Rossum 需要一種高級腳本編程語言,為其研究小組的Amoeba分布式操作系統(tǒng)執(zhí)行管理任務。為創(chuàng)...

http://m.o2fo.com/pzsqv/pzsqv-mxac24vy.html

250.scikit-learn 密度估計

密度估計涉及到無監(jiān)督學習,特征工程和數(shù)據(jù)建模三個領域。一些最流行和有用的密度估計技術是混合模型(例如高斯混合模型sklearn.mixture.GaussianMixture)和基于近鄰域的方法(例如核密度估計sklearn.neighbors.KernelDensity)。高斯混...

http://m.o2fo.com/gkiwe/gkiwe-2uq33rcp.html

抱歉,暫時沒有相關的微課

w3cschool 建議您:

  • 檢查輸入的文字是否有誤

抱歉,暫時沒有相關的視頻課程

w3cschool 建議您:

  • 檢查輸入的文字是否有誤

抱歉,暫時沒有相關的教程

w3cschool 建議您:

  • 檢查輸入的文字是否有誤

241.AI人工智能 邏輯回歸

基本上,邏輯回歸模型是監(jiān)督分類算法族的成員之一。 Logistic 回歸通過使用邏輯函數(shù)估計概率來測量因變量和自變量之間的關系。 在這里,如果我們討論依賴變量和獨立變量,那么因變量就是要預測的目標類變量,另一方面,...

http://m.o2fo.com/artificial_intelligence/artificial_intelligence-6pb93cba.html

242.Keras 模型

如前所述,Keras 模型代表了實際的神經網絡模型。Keras 提供了兩種模式來創(chuàng)建模型,簡單易用的 **Sequential API** 以及更靈活和高級的 **Functional API**。現(xiàn)在讓我們學習如何在本章中使用 Sequential 和 Functional API 創(chuàng)建模型。 ## 線性(Seq...

http://m.o2fo.com/keras_zw/keras_zw-ruwj3kcq.html

243.TensorFlow定義文件:Keras后端API

本節(jié)提供了TensorFlow中后端函數(shù)的幫助文件:tensorflow/python/keras/backend.py,提供Keras后端API:# Copyright 2015 The TensorFlow Authors. All Rights Reserved. # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with ...

http://m.o2fo.com/tensorflow_python/keras_backend.html

244.TensorFlow函數(shù):tf.strided_slice

tf.strided_slice函數(shù)tf.strided_slice( input_, begin, end, strides=None, begin_mask=0, end_mask=0, ellipsis_mask=0, new_axis_mask=0, shrink_axis_mask=0, var=None, name=None ) 定義在:tensorflow/python/ops/array_ops.py 參見指南:張量變換>分割和連接 提取張量的一個分段切...

http://m.o2fo.com/tensorflow_python/tensorflow_python-vip72mnv.html

245.PyTorch torch張量

> 原文:[PyTorch torch張量_blank](https://pytorch.org/docs/stable/tensors.html) `torch.Tensor` 是包含單個數(shù)據(jù)類型元素的多維矩陣。 Torch 定義了 9 種 CPU 張量類型和 9 種 GPU 張量類型: | 數(shù)據(jù)類型 | dtype | CPU 張量 ...

http://m.o2fo.com/pytorch/pytorch-g4dh3bwg.html

246.Python3分析個人音樂收藏

本文轉載至知乎ID:Charles(白露未晞)知乎個人專欄下載W3Cschool手機App,0基礎隨時隨地學編程>>戳此了解導語偶遇了一篇文章:“Mapping Your Music Collection”https://www.christianpeccei.com/musicmap/感覺頗有緣分,似有命中注定之感,...

http://m.o2fo.com/python3/python3-qa8g2zg4.html

247.下載與安裝TensorFlow

本節(jié)的內容詳細介紹了 TensorFlow 是如何進行安裝的,安裝 TensorFlow 的方法有兩種,一是使用提供好的二進制包,二是使用源代碼.詳細介紹如下: 二進制安裝 TensorFlow TensorFlow Python API 依賴 Python 2.7 版本. 在 Linux 和 Mac 下最簡單的安裝...

http://m.o2fo.com/tensorflow_python/tensorflow_python-9rbt28sr.html

248.Pandas 去重

“去重”通過字面意思不難理解,就是刪除重復的數(shù)據(jù)。在一個數(shù)據(jù)集中,找出重復的數(shù)據(jù)刪并將其刪除,最終只保存一個唯一存在的數(shù)據(jù)項,這就是數(shù)據(jù)去重的整個過程。刪除重復數(shù)據(jù)是數(shù)據(jù)分析中經常會遇到的一個問題。通...

http://m.o2fo.com/pandas/pandas-drop-duplicate.html

249.Python簡介

Python 是一種開源的面向對象的腳本語言,它起源于 1989 年末,當時,CWI(阿姆斯特丹國家數(shù)學和計算機科學研究所)的研究員 Guido van Rossum 需要一種高級腳本編程語言,為其研究小組的Amoeba分布式操作系統(tǒng)執(zhí)行管理任務。為創(chuàng)...

http://m.o2fo.com/pzsqv/pzsqv-mxac24vy.html

250.scikit-learn 密度估計

密度估計涉及到無監(jiān)督學習,特征工程和數(shù)據(jù)建模三個領域。一些最流行和有用的密度估計技術是混合模型(例如高斯混合模型sklearn.mixture.GaussianMixture)和基于近鄰域的方法(例如核密度估計sklearn.neighbors.KernelDensity)。高斯混...

http://m.o2fo.com/gkiwe/gkiwe-2uq33rcp.html

抱歉,暫時沒有相關的文章

w3cschool 建議您:

  • 檢查輸入的文字是否有誤

熱門課程