|  | 
                
                    | | 
 | 
 | 
 | 
    
        
            
    吴裕雄 PYTHON 人工智能——智能医疗系统后台智能分诊模块及系统健康养生公告简约版代码展示
    
            
摘要:#coding:utf-8 import sys import cx_Oracle import numpy as np import pandas as pd import tensorflow as tf def main(argv): conn=cx_Oracle.connect('doctor/admin@localhost:1521/tszr') cursor = ...
        阅读全文 
            
    吴裕雄 python 人工智能——智能医疗系统后台用户复诊模块简约版代码展示
    
            
摘要:#复诊 import sys import os import time import operator import cx_Oracle import numpy as np import pandas as pd import tensorflow as tf uid = 6 sql = "select username,sex,age,province,area,bumen,ke,res...
        阅读全文 
            
    吴裕雄 python 人工智能——智能医疗系统后台用户注册、登录和初诊简约版代码展示
    
            
摘要:#用户注册、登录模块 #数据库脚本 CREATE TABLE usertable( userid number(8) primary key not null , username varchar(50) NULL, password varchar(50) NOT NULL, sex varchar(10) NOT NULL, age number(3) NOT NUL...
        阅读全文 
            
    吴裕雄 python 神经网络——TensorFlow 使用卷积神经网络训练和预测MNIST手写数据集
    
            
摘要:import tensorflow as tf import numpy as np from tensorflow.examples.tutorials.mnist import input_data #设置输入参数 batch_size = 128 test_size = 256 # 初始化权值与定义网络结构,建构一个3个卷积层和3个池化层,一个全连接层和一个输出层的卷积神经网络 # 首...
        阅读全文 
            
    吴裕雄 python 神经网络——TensorFlow 训练过程的可视化 TensorBoard的应用
    
            
摘要:#训练过程的可视化 ,TensorBoard的应用 #导入模块并下载数据集 import tensorflow as tf from tensorflow.examples.tutorials.mnist import input_data #设置超参数 max_step=1000 learning_rate=0.001 dropout=0.9 # 用logdir明确标明日志文件储存路径 #...
        阅读全文 
            
    吴裕雄 python 神经网络——TensorFlow实现回归模型训练预测MNIST手写数据集
    
            
摘要:import tensorflow as tf from tensorflow.examples.tutorials.mnist import input_data mnist = input_data.read_data_sets("E:\\MNIST_data\\", one_hot=True) #构建回归模型,输入原始真实值(group truth),采用sotfmax函数拟合,并定义...
        阅读全文 
            
    吴裕雄 python 神经网络——TensorFlow实现搭建基础神经网络
    
            
摘要:import numpy as np import tensorflow as tf import matplotlib.pyplot as plt def add_layer(inputs, in_size, out_size, activation_function = None): #构建权重: in_sizeXout_size大小的矩阵 weights = tf.Var...
        阅读全文 
            
    吴裕雄 python 神经网络——TensorFlow实现AlexNet模型处理手写数字识别MNIST数据集
    
            
摘要:import tensorflow as tf # 输入数据 from tensorflow.examples.tutorials.mnist import input_data mnist = input_data.read_data_sets("E:\\MNIST_data", one_hot=True) # 定义网络的超参数 learning_rate = 0.001 trainin...
        阅读全文 
            
    吴裕雄 python 神经网络——TensorFlow图片预处理
    
            
摘要:import numpy as np import tensorflow as tf import matplotlib.pyplot as plt # 使用'r'会出错,无法解码,只能以2进制形式读取 # img_raw = tf.gfile.FastGFile('E:\\myresource\\moutance.jpg','rb').read() img_raw = open('E:\\m...
        阅读全文 
            
    吴裕雄 python 神经网络——TensorFlow图片预处理调整图片
    
            
摘要:import numpy as np import tensorflow as tf import matplotlib.pyplot as plt def distort_color(image, color_ordering=0): ''' 随机调整图片的色彩,定义两种处理顺序。 ''' if color_ordering == 0: ima...
        阅读全文 
            
    吴裕雄 python 神经网络TensorFlow实现LeNet模型处理手写数字识别MNIST数据集
    
            
摘要:import tensorflow as tf tf.reset_default_graph() # 配置神经网络的参数 INPUT_NODE = 784 OUTPUT_NODE = 10 IMAGE_SIZE = 28 NUM_CHANNELS = 1 NUM_LABELS = 10 # 第一层卷积层的尺寸和深度 CONV1_DEEP = 32 CONV1_SIZE = 5 # 第二层...
        阅读全文 
            
    吴裕雄 python 机器学习——模型选择参数优化暴力搜索寻优GridSearchCV模型
    
            
摘要:import scipy from sklearn.datasets import load_digits from sklearn.metrics import classification_report from sklearn.linear_model import LogisticRegression from sklearn.model_selection import train_...
        阅读全文 
            
    吴裕雄 python 机器学习——模型选择参数优化随机搜索寻优RandomizedSearchCV模型
    
            
摘要:import scipy from sklearn.datasets import load_digits from sklearn.metrics import classification_report from sklearn.linear_model import LogisticRegression from sklearn.model_selection import train_...
        阅读全文 
            
    吴裕雄 python 机器学习——模型选择验证曲线validation_curve模型
    
            
摘要:import numpy as np import matplotlib.pyplot as plt from sklearn.svm import LinearSVC from sklearn.datasets import load_digits from sklearn.model_selection import validation_curve #模型选择验证曲线validatio...
        阅读全文 
            
    吴裕雄 python 机器学习——模型选择学习曲线learning_curve模型
    
            
摘要:import numpy as np import matplotlib.pyplot as plt from sklearn.svm import LinearSVC from sklearn.datasets import load_digits from sklearn.model_selection import learning_curve #模型选择学习曲线learning_cu...
        阅读全文 
            
    吴裕雄 python 机器学习——模型选择回归问题性能度量
    
            
摘要:from sklearn.metrics import mean_absolute_error,mean_squared_error #模型选择回归问题性能度量mean_absolute_error模型 def test_mean_absolute_error(): y_true=[1,1,1,1,1,2,2,2,0,0] y_pred=[0,0,0,1,1,1,0,0,0,0...
        阅读全文 
            
    吴裕雄 python 机器学习——模型选择分类问题性能度量
    
            
摘要:import numpy as np import matplotlib.pyplot as plt from sklearn.svm import SVC from sklearn.datasets import load_iris from sklearn.preprocessing import label_binarize from sklearn.multiclass impo...
        阅读全文 
            
    吴裕雄 python 机器学习——模型选择数据集切分
    
            
摘要:import numpy as np from sklearn.model_selection import train_test_split,KFold,StratifiedKFold,LeaveOneOut,cross_val_score #模型选择数据集切分train_test_split模型 def test_train_test_split(): X=[[1,2,3,4],...
        阅读全文 
            
    吴裕雄 python 机器学习——模型选择损失函数模型
    
            
摘要:from sklearn.metrics import zero_one_loss,log_loss def test_zero_one_loss(): y_true=[1,1,1,1,1,0,0,0,0,0] y_pred=[0,0,0,1,1,1,1,1,0,0] print("zero_one_loss:",zero_one_loss(y_true,y_pred,...
        阅读全文 
            
    吴裕雄 python 机器学习——数据预处理字典学习模型
    
            
摘要:from sklearn.decomposition import DictionaryLearning #数据预处理字典学习DictionaryLearning模型 def test_DictionaryLearning(): X=[[1,2,3,4,5], [6,7,8,9,10], [10,9,8,7,6,], [5,4,3,2,1]] ...
        阅读全文 
    
 |  |