毕业论文の乱七八糟错误

人工智能55

1.打开tensorboard

要用anaconda prompt打开,并且要先 activate tensorflow,然后cd 到放日志文件夹的上一层,model就是放日志的文件夹,也就是model的上一层。
毕业论文の乱七八糟错误
毕业论文の乱七八糟错误

cd C:\Class\毕业设计\code\

毕业论文の乱七八糟错误
然后输入 tensorboard --logdir "model"这里的model就是存放日志的文件夹。
下面有地址,直接复制进去就行了。
毕业论文の乱七八糟错误
毕业论文の乱七八糟错误
不知道为什么pycharm终端里打不开,而且还报h5py的错误:

UserWarning: h5py is running against HDF5 1.10.5 when it was built against 1.10.4, this
may cause problems
  '{0}.{1}.{2}'.format(*version.hdf5_built_version_tuple)
Warning! ***HDF5 library version mismatched error***

2. ParserError: Error tokenizing data. C error: EOF inside string starting at row 6967

毕业论文の乱七八糟错误
读取文件的时候报错:

ParserError: Error tokenizing data. C error: EOF inside string starting at row 6967

加入 quoting=csv.QUOTE_NONE就行
就是 test = pd.read_csv(r'testA.csv')变成
毕业论文の乱七八糟错误

import csv
train = pd.read_csv(r'train.csv',quoting=csv.QUOTE_NONE)
test = pd.read_csv(r'testA.csv',quoting=csv.QUOTE_NONE)
train.head()
test.head()

毕业论文の乱七八糟错误

3.记录一下自建CNN的结构

毕业论文の乱七八糟错误
毕业论文の乱七八糟错误

; 4. 怎么记录accurary和loss等训练数据

model.fit()长这样:
毕业论文の乱七八糟错误
记录的代码就是


        log_address_csv = str('log_ResNet/training_log_' + str(i) +'.csv')
        pd.DataFrame(history.history).to_csv(log_address_csv, index=False)

记录下来的部分数据就是
毕业论文の乱七八糟错误
代码里的 log_address_csv是文件存放地址,可以自己调整。
或者也可以用TensorBoard,再到TensorBoard的可视化页面中保存数据,大概结构如下。

tbCallBack = TensorBoard(log_dir="./CNNmodel_2", histogram_freq=1,write_grads=True)
model.fit(train_X,
          train_Y,
          batch_size=batch_size,
          epochs=num_epochs,
          verbose=2,
          callbacks=[tbCallBack])

5.怎么打开flask项目的debug模式

点击Pycharm右上角的编辑配置
毕业论文の乱七八糟错误
把FLASK_DEBUG勾选上就好了
毕业论文の乱七八糟错误
这样有新的更改就不用终止运行再重新运行了,直接浏览器刷新就行

; 6. Flask怎么在app.py中指定html的页面

毕业论文の乱七八糟错误
毕业论文の乱七八糟错误

7. bootstrap官网的文件上传按钮上传文件后可以显示文件名,而本地却不能

参考教程;https://blog.csdn.net/qq_34559890/article/details/89675998
在官网上可以显示文件名
毕业论文の乱七八糟错误
本地不行
毕业论文の乱七八糟错误
增加一个onchange响应


<div class="input-group">
                        <div class="custom-file">
                            <input type="file" class="custom-file-input" id="inputGroupFile04"
                                   aria-describedby="inputGroupFileAddon04" accept="text/csv"
                                   onchange="showFilename(this.files[0])">
                            <label class="custom-file-label" id="filename_label" for="inputGroupFile04">Choose filelabel>
                        div>
                        <div class="input-group-append">
                            <button class="btn btn-outline-secondary" type="button" id="inputGroupFileAddon04">Preview
                            button>
                        div>
                    div>
<script>
function showFilename(file){
    $("#filename_label").html(file.name);
    }
script>

也就是bootstrap上的代码在 input上加一个 onchange,在input下的 label中加入 id
再在< script >中写入响应函数 showFilename()
毕业论文の乱七八糟错误

8.Uncaught ReferenceError: $ is not defined

在flask项目中就正常引用就好了,地址用url_for()的方式获得

<script type="text/javascript" src="{{ url_for('static',filename='js/jquery-3.5.1.min.js') }}"></script>

9. 怎么在html中引入markdown

<script src="https://code.jquery.com/jquery-3.4.1.min.js">script>
<script src="https://cdn.jsdelivr.net/npm/marked/marked.min.js">script>
<div id="content">div>

<script>
    $.get('../md/index.md', function(response, status, xhr){
        $("#content").html(marked.parse(response));
    });
script>

如果要高亮的话,要先下载highlight.js的包,引用如下(一定要用 highlight.min.js,用highlight.js不会高亮字母,css可以更换,是不同的样式,样式可以参考https://highlightjs.org/static/demo/

<link rel="stylesheet" href="{{ url_for("static",filename='highlight/styles/atom-one-light.min.css') }}">
    <link rel="icon" href="{{ url_for('static',filename='img/favicon.ico') }}" type="image/x-icon">
    <script type="text/javascript" src="{{ url_for('static',filename='highlight/highlight.min.js') }}">script>
<div class="row">
    <pre>
<code class="python">
import pandas as pd
import numpy as np
import tensorflow as tf
import os
model = tf.keras.Sequential([
        tf.keras.layers.Conv1D(filters=32, kernel_size=(5,), padding='same', activation=tf.keras.layers.LeakyReLU(alpha=0.001), input_shape = (train_X.shape[1],1)),
        tf.keras.layers.Conv1D(filters=64, kernel_size=(5,), padding='same', activation=tf.keras.layers.LeakyReLU(alpha=0.001)),
        tf.keras.layers.Conv1D(filters=128, kernel_size=(5,), padding='same', activation=tf.keras.layers.LeakyReLU(alpha=0.001)),
        tf.keras.layers.MaxPool1D(pool_size=(5,), strides=2, padding='same'),
        tf.keras.layers.Dropout(0.5),
        tf.keras.layers.Flatten(),
        tf.keras.layers.Dense(units=512, activation=tf.keras.layers.LeakyReLU(alpha=0.001)),
])
num_epochs = 30
batch_size = 128
tbCallBack = TensorBoard(log_dir="./自建CNNmodel_2", histogram_freq=1,write_grads=True)
model.fit(train_X,
          train_Y,
          batch_size=batch_size,
          epochs=num_epochs,
          verbose=2,
          callbacks=[tbCallBack])
    code>
pre>
        div>
<script>    hljs.highlightAll();script>

怎么在一张页面中显示两个echarts图表

两个 divid要不同

<div class="row" id="chart-container" style="height: 70vh;width:80vh;margin-left: 15%">
<div class="row" id="chart-container2" style="height: 70vh;width:80vh;margin-left: 15%">

其实就是构建两个function然后分别调用,记得 getElementById()里要要和上面的 id对应

<script>
window.onload = function() {
    echarts01();
    echarts02();

    function echarts01(){
        var dom = document.getElementById('chart-container');
    var myChart = echarts.init(dom, null, {
    renderer: 'canvas',
    useDirtyRect: false
    });
    ...

    }

    function echarts02(){
    var dom = document.getElementById('chart-container2');
var myChart = echarts.init(dom, null, {
  renderer: 'canvas',
  useDirtyRect: false
});
  ...

    }
    script>

10.echarts仪表盘怎么改最大刻度

在series下增加 minmax就行
毕业论文の乱七八糟错误

; 11.怎么快速生成Latex公式

找到了一个可以点点点的网站:
https://editor.codecogs.com/
可以直接同步看到写出来的公式,不错
毕业论文の乱七八糟错误

; 12.ValueError: Unknown activation function: LeakyReLU

这里的做法是把LeakyReLU当成自定义函数来导入

from keras.layers import LeakyReLU
model = tf.keras.models.load_model("自建CNN存放处/自建CNN_1_epoch30.h5",custom_objects={'LeakyReLU':LeakyReLU})
pre = model.predict(test_X)

毕业论文の乱七八糟错误
使用custom_objects就可以

13. Flask怎么下载文件

需求大概是在前端点击下载按钮,然后就会下载文件
前端:

<script>
<div class="row" style="margin-left: 8vh;margin-top: 10vh">
                    <input class="btn btn-danger"  type="button"
                   style="font-size: 16px;padding: 6px 10px 6px 10px;" value="DOWNLOAD" onclick="location.href = '{{ url_for('static',filename = 'files/label_data.csv') }}'"></input>
                </div>
</script>

毕业论文の乱七八糟错误

app.py:

@app.route('/', methods=['GET', 'POST'])
def download(path):

        name = path.split('\\')[-1]
        filePath = path.replace(name, '')
        return send_from_directory(filePath, filename=name, as_attachment=True)

这里的 path需要是绝对路径,因为 send_from_directory需要文件夹和文件名,正好从 path里头拆出来
这样就可以下载啦。
毕业论文の乱七八糟错误

14. TypeError: send_from_directory() missing 1 required positional argument: 'path'.

写新接口的时候,想要写一个简单的点击就可以下载的接口,但是在写send_from_dictionary的时候报错了。并且在上方就是上一个问题的代码,上一个问题的代码只有三个参数。搜了一下这里是少了一个参数。
毕业论文の乱七八糟错误

原来的代码:

@app.route('/download_testA', methods=['GET', 'POST'])
def download_testA():
        basepath = os.path.dirname(__file__)
        archieve_path = os.path.join(basepath, 'static/files/')
        return send_from_directory(path=str(archieve_path, filename='testA.csv', as_attachment=True)
@app.route('/download_testA', methods=['GET', 'POST'])
def download_testA():
        basepath = os.path.dirname(__file__)
        archieve_path = os.path.join(basepath, 'static/files/')
        return send_from_directory(path=str(archieve_path+"testA.csv"),directory=archieve_path, filename='testA.csv', as_attachment=True)

主要是增加了path参数就行。
但是还是不是很理解,上面一个问题的send_from_dictionary只有三个参数也没有报错诶。
毕业论文の乱七八糟错误

15. 怎么在点击按钮后让旋转器显示出来

这里用的是bootstrap的旋转器,这里的div要写 idstyle用的是 visibility,当div不可见时也是会占位置的。

<div class="row" style="float: right;margin-top:10vh;margin-right: 20vh">
                        <div class="col">
{#                            按钮#}
                            <input class="btn btn-danger" type="submit" href="{{ url_for('data_vis') }}" role="button"
                               style="font-size: 16px;padding: 6px 10px 6px 10px;" value="Proceed >" onclick="show_spinning()">
                        div>
                        <div class="col ">
{#                            旋转器#}
                            <div class="spinner-border text-danger" role="status" id= 'rolling_div' style="visibility: hidden">
                            <span class="sr-only ">Loading...span>
                        div>
                        div>
                    div>

然后就是用jquery通过id获取到这个div并把 visibility改成visible就行

    <script>
        function show_spinning(){
            $("#rolling_div").attr("style","visibility:visible")
        }
    </script>

毕业论文の乱七八糟错误
毕业论文の乱七八糟错误

16. LaTex怎么让三个表格在一页中

在table generator复制的代码的指定位置写上 htbp,如果这页明明可以放下第三个但是第三个却去下一页的话,可以用 !h
毕业论文の乱七八糟错误
前:
毕业论文の乱七八糟错误
后:
毕业论文の乱七八糟错误

Original: https://blog.csdn.net/weixin_43820665/article/details/124464517
Author: 拔牙不打麻药
Title: 毕业论文の乱七八糟错误



相关阅读

Title: CVPR2022论文速递(2022.3.17)!共16篇

整理:AI算法与图像处理,分享请注明出处

CVPR2022论文和代码整理:https://github.com/DWCTOD/CVPR2022-Papers-with-Code-Demo

欢迎关注:

毕业论文の乱七八糟错误

Decoupled Knowledge Distillation

  • 论文/Paper:https://arxiv.org/abs/2203.08679
  • 代码/Code:https://github.com/megvii-research/mdistiller

Deep vanishing point detection: Geometric priors make dataset variations vanish

  • 论文/Paper:https://arxiv.org/abs/2203.08586
  • 代码/Code:https://github.com/yanconglin/VanishingPoint_HoughTransform_GaussianSphere

EDTER: Edge Detection with Transformer

  • 论文/Paper:https://arxiv.org/abs/2203.08566
  • 代码/Code:

MonoJSG: Joint Semantic and Geometric Cost Volume for Monocular 3D Object Detection

  • 论文/Paper:https://arxiv.org/abs/2203.08563
  • 代码/Code:

Non-isotropy Regularization for Proxy-based Deep Metric Learning

  • 论文/Paper:https://arxiv.org/abs/2203.08563
  • 代码/Code:https://github.com/ExplainableML/NonIsotropicProxyDML

Integrating Language Guidance into Vision-based Deep Metric Learning

  • 论文/Paper:https://arxiv.org/abs/2203.08543
  • 代码/Code:https://github.com/ExplainableML/LanguageGuidance_for_DML

Scribble-Supervised LiDAR Semantic Segmentation

  • 论文/Paper:https://arxiv.org/abs/2203.08537
  • 代码/Code:https://github.com/ouenal/scribblekitti

Capturing Humans in Motion: Temporal-Attentive 3D Human Pose and Shape Estimation from Monocular Video

  • 论文/Paper:https://arxiv.org/abs/2203.08534
  • 代码/Code:https://mps-net.github.io/MPS-Net/

Towards Practical Certifiable Patch Defense with Vision Transformer

  • 论文/Paper:https://arxiv.org/abs/2203.08519
  • 代码/Code:

QS-Attn: Query-Selected Attention for Contrastive Learning in I2I Translation

  • 论文/Paperhttps://arxiv.org/abs/2203.08483
  • 代码/Code:

Pseudo-Q: Generating Pseudo Language Queries for Visual Grounding

  • 论文/Paper:https://arxiv.org/abs/2203.08481
  • 代码/Code:https://github.com/LeapLabTHU/Pseudo-Q

The Devil Is in the Details: Window-based Attention for Image Compression

  • 论文/Paper:https://arxiv.org/abs/2203.08450
  • 代码/Code:https://github.com/Googolxx/STF

Attribute Group Editing for Reliable Few-shot Image Generation

  • 论文/Paper:https://arxiv.org/abs/2203.08422
  • 代码/Code:

Privacy-preserving Online AutoML for Domain-Specific Face Detection

  • 论文/Paper:https://arxiv.org/abs/2203.08399
  • 代码/Code:

Represent, Compare, and Learn: A Similarity-Aware Framework for Class-Agnostic Counting

  • 论文/Paper:https://arxiv.org/abs/2203.08354
  • 代码/Code:https://github.com/flyinglynx/Bilinear-Matching-Network

DeepFusion: Lidar-Camera Deep Fusion for Multi-Modal 3D Object Detection

  • 论文/Paper:https://arxiv.org/abs/2203.08195
  • 代码/Code:https://github.com/tensorflow/lingvo/tree/master/lingvo/

Original: https://blog.csdn.net/flyfor2013/article/details/123587848
Author: flyfor2013
Title: CVPR2022论文速递(2022.3.17)!共16篇

相关文章
人工智能

BraTs数据集处理及python读取.nii文件

导师让做一个关于脑肿瘤分割的小项目,今天开始学习图像分割和MRI相关知识!(md从分类到检测再到分割,从遥感图到脑部图,我真的会谢...生气) 数据集 BraTS 是MICCAI脑肿瘤分割比赛的数据集...
人工智能

VoxelNet点云检测详解

1、前言 精确的点云检测在很多三维场景的应用中都是十分重要的一环,比如家用机机器人、无人驾驶汽车等场景。然而高效且准确的点云检测在pointnet网络提出之前,一直没能取得很好的进展,因为传统的手工点...
人工智能

uniapp-语音识别

首先先配置好权限 注意:不能同时支持讯飞语音识别和百度语音识别,只可二选一 百度语音识别 在manifest.json文件"App模块配置"项的"Speech(语音输入,只能选一个)"下,勾选"百度语...
人工智能

人工智能:知识图谱实战

人工智能 python,NLP,知识图谱,机器学习,深度学习 人工智能:知识图谱实战 * 前言 一、实体建模工具Protege 二、常用知识点总结 - 1. 知识图谱模型设计方法论 2. 知识图谱模型...