ICode9

精准搜索请尝试: 精确搜索
  • mapbox热力图属性2021-04-12 18:29:12

    官网示例 https://www.mapbox.cn/mapbox-gl-js/example/heatmap-layer/   heatmap-weight:表示一个点对热力图权重的贡献,在贡献越大的地方热力图显示应该越明显 heatmap-intensity:热力图强度,该属性是设置整体上热力图的强度 heatmap-color:热力图的颜色,设置在各个热力图的数值上

  • Linear and Quadratic Discriminant Function代码实现(python)2021-04-11 18:57:57

    文章首发及后续更新:https://mwhls.top/2053.html 新的更新内容请到mwhls.top查看。 无图/无目录/格式错误/更多相关请到上方的文章首发页面查看。 Github: https://github.com/asd123pwj/pattern-recognition 写在前面 本篇代码基于上一篇文章LDA与QDA分类数据的简单应用实

  • css3 地球自转公转2021-04-07 14:04:51

    <!DOCTYPE html> <html lang="en"> <head> <meta charset="UTF-8"> <meta http-equiv="X-UA-Compatible" content="IE=edge"> <meta name="viewport" content="width=device-

  • Pytorch深度学习实践第十二讲 RNN 课后2(GRU)2021-04-01 09:30:10

    B站 刘二大人 传送门 循环神经网络(基础篇) 课件链接:https://pan.baidu.com/s/1vZ27gKp8Pl-qICn_p2PaSw 提取码:cxe4 模型还是将输入“hello”训练输出为“ohlol”,用GRU网络实现。按照计算图实现GRU之后,像前面一样又尝试了加入embedding的方法,效果略有改进。 GRU的网络结构示

  • pytorch中的fc和fc逆操作2021-03-29 11:34:25

    将1*(1024*128)降维为(1*1024),将(1*1024)降维为(1*512); 将(1*512)升维为(1*1024),将(1*1024)升维为1*(1024*128); self.fc = nn.Sequential( nn.Linear(1024*128, 1024), nn.Linear(1024, 512) ) self.upfc = nn.Sequential(

  • Task02 DeepFM_深度推荐模型2021-03-21 23:57:23

    1、动机 对于CTR问题,被证明的最有效的提升任务表现的策略是特征组合(Feature Interaction), 在CTR问题的探究历史上来看就是如何更好地学习特征组合,进而更加精确地描述数据的特点。可以说这是基础推荐模型到深度学习推荐模型遵循的一个主要的思想。而组合特征大牛们研究过组

  • Simple Linear Regression(二)2021-03-21 17:32:43

    #Data Preprocessing import pandas as pd import numpy as np import matplotlib.pyplot as plt dataset =pd.read_csv("studentscores.csv") X = dataset.iloc[ : , :1].values y = dataset.iloc[ : ,1].values from sklearn.model_selection import train_test

  • 利用pytorch对二维数据进行求解梯度2021-03-17 22:33:37

    今天我们利用pytorch对二维数据进行求导并输出显示,主要用到pytorch中的Linear()、MSELoss()等函数,具体的求导过程详见下面代码: import torch #create tensors of shape(10,3)and (10,2) x=torch.randn(10,3) y=torch.randn(10,2) #build a fully connected layer linear=nn.L

  • 【RTS笔记8】Discrete system2021-03-17 21:31:31

    【RTS笔记7】Discrete system Discrete Signals 离散信号Digital Control 数字信号控制Sampling 采样Linear Algebra 线性代数Vector向量:Matrix矩阵:Cramer’s rule克莱姆法则:![在这里插入图片描述](https://img-blog.csdnimg.cn/20210317025037685.png?x-oss-process=image

  • cs231n_Linear_svm2021-03-04 22:01:23

    cs231n_Linear_svm Linear_svm原理代码小tips Linear_svm原理 SVM损失:计算了所有不正确的例子,将所有不正确类别的评分与正确类别评分之差再加1,将得到的数值与0比较,取二者最大,然后将所有数值进行求和。 计算分数: s

  • Competing in the Dark: An Efficient Algorithm for Bandit Linear Optimization2021-02-23 21:59:56

    Competing in the Dark: An Efficient Algorithm for Bandit Linear Optimization Feb. 23, 2021 Aim ‾ \underline{\text{Aim}}

  • 在3dmax里仿unity的Unlit/Texture shader并渲染2021-02-19 17:01:21

    在3dmax里实现unity的texture shader并渲染 3dsmax版本:2019 首先感谢这位大哥的 Unity与3DMax效果同步——3DMaxDX Shader:https://zhuanlan.zhihu.com/p/100253142 在3dsmax里,首先更改材质类型,选择 DirectX Shader 然后选择一个HLSL文件,我这个文件就是把3ds max的Stand

  • Linear Multi-step Method2021-02-16 14:05:56

    https://en.wikipedia.org/wiki/Linear_multistep_method Linear multistep methods are used for the numerical solution of ordinary differential equations. Conceptually, a numerical method starts from an initial point and then takes a short step forward in t

  • 线性回归(Linear Regression)2021-02-02 07:33:22

    目录关于线性回归线性回归特点和 kNN 图示的区别简单线性回归算法原理如何求解机器学习算法?编程实现简单线性回归向量化运算封装线性回归类评估方法向量化运算的性能测试线性回归的可解释性 线性回归的评估 关于线性回归 KNN 主要解决分类问题,线性回归主要解决回归问题。 寻找

  • 逻辑回归(pytorch)2021-02-01 16:02:02

    import torchvision import torch import torch.nn.functional as F # 1. 准备数据集 x_data = torch.Tensor([[1.0], [2.0], [3.0]]) y_data = torch.Tensor([[0], [0], [1]]) # 2. 设计模型 继承自torch.nn.Module class LinearModel(torch.nn.Module): def __init__(s

  • 01. linear regression正文2021-01-29 20:32:03

    Gradient Descent and Linear Regression with PyTorch Part 2 of "Deep Learning with Pytorch: Zero to GANs" This tutorial series is a hands-on beginner-friendly introduction to deep learning using PyTorch, an open-source neural networks library. Th

  • 保姆级教程:图解Transformer2021-01-29 13:33:23

    本文 GitHub https://github.com/Jack-Cherish/PythonPark 已收录,有技术干货文章,整理的学习资料,一线大厂面试经验分享等,欢迎 Star 和 完善。 一、前言 大家好,我是 Jack。 本文是图解 AI 算法系列教程的第二篇,今天的主角是 Transformer。 Transformer 可以做很多有趣而又有

  • 【图形学】变换 (Transformations)2021-01-27 18:01:44

    目录简单变换 (Simple)变换的组合刚体/欧式变换 (Rigid-Body/Euclidean)相似变换 (Similitudes/Similarity)线性变换 (Linear)仿射变换 (Affine)投影变换 (Projective)参考 简单变换 (Simple) 恒等变换 (Identity) 平移变换 (Translation) 旋转变换 (Rotation) 均匀缩放 (Isotr

  • ELEC362 Linear regression application2021-01-24 19:04:41

    Department of Electrical Engineering and ElectronicsELEC362ProjectLinear regression applicationModule ELEC362Coursework name ProjectComponent weight 50%Semester 1HE Level 5Lab location personal computers/laptops, university remote computerWork Individual*

  • coursera machine learning Linear Regression octave编程作业2021-01-23 16:57:04

    1.octave提交作业 1.1下载octave 1.1.1网盘下载 链接:https://pan.baidu.com/s/1of7sWiqovaKBBRFGEihUmQ 提取码:8d9u 1.1.2官网下载 http://ftp.gnu.org/gnu/octave/windows/ 慢 1.1.3 下载matlab 算了 太大 我不想。。。 1.2打开和运行octave 如果你的文件没有exe运行的这个

  • PaddlePaddle-basic-tutorial2021-01-21 12:00:37

    PaddlePaddle-basic-tutorial A basic tutorial for paddlepaddle2.0 version How to read these tutorials This tutorial is divided into 9 parts, from linear regression to logistic regression. The framework used includes PaddlePaddle2.x low-level API and adva

  • css属性clip-path裁剪和linear-gradient渐变2021-01-18 13:33:26

    .circle { float: left; width: 200px; height: 200px; margin: 20px; background: linear-gradient(to left, red, blue); clip-path: circle(50% at 50% 50%); } .ellipse { float: left; width: 200

  • repeating-linear-gradient2021-01-09 14:35:00

    第一对渐变颜色为yellow, 第二对渐变颜色为black div{ border-radius: 20px; width: 70%; height: 400px; margin: 50 auto; background: repeating-linear-gradient( 45deg, yellow 0px, yellow 40px, black 40px, black 80px );

  • MinkowskiPooling池化(下)2021-01-03 20:32:05

    MinkowskiPooling池化(下) MinkowskiPoolingTranspose class MinkowskiEngine.MinkowskiPoolingTranspose(kernel_size, stride, dilation=1, kernel_generator=None, dimension=None) 稀疏张量的池转置层。 展开功能,然后将其除以贡献的非零元素的数量。 __init__(kernel_size,

  • 第四周一步步搭建神经网络以及应用(编程作业)2021-01-02 20:32:19

    资料 本文所使用的资料已上传到百度网盘点击下载,提取码:xx1w,请在开始之前下载好所需资料 开始之前 简单的讲一下难点,本文会提到**[LINEAR-> ACTIVATION]转发函数,比如我有一个多层的神经网络,结构是输入层->隐藏层->隐藏层->···->隐藏层->输出层**,在每一层中,我会首先计算Z =

专注分享技术,共同学习,共同进步。侵权联系[81616952@qq.com]

Copyright (C)ICode9.com, All Rights Reserved.

ICode9版权所有