首页 > 编程语言 >程序和模型

程序和模型

时间:2022-12-02 17:24:27浏览次数:35  
标签:fft 模型 torch 程序 feature label test out

取了训练集中所有频域>0.1的频率作为特征。可能是我停的比较早。

准确率为0.83的代码。

import matplotlib.pyplot as plt import numpy as np import pandas as pd import torch import torch.fft as fft df = pd.read_csv('train.csv') df=df.drop(['ID'],axis=1) nmp=df.to_numpy() feature=nmp[:-20,:-1] label=nmp[:-20,-1]#(210,240) feature=torch.fft.fft(torch.Tensor(feature)) feature=torch.abs(feature)/240*2 feature=feature[:,[0, 1, 60, 180, 239, 58, 59, 61, 179, 181, 182, 120, 62, 178, 119, 121, 117, 123, 2, 238, 55, 65, 175, 185, 63, 116, 124, 177, 118, 122, 56, 64, 176, 184, 57, 183]] test_feature=nmp[-20:,:-1] test_label=nmp[-20:,-1]#(210,240)
test_feature=torch.fft.fft(torch.Tensor(test_feature)) test_feature=torch.abs(test_feature)/240*2 test_feature=test_feature[:,[0, 1, 60, 180, 239, 58, 59, 61, 179, 181, 182, 120, 62, 178, 119, 121, 117, 123, 2, 238, 55, 65, 175, 185, 63, 116, 124, 177, 118, 122, 56, 64, 176, 184, 57, 183]] from torch import nn import torch loss=nn.MSELoss() feature=torch.Tensor(feature) label=torch.Tensor(label) label=label.reshape(-1,1)
test_feature=torch.Tensor(test_feature) test_label=torch.Tensor(test_label) test_label=test_label.reshape(-1,1)
network=nn.Sequential(nn.Linear(36,2),nn.Sigmoid(),nn.Linear(2,1),nn.Sigmoid()) import torch.optim as optim optimizer = optim.Adam(network.parameters(), lr=0.004) for epoch in range(100000):     optimizer.zero_grad()     out=network(feature)     l=loss(out,label)     l.backward()     optimizer.step()     Y = torch.ge(out, 0.5).float()     acc=Y.eq(label).float().sum()/len(label)     out=network(test_feature)     Y = torch.ge(out, 0.5).float()     test_acc=Y.eq(test_label).float().sum()/len(test_label)     print(epoch,l,acc,test_acc)     #if test_acc==0.50 and acc>0.93:     if acc>0.8 and test_acc>=0.80:         break
df = pd.read_csv('test.csv') df=df.drop(['ID'],axis=1) nmp=df.to_numpy() feature=nmp[:,:] feature=torch.fft.fft(torch.Tensor(feature)) feature=torch.abs(feature)/240*2 feature=torch.Tensor(feature[:,[0, 1, 60, 180, 239, 58, 59, 61, 179, 181, 182, 120, 62, 178, 119, 121, 117, 123, 2, 238, 55, 65, 175, 185, 63, 116, 124, 177, 118, 122, 56, 64, 176, 184, 57, 183]]) out=network(feature) out=out.detach().numpy() out=out>0.5 out=out.astype(np.int) out=pd.DataFrame(out) out.columns = ['CLASS'] w=[] for k in range(out.shape[0]):     w.append(k+210) out['ID']=np.reshape(w,(-1,1)) out[['ID','CLASS']].to_csv('out.csv',index=False)

标签:fft,模型,torch,程序,feature,label,test,out
From: https://www.cnblogs.com/hahaah/p/16945050.html

相关文章

  • Q&A特辑 | 关于模型开发与部署,这里有一份标准答案
    Q&A特辑|关于模型开发与部署,这里有一份标准答案11月24日,顶象业务安全大讲堂系列课程之《智能模型平台》正式开讲,顶象人工智能总监无常从从模型平台的现状与需求出发,带大......
  • CS应用程序开发中的异常处理
      我们在进行网络应用程序开发时(主要是CS架构的应用程序)要面对很多异常情况的处理,这些异常中有些是服务器端主动抛出的异常,客户端要按照事先约定好的规则分类处理;有些......
  • 基于云开发的答题活动小程序v2.0-实现微信授权登录功能
    项目技术栈微信原生小程序+云开发。为什么选择微信原生小程序进行开发呢?因为能够直接应用它的云开发能力吖。我这里主要使用了云开发能力中的小程序端SDK,说白了就是在jav......
  • 准确率为0.81的程序
    因为我观察了baseline错误分类数据的频域发现,他们的振幅所处的频率相同,因此我想用振幅比较大对应的频率来分。我选择这些数据中振幅大于0.1的振幅对应的频率。需要改进的......
  • 准确率为0.71的程序
    这里我只把时域转为了频域。importmatplotlib.pyplotaspltimportnumpyasnpimportpandasaspdimporttorchimporttorch.fftasfftdf=pd.read_csv('train......
  • 极简的HelloWorld程序
    使用汇编代码,不引入libc库。代码://no_main.ccharstr[]="Helloworld!\n";voidmy_print(){asm("movl$13,%%edx\n\t""movq%0,%%rcx\n\t""movl......
  • VSCode中Debug远程Python程序,断点失效
    解决方法:找到调试要使用的python解释器路径Linux命令:whereispython我这里是/home/tao/anaconda/envs/spyketorchproject/bin/python3.10在VSCode中修改Debug配置文件......
  • 预测模型
    NeuralNetwork-basedGraphEmbeddingforCross-PlatformBinaryCodeSimilarityDetection(基于神经网络的跨平台二进制码相似性检测图嵌入)Gemini之前Genius图嵌入生......
  • 记忆口诀:OSI七层网络模型
    物联层,数据链路层,网络层,传输层,会话层,表示层,应用层。然后用上面的图的谐音记忆法就可以拉,是不是很方便?......
  • TO B项目经理模型
     ......