代码改变世界

LinearRegression

2021-06-30 15:52 by DataBases, 58 阅读, 0 推荐, 收藏,
摘要:import numpy as npimport pandas as pdimport matplotlib.pyplot as pltimport torchfrom torch import nnfrom torch.optim import Adamfrom sklearn.model_sel 阅读全文

Pytorch 多分类问题

2021-06-27 22:04 by DataBases, 199 阅读, 0 推荐, 收藏,
摘要:#########################################full connection###########################################import torchfrom torchvision import transformsfrom 阅读全文

Pytorch LogisticRegressionModel BC

2021-06-27 18:19 by DataBases, 51 阅读, 0 推荐, 收藏,
摘要:import torchimport torch.nn.functional as Fx_data = torch.Tensor([[1.0], [2.0], [3.0]])y_data = torch.Tensor([[0], [0], [1]])# #class LogisticRegressi 阅读全文

Pytorch LinearModel

2021-06-27 18:17 by DataBases, 70 阅读, 0 推荐, 收藏,
摘要:import torchx_data = torch.Tensor([[1.0],[2.0],[3.0]])y_data = torch.Tensor([[2.0],[4.0],[6.0]])class LinearModel(torch.nn.Module): def __init__(self) 阅读全文

DeepLearningExamples

2021-06-21 14:28 by DataBases, 97 阅读, 0 推荐, 收藏,
摘要:https://github.com/NVIDIA/DeepLearningExamples https://github.com/yunjey/pytorch-tutorial https://pytorch.org/tutorials/beginner/deep_learning_60min_b 阅读全文

Machine Learning Paper

2021-06-21 13:16 by DataBases, 56 阅读, 0 推荐, 收藏,
摘要:A Survey on Making Deep Learning Models Smaller, Faster, and Better https://arxiv.org/abs/2106.08962 Decoding-Time Controlled Text Generation with Exp 阅读全文

Hadoop集群nodes unhealthy(yarn 8088)排查及解决办法

2021-06-16 14:56 by DataBases, 1453 阅读, 0 推荐, 收藏,
摘要:1.提交任务到hadoop yarn集群,发现任务提交之后很长时间不能运行结束;yarn8088页面资源并没有使用,任务处于ACCEPTED状态, 经过检查,发现所有的nodes节点都处于unhealthy的状态,使用命令查看node 的状态 Yarn日志yarn-root-nodemanager- 阅读全文

Full Stack Deep Learning

2021-06-08 12:54 by DataBases, 34 阅读, 0 推荐, 收藏,
摘要:https://fullstackdeeplearning.com/spring2021/panel/ https://www.deeplearningbook.org/ 阅读全文

Stochastic Gradient Descent (SGD)

2021-06-07 16:31 by DataBases, 61 阅读, 0 推荐, 收藏,
摘要:Initialize the weights.For each image, use these weights to predict whether it appears to be a 3 or a 7.Based on these predictions, calculate how good 阅读全文

Practical Deep Learning for Coders

2021-06-01 15:41 by DataBases, 41 阅读, 0 推荐, 收藏,
摘要:https://course.fast.ai/#The-software-you-will-be-using https://mml-book.github.io/ https://github.com/jupyterlab/retrolab https://github.com/ossu/comp 阅读全文
上一页 1 2 3 4 5 6 7 8 ··· 40 下一页