|
|
|
|
|
07 2019 档案
吴裕雄--天生自然 PYTHON语言数据分析:ESA的火星快车操作数据集分析
摘要:import os import numpy as np import pandas as pd from datetime import datetime import matplotlib import matplotlib.pyplot as plt import seaborn as sns sns.set_style('white') %matplotlib inline %lo...
阅读全文
吴裕雄--天生自然 python语言数据分析:开普勒系外行星搜索结果分析
摘要:import pandas as pd pd.DataFrame({'Yes': [50, 21], 'No': [131, 2]}) pd.DataFrame({'Bob': ['I liked it.', 'It was awful.'], 'Sue': ['Pretty good.', 'Bland.']}) pd.DataFrame({'Bob': ['I like...
阅读全文
吴裕雄--天生自然 R语言数据分析:火箭发射的地点、日期/时间和结果分析
摘要:dfS = read.csv("F:\\kaggleDataSet\\spacex-missions\\database.csv") library(dplyr) library(tidyr) library(data.table) library(sqldf) library(highcharter) library(ggrepel) library(leaflet) library(v...
阅读全文
吴裕雄--天生自然 PYTHON数据分析:基于Keras的CNN分析太空深处寻找系外行星数据
摘要:#We import libraries for linear algebra, graphs, and evaluation of results import numpy as np import matplotlib.pyplot as plt from sklearn.linear_model import LinearRegression from sklearn.preproces...
阅读全文
吴裕雄--天生自然 python数据分析:基于Keras使用CNN神经网络处理手写数据集
摘要:import pandas as pd import numpy as np import matplotlib.pyplot as plt import matplotlib.image as mpimg import seaborn as sns %matplotlib inline np.random.seed(2) from sklearn.model_selection impo...
阅读全文
吴裕雄--天生自然 PYTHON数据分析:钦奈水资源管理分析
摘要:df = pd.read_csv("F:\\kaggleDataSet\\chennai-water\\chennai_reservoir_levels.csv") df["Date"] = pd.to_datetime(df["Date"], format='%d-%m-%Y') df.head() import datetime def scatter_plot(cnt_srs, ...
阅读全文
吴裕雄--天生自然 PYTHON数据分析:医疗数据分析
摘要:import numpy as np # linear algebra import pandas as pd # data processing, CSV file I/O (e.g. pd.read_csv) # plotly import chart_studio.plotly as py from plotly.offline import init_notebook_mode, i...
阅读全文
吴裕雄--天生自然 PYTHON数据分析:人类发展报告——HDI, GDI,健康,全球人口数据数据分析
摘要:import pandas as pd # Data analysis import numpy as np #Data analysis import seaborn as sns # Data visualization import matplotlib.pyplot as plt # Data Visualization import matplotlib.gridspec as...
阅读全文
吴裕雄--天生自然 python开发学习笔记:解决No module named 'mpl_toolkits.basemap'问题
摘要:、 下载: basemap-1.1.0-cp36-cp36m-win_amd64.whl和pyproj-1.9.5.1-cp36-cp36m-win_amd64.whl这两个文件 先运行: 再运行:
阅读全文
吴裕雄--天生自然 python数据分析:医疗费数据分析
摘要:import numpy as np import pandas as pd import os import matplotlib.pyplot as pl import seaborn as sns import warnings warnings.filterwarnings('ignore') data = pd.read_csv('F:\\kaggleDataSet\\Medic...
阅读全文
吴裕雄--天生自然 PYTHON数据分析:糖尿病视网膜病变数据分析(完整版)
摘要:# This Python 3 environment comes with many helpful analytics libraries installed # It is defined by the kaggle/python docker image: https://github.com/kaggle/docker-python # For example, here's sev...
阅读全文
吴裕雄--天生自然 PYTHON数据分析:糖尿病视网膜病变数据分析(续六)
摘要:from albumentations import * import time IMG_SIZE = (224,224) '''Use case from https://www.kaggle.com/alexanderliao/image-augmentation-demo-with-albumentation/''' def albaugment(aug0, img): ret...
阅读全文
吴裕雄--天生自然 PYTHON数据分析:糖尿病视网膜病变数据分析(续五)
摘要:from keras import layers from keras.models import Model import keras.backend as K K.clear_session() densenet = DenseNet121(weights=None,include_top=False,input_shape=(None,None,3)) GAP_layer = l...
阅读全文
吴裕雄--天生自然 PYTHON数据分析:糖尿病视网膜病变数据分析(续四)
摘要:dpi = 80 #inch path_jpg=f"F:\\kaggleDataSet\\diabeticRetinopathy\\resized_train_cropped\\18017_left.jpeg" # too many vessels? path_png=f"F:\\kaggleDataSet\\diabeticRetinopathy\\rescaled_train_896\\1...
阅读全文
吴裕雄--天生自然 PYTHON数据分析:糖尿病视网膜病变数据分析(续三)
摘要:%%time NUM_SAMP=10 fig = plt.figure(figsize=(25, 16)) for jj in range(5): for i, (idx, row) in enumerate(df_test.sample(NUM_SAMP,random_state=SEED+jj).iterrows()): ax = fig.add_subplot(5,...
阅读全文
吴裕雄--天生自然 PYTHON数据分析:糖尿病视网膜病变数据分析(续二)
摘要:def circle_crop(img, sigmaX=10): """ Create circular crop around image centre """ img = cv2.imread(img) img = crop_image_from_gray(img) img = cv2.cvtColor(img, ...
阅读全文
吴裕雄--天生自然 PYTHON数据分析:糖尿病视网膜病变数据分析(续一)
摘要:%%time fig = plt.figure(figsize=(25, 16)) for class_id in sorted(train_y.unique()): for i, (idx, row) in enumerate(df_train.loc[df_train['diagnosis'] == class_id].sample(5, random_state=SEED).ite...
阅读全文
吴裕雄--天生自然 PYTHON数据分析:糖尿病视网膜病变数据分析
摘要:# This Python 3 environment comes with many helpful analytics libraries installed # It is defined by the kaggle/python docker image: https://github.com/kaggle/docker-python # For example, here's seve...
阅读全文
吴裕雄--天生自然 R数据分析:2014年美国人时间使用调查(ATUS)饮食与健康模块文件分析
摘要:# libraries we'll need library(car) # for avplots library(tidyverse) # for general utility functions # read in our data bmi_data % filter(erbmi > 0) # remove rows where the reported BMI is les...
阅读全文
吴裕雄--天生自然 PYTHON数据分析:所有美国股票和etf的历史日价格和成交量分析
摘要:# This Python 3 environment comes with many helpful analytics libraries installed # It is defined by the kaggle/python docker image: https://github.com/kaggle/docker-python # For example, here's sev...
阅读全文
吴裕雄--天生自然 中医研究学习:入门
摘要:中医学是研究人体生理病理,疾病诊断与防治以及摄生康复的一门医学科学,至今已有数千年的历史。中医学是“以中医药理论与实践经验为主体,研究人类生命活动中医学中健康与疾病转化规律及其预防、诊断、治疗、康复和保健的综合性科学”。 [1] 中医学属于在阴阳五行理论指导下、从动态整体角度研究人体生理病理药理及其与自然环境关系、寻求防治疾病最有效方法的学问。任何一种理论,如果不具备整体观念的特色,它就不会是...
阅读全文
吴裕雄--天生自然 python数据分析:健康指标聚集分析(健康分析)
摘要:# This Python 3 environment comes with many helpful analytics libraries installed # It is defined by the kaggle/python docker image: https://github.com/kaggle/docker-python # For example, here's sev...
阅读全文
吴裕雄--天生自然 PYTHON数据分析:威斯康星乳腺癌(诊断)数据分析(续一)
摘要:drop_list1 = ['perimeter_mean','radius_mean','compactness_mean','concave points_mean','radius_se','perimeter_se','radius_worst','perimeter_worst','compactness_worst','concave points_worst','compactne...
阅读全文
吴裕雄--天生自然 PYTHON数据分析:威斯康星乳腺癌(诊断)数据分析
摘要:# This Python 3 environment comes with many helpful analytics libraries installed # It is defined by the kaggle/python docker image: https://github.com/kaggle/docker-python # For example, here's se...
阅读全文
吴裕雄--天生自然 python数据分析:葡萄酒分析
摘要:# import pandas import pandas as pd # creating a DataFrame pd.DataFrame({'Yes': [50, 31], 'No': [101, 2]}) # another example of creating a dataframe pd.DataFrame({'Bob': ['I liked it.', 'It was ...
阅读全文
吴裕雄--天生自然 python开发学习笔记:下载python离线安装whl文件链接
摘要:https://www.lfd.uci.edu/~gohlke/pythonlibs/
阅读全文
吴裕雄--天生自然 python数据分析:加纳卫生设施数据分析
摘要:import numpy as np # linear algebra import pandas as pd # data processing, CSV file I/O (e.g. pd.read_csv) # Any results you write to the current directory are saved as output. import matplotlib.py...
阅读全文
吴裕雄--天生自然 python开发学习笔记:一劳永逸解决绘图出现中文乱码问题方法
摘要:import numpy as np import matplotlib.pyplot as plt x = np.random.randint(0,20,10) y = np.random.randint(0,20,10) print(x) print(y) plt.title("散点图") plt.scatter(x,y,edgecolors="red") plt.plot(x,y) pl...
阅读全文
吴裕雄--天生自然 python开发学习笔记:pycharm无法使用ctrl+c/v复制粘贴的问题
摘要:在使用pycharm的时候发现不能正常使用ctrl+c/v进行复制粘贴,也无法使用tab键对大段代码进行整体缩进。后来发现是因为安装了vim插件的问题,在setting里找到vim插件,取消勾选即可解决问题。
阅读全文
吴裕雄--天生自然 Tensorflow卷积神经网络:花朵图片识别
摘要:import os import numpy as np import matplotlib.pyplot as plt from PIL import Image, ImageChops from skimage import color,data,transform,io #获取所有数据文件夹名称 fileList = os.listdir("F:\\data\\flowers") tra...
阅读全文
吴裕雄--天生自然 R语言开发学习:模块\包的安装命令
摘要:install.packages('模块包名称') 或者 install.packages('模块包名称',repos='http://cran.us.r-project.org')
阅读全文
吴裕雄--天生自然 R语言数据可视化绘图(4)
摘要:par(ask=TRUE) # Basic scatterplot library(ggplot2) ggplot(data=mtcars, aes(x=wt, y=mpg)) + geom_point() + labs(title="Automobile Data", x="Weight", y="Miles Per Gallon") # Scatter plot with a...
阅读全文
吴裕雄--天生自然 R语言数据可视化绘图(3)
摘要:par(ask=TRUE) opar <- par(no.readonly=TRUE) # record current settings # Listing 11.1 - A scatter plot with best fit lines attach(mtcars) plot(wt,...
阅读全文
吴裕雄--天生自然 R语言数据可视化绘图(2)
摘要:# Listing 6.1 - Simple bar plot# vertical barplotbarplot(counts, main="Simple Bar Plot", xlab="Improvement", ylab="Frequency")# horizontal bar plot ba
阅读全文
吴裕雄--天生自然 R语言数据可视化绘图(1)
摘要:par(ask=TRUE) opar <- par(no.readonly=TRUE) # make a copy of current settings attach(mtcars) # be sure to execute this line plot(wt, mpg) abline(lm(mpg~wt)) title("Regression of MPG on Weight") ...
阅读全文
吴裕雄--天生自然 人工智能机器学习项目:地图数据及细胞图片数据处理报告(续六)
摘要:运行效果如下: 详细代码分析过程如下: (1)导入需要用到的python包或函数 (4)将dataset数据进行归一化处理,使用kmeans函数进行聚类,输入第一个参数是数据,第二个参数为聚类个数2,k-means最后输出的结果其实是两维的,第一维是聚类中心,第二维是损失distortion,新建一
阅读全文
吴裕雄--天生自然 人工智能机器学习项目:地图数据及细胞图片数据处理报告(续五)
摘要:最后运行效果如下: (5)显示上面的dataset分类结果,并且保存到一个文件里面。 (6)将上面保存的dataset图片读取进来,并且获得它第2通道图片特征,显示这个图片特征灰色图片如下图,结合上面dataset图片很明显,需要特别显示的大细胞和非细胞已经区分得很清晰了。 (7)现在直接把data
阅读全文
吴裕雄--天生自然 人工智能机器学习项目:地图数据及细胞图片数据处理报告(续二)
摘要:处理后得到的效果图如下: (6)新建一个数据集dataset,它的行数是:一张图片中我们感兴趣的点(一个小像素),也就是:一个图片对象只考虑I_seg.sum()这么多像素,一共有61张图片,所以dataset将保存所有的图片数据信息,这样dataset每一列就是一张图片,而每一行就是每张图片同一个
阅读全文
吴裕雄--天生自然 人工智能机器学习项目:地图数据及细胞图片数据处理报告(续一)
摘要:................................................... (13)按格式输出 for i in range(0,len(List_row)): if (i%2==0): st=List_row[i].strip().split(' ') print(in
阅读全文
吴裕雄--天生自然 人工智能机器学习项目:地图数据及细胞图片数据处理报告
摘要:实验过程与结果(可贴图) 解: 全部代码如下: 最终的部分运行结果输出如下: ............................................................................. .................................
阅读全文
吴裕雄--天生自然 人工智能机器学习实战代码:回归决策树模型
摘要:import numpy as np import matplotlib.pyplot as plt from sklearn import datasets from sklearn.model_selection import train_test_split from sklearn.tree import DecisionTreeClassifier,DecisionTreeRegre...
阅读全文
吴裕雄--天生自然 人工智能机器学习实战代码:线性判断分析LINEARDISCRIMINANTANALYSIS
摘要:import numpy as np import matplotlib.pyplot as plt from matplotlib import cm from mpl_toolkits.mplot3d import Axes3D from sklearn.model_selection import train_test_split from sklearn import datasets...
阅读全文
吴裕雄--天生自然 人工智能机器学习实战代码:逻辑回归
摘要:import numpy as np import matplotlib.pyplot as plt from matplotlib import cm from mpl_toolkits.mplot3d import Axes3D from sklearn import datasets, linear_model from sklearn.model_selection import tr...
阅读全文
吴裕雄--天生自然 人工智能机器学习实战代码:ELASTICNET回归
摘要:import numpy as np import matplotlib.pyplot as plt from matplotlib import cm from mpl_toolkits.mplot3d import Axes3D from sklearn import datasets, linear_model from sklearn.model_selection import tr...
阅读全文
吴裕雄--天生自然 人工智能机器学习实战代码:LASSO回归
摘要:import numpy as np import matplotlib.pyplot as plt from sklearn import datasets, linear_model from sklearn.model_selection import train_test_split def load_data(): diabetes = datasets.load_diab...
阅读全文
吴裕雄--天生自然 人工智能机器学习实战代码:岭回归
摘要:import numpy as np import matplotlib.pyplot as plt from sklearn import datasets, linear_model from sklearn.model_selection import train_test_split def load_data(): diabetes = datasets.load_diab...
阅读全文
吴裕雄--天生自然 人工智能机器学习实战代码:线性回归模型
摘要:import numpy as np from sklearn import datasets,linear_model from sklearn.model_selection import train_test_split def load_data(): diabetes = datasets.load_diabetes() return train_test_spli...
阅读全文
吴裕雄--天生自然 R语言开发学习:高级编程
摘要:运行的条件是一元逻辑向量(TRUE或FALSE)并且不能有缺失(NA)。else部分是可选的。如果 13 仅有一个语句,花括号也是可以省略的。 下面的代码片段是一个例子: if(interactive()){ 14 plot(x, y) } else { png("myplot.png") plot(x, y) dev.off() 15 }...
阅读全文
吴裕雄--天生自然 R语言开发学习:使用ggplot2进行高级绘图(续二)
摘要:#----------------------------------------------------------# # R in Action (2nd ed): Chapter 19 # # Advanced graphics with ggplot2 #...
阅读全文
吴裕雄--天生自然 R语言开发学习:使用ggplot2进行高级绘图(续一)
摘要:#----------------------------------------------------------# # R in Action (2nd ed): Chapter 19 # # Advanced graphics with ggplot2 #...
阅读全文
吴裕雄--天生自然 R语言开发学习:使用ggplot2进行高级绘图
摘要:#----------------------------------------------------------# # R in Action (2nd ed): Chapter 19 # # Advanced graphics with ggplot2 ...
阅读全文
吴裕雄--天生自然 R语言开发学习:处理缺失数据的高级方法(续一)
摘要:#-----------------------------------# # R in Action (2nd ed): Chapter 18 # # Advanced methods for missing data # # requires packages VIM, mice # # install.packages(c("VIM", mice)) # #---...
阅读全文
吴裕雄--天生自然 R语言开发学习:处理缺失数据的高级方法
摘要:#-----------------------------------# # R in Action (2nd ed): Chapter 18 # # Advanced methods for missing data # # requires packages VIM, mice # # install.packa...
阅读全文
吴裕雄--天生自然 R语言开发学习:分类(续二)
摘要:#-----------------------------------------------------------------------------# # R in Action (2nd ed): Chapter 17 # # Classification ...
阅读全文
吴裕雄--天生自然 R语言开发学习:分类(续一)
摘要:#-----------------------------------------------------------------------------# # R in Action (2nd ed): Chapter 17 # # Classification ...
阅读全文
吴裕雄--天生自然 R语言开发学习:分类
摘要:#-----------------------------------------------------------------------------# # R in Action (2nd ed): Chapter 17 # # Classification ...
阅读全文
吴裕雄--天生自然 R语言开发学习:聚类分析(续一)
摘要:#-------------------------------------------------------# # R in Action (2nd ed): Chapter 16 # # Cluster analysis # # ...
阅读全文
吴裕雄--天生自然 R语言开发学习:聚类分析
摘要:#-------------------------------------------------------# # R in Action (2nd ed): Chapter 16 # # Cluster analysis # # requi...
阅读全文
吴裕雄--天生自然 R语言开发学习:时间序列(续三)
摘要:#-----------------------------------------# # R in Action (2nd ed): Chapter 15 # # Time series # # requires forecast, tseries packages # # install.packages(...
阅读全文
吴裕雄--天生自然 R语言开发学习:时间序列(续二)
摘要:#-----------------------------------------# # R in Action (2nd ed): Chapter 15 # # Time series # # requires forecast, tseries packages # # insta...
阅读全文
吴裕雄--天生自然 R语言开发学习:时间序列(续一)
摘要:#-----------------------------------------# # R in Action (2nd ed): Chapter 15 # # Time series # # requires forecast, tseries packages # # inst...
阅读全文
吴裕雄--天生自然 R语言开发学习:时间序列
摘要:#-----------------------------------------# # R in Action (2nd ed): Chapter 15 # # Time series # # requires forecast, tseries packages ...
阅读全文
吴裕雄--天生自然 R语言开发学习:主成分分析和因子分析(续一)
摘要:#--------------------------------------------# # R in Action (2nd ed): Chapter 14 # # Principal components and factor analysis # # requires package psych ...
阅读全文
吴裕雄--天生自然 R语言开发学习:主成分分析和因子分析
摘要:#--------------------------------------------# # R in Action (2nd ed): Chapter 14 # # Principal components and factor analysis # # requires package psych ...
阅读全文
吴裕雄--天生自然 R语言开发学习:广义线性模型(续一)
摘要:#----------------------------------------------# # R in Action (2nd ed): Chapter 13 # # Generalized linear models # # requires packages AER, robust, gcc...
阅读全文
吴裕雄--天生自然 R语言开发学习:广义线性模型
摘要:#----------------------------------------------# # R in Action (2nd ed): Chapter 13 # # Generalized linear models # # requires packages AER, robu...
阅读全文
吴裕雄--天生自然 R语言开发学习:重抽样与自助法(续一)
摘要:#-------------------------------------------------------------------------# # R in Action (2nd ed): Chapter 12 # # Resampling statisti...
阅读全文
吴裕雄--天生自然 R语言开发学习:重抽样与自助法
摘要:#-------------------------------------------------------------------------# # R in Action (2nd ed): Chapter 12 # # Resampling statistics and boo...
阅读全文
吴裕雄--天生自然 R语言开发学习:中级绘图(续二)
摘要:#------------------------------------------------------------------------------------# # R in Action (2nd ed): Chapter 11 # # I...
阅读全文
吴裕雄--天生自然 R语言开发学习:中级绘图(续一)
摘要:#------------------------------------------------------------------------------------# # R in Action (2nd ed): Chapter 11 # # In...
阅读全文
吴裕雄--天生自然 R语言开发学习:中级绘图
摘要:#------------------------------------------------------------------------------------# # R in Action (2nd ed): Chapter 11 # # Int...
阅读全文
吴裕雄--天生自然 R语言开发学习:功效分析(续一)
摘要:#----------------------------------------# # R in Action (2nd ed): Chapter 10 # # Power analysis # # requires packages pwr to be installed # # install.packages(...
阅读全文
吴裕雄--天生自然 R语言开发学习:功效分析
摘要:#----------------------------------------# # R in Action (2nd ed): Chapter 10 # # Power analysis # # requires packages pwr to be installed # ...
阅读全文
吴裕雄--天生自然 R语言开发学习:方差分析(续二)
摘要:#-------------------------------------------------------------------# # R in Action (2nd ed): Chapter 9 # # Analysis of variance ...
阅读全文
吴裕雄--天生自然 R语言开发学习:方差分析(续一)
摘要:#-------------------------------------------------------------------# # R in Action (2nd ed): Chapter 9 # # Analysis of variance ...
阅读全文
吴裕雄--天生自然 R语言开发学习:方差分析
摘要:#-------------------------------------------------------------------# # R in Action (2nd ed): Chapter 9 # # Analysis of variance ...
阅读全文
吴裕雄--天生自然 R语言开发学习:回归(续四)
摘要:#------------------------------------------------------------# # R in Action (2nd ed): Chapter 8 # # Regression ...
阅读全文
吴裕雄--天生自然 R语言开发学习:回归(续三)
摘要:#------------------------------------------------------------# # R in Action (2nd ed): Chapter 8 # # Regression ...
阅读全文
吴裕雄--天生自然 R语言开发学习:回归(续二)
摘要:#------------------------------------------------------------# # R in Action (2nd ed): Chapter 8 # # Regression ...
阅读全文
吴裕雄--天生自然 R语言开发学习:回归(续一)
摘要:#------------------------------------------------------------# # R in Action (2nd ed): Chapter 8 # # Regression ...
阅读全文
吴裕雄--天生自然 R语言开发学习:回归
摘要:#------------------------------------------------------------# # R in Action (2nd ed): Chapter 8 # # Regression ...
阅读全文
吴裕雄--天生自然 R语言开发学习:基本统计分析(续三)
摘要:#---------------------------------------------------------------------# # R in Action (2nd ed): Chapter 7 # # Basic statistics ...
阅读全文
吴裕雄--天生自然 R语言开发学习:基本统计分析(续二)
摘要:#---------------------------------------------------------------------# # R in Action (2nd ed): Chapter 7 # # Basic statistics ...
阅读全文
吴裕雄--天生自然 R语言开发学习:基本统计分析(续一)
摘要:#---------------------------------------------------------------------# # R in Action (2nd ed): Chapter 7 # # Basic statistics ...
阅读全文
吴裕雄--天生自然 R语言开发学习:基本统计分析
摘要:#---------------------------------------------------------------------# # R in Action (2nd ed): Chapter 7 # # Basic statistics ...
阅读全文
吴裕雄--天生自然 R语言开发学习:基本图形(续三)
摘要:#---------------------------------------------------------------# # R in Action (2nd ed): Chapter 6 # # Basic graphs ...
阅读全文
吴裕雄--天生自然 R语言开发学习:基本图形(续二)
摘要:#---------------------------------------------------------------# # R in Action (2nd ed): Chapter 6 # # Basic graphs ...
阅读全文
吴裕雄--天生自然 R语言开发学习:基本图形(续一)
摘要:#---------------------------------------------------------------# # R in Action (2nd ed): Chapter 6 # # Basic graphs ...
阅读全文
吴裕雄--天生自然 R语言开发学习:基本图形
摘要:#---------------------------------------------------------------# # R in Action (2nd ed): Chapter 6 # # Basic graphs ...
阅读全文
吴裕雄--天生自然 R语言开发学习:高级数据管理(续三)
摘要:#-----------------------------------# # R in Action (2nd ed): Chapter 5 # # Advanced data management # # requires that the reshape2 # # package has been installed # ...
阅读全文
吴裕雄--天生自然 R语言开发学习:高级数据管理(续二)
摘要:#-----------------------------------# # R in Action (2nd ed): Chapter 5 # # Advanced data management # # requires that the reshape2 # # package has been installed # ...
阅读全文
吴裕雄--天生自然 R语言开发学习:高级数据管理(续一)
摘要:#-----------------------------------# # R in Action (2nd ed): Chapter 5 # # Advanced data management # # requires that the reshape2 # # package has been installed ...
阅读全文
吴裕雄--天生自然 R语言开发学习:高级数据管理
摘要:#-----------------------------------# # R in Action (2nd ed): Chapter 5 # # Advanced data management # # requires that the reshape2 # # package has been installed ...
阅读全文
吴裕雄--天生自然 R语言开发学习:基本数据管理(续二)
摘要:#---------------------------------------------------------# # R in Action (2nd ed): Chapter 4 # # Basic data management # # require...
阅读全文
吴裕雄--天生自然 R语言开发学习:基本数据管理(续一)
摘要:#---------------------------------------------------------# # R in Action (2nd ed): Chapter 4 # # Basic data management # # requi...
阅读全文
吴裕雄--天生自然 R语言开发学习:基本数据管理
摘要:#---------------------------------------------------------# # R in Action (2nd ed): Chapter 4 # # Basic data management # #...
阅读全文
吴裕雄--天生自然 R语言开发学习:图形初阶(续二)
摘要:# ----------------------------------------------------# # R in Action (2nd ed): Chapter 3 # # Getting started with graphs # # requires that t...
阅读全文
吴裕雄--天生自然 R语言开发学习:图形初阶(续一)
摘要:# ----------------------------------------------------# # R in Action (2nd ed): Chapter 3 # # Getting started with graphs # # requi...
阅读全文
吴裕雄--天生自然 R语言开发学习:图形初阶
摘要:# ----------------------------------------------------# # R in Action (2nd ed): Chapter 3 # # Getting started with graphs # # req...
阅读全文
吴裕雄--天生自然 R语言开发学习:导入数据
摘要:包都为对应的数据库提供了原生的数据库驱动,但可能不是在所有系统上都可用。详情请参阅 CRAN(http://cran.r-project.org)上的相应文档。
阅读全文
吴裕雄--天生自然 神经网络人工智能项目:基于深度学习TensorFlow框架的图像分类与目标跟踪报告(续三)
摘要:1、再次认真思考之后,不再将图片灰度化,图片的通道数仍然保持是3,为了加快运行的速度,并且相应地把图片的尺寸改成了32*32。为了节省时间这里也加入了TensorBoard可视化代码。具体代码如下: 代码运行结果如下(部分输出): 可以看到现在代码的结果非常好了,训练准确率也明显高出了许多,达到了9
阅读全文
吴裕雄--天生自然 神经网络人工智能项目:基于深度学习TensorFlow框架的图像分类与目标跟踪报告(续二)
摘要:4. TensorFlow环境构建卷积神经网络 4.1深度学习网络结构 (1)本项目构建的网络层数共6层 (2)第1层第一次卷积核的大小是5*5,深度是32 (3)第2层第一次池化核大小是2*2,移动的步长也是2 (4)第3层第二次卷积核的大小是5*5,深度是64 (5)第4层第二次池化核大小是2*
阅读全文
吴裕雄--天生自然 神经网络人工智能项目:基于深度学习TensorFlow框架的图像分类与目标跟踪报告(续一)
摘要:1.3 项目计划 第一周:深入学习和了解神经网络的工作原理,学习卷积的相关理论。 第二周:使用python的TensorFlow库,编写神经网络深度学习代码,搭建神经网络层,并且了解其工作原理和相关的计算、相关参数的传递等,到htttps://www.kaggle.com/moltean/fruit
阅读全文
吴裕雄--天生自然 神经网络人工智能项目:基于深度学习TensorFlow框架的图像分类与目标跟踪报告
摘要:目录 1.概述 1 1.1 项目背景 1 客户端 3 Distributed Master 3 Worker Service 5 Kernel Implements 6 技术栈 7 一、 神经网络的实现过程 8 二、 前向传播 8 三、后向传播 10 四、搭建神经网络的过程 11 神经网络优化 12
阅读全文
吴裕雄--天生自然 神经网络人工智能项目:基于神经网络算法在智能医疗诊断中的应用探索
摘要:表 2-1 人工智能在医疗领域的应用 智能医疗领域 人工智能技术 具体应用或方法 电子病历 语音识别/合成、自然语言处理 语音识别医生诊断语录,并对信息进行结构化处理,得到可分类的病历信息 影像诊断 机器视觉 图像预处理,抓取特征等 辅助治疗 语音识别/合成、自然语言处理、机器视觉、机器学习 通过语
阅读全文
|
|