资源简介
用pythor实现的logistic回归模型
代码片段和文件信息
import os
import traceback as tb
import copy
import random
import numpy as np
import pandas as pd
import torch
import torch.nn as nn
import torch.optim as optim
MIN_PROBABILITY = 0.001
MAX_LOSS = 999999999
PROBABILITY_THRESHOLD = 0.995
class Logistic(nn.Module):
def __init__(self batch_size sample_size
learning_rate=0.01 momentum=0.1 weight_decay=1
train_sample_df=None test_sample_df=None):
super(Logistic self).__init__()
self.batch_size = batch_size
self.sample_size = sample_size
init_coef = torch.zeros(sample_size + 1 dtype=torch.double) # coefficients and intercept
self.coef = nn.Parameter(init_coef requires_grad=True)
self.learning_rate = learning_rate
self.momentum = momentum
self.optimizer = optim.SGD(self.parameters() lr=learning_rate momentum=momentum weight_decay=weight_decay)
self.train_sample_df = train_sample_df
s
相关资源
- python 自动收邮件(基于imaplib)
- sqlalchemy
- Python数据结构 随书源码
- python中matplotlib运用(teamwork-4.ipynb)
- python实现贪吃蛇游戏
- 随机森林分类(python代码)
- python五子棋
- python动画(基于turtle+ math)
- python for给一列求偶数和奇数和统计个
- python tensorFlow AND和XOR
- python 字符串包附 函数 (in用法)
- python while
- python battleship 小游戏
- python 实现电子计算机
- python 手机号码运营商查询
- python 计算器
- python进行等宽离散并将结果写入exce
- python的网易云简单爬虫(已不能音乐
- python给图片增加透明文字水印
- python 单例模式
- python 给图片增加透明水印(文字)
- python采集百度贴吧图片并保存到本地
- Python给照片换底色(基于opencv模块)
- python 实现wifi断线重连 (通过ping和
- Python GUI Tkinter 顯示時鐘方法
- Read an Digit-Multimeter in Python
- python模拟登录52破解论坛,并实现打卡
- python 自动生成 RDP 远程连接登陆文件
- python查询百度关联词(相关搜索结果
- 用python漫画并打包成pdf文件
评论
共有 条评论