Python 是一门高级编程语言, 它简单易用,而且人们已经开始发现它的魅力. 对于 Python 菜鸟来说,学习编程绝非容易的事,但一旦掌握了 Python,你可以使用它来完成各种各样的任务,包括数据分析、机器学习、Web 开发等等. 今天,我们将从不同的角度来阐述 Python 泛菜鸟的各种技术点,帮助你更好的掌握这门编程语言.
一、Python 菜鸟基础语法
1、Python 环境的搭建
直接去官网下载安装即可
https://www.python.org/downloads/
2、Python 编写第一个程序
print(“Hello World!”)
3、Python 声明变量
# Python 学习变量的使用
counter = 100 # 整型变量
miles = 1000.0 # 浮点型变量
name = "Python" # 字符串变量
print (counter)
print (miles)
print (name)
4、Python 数据类型
#Python 3 支持 int、float、complex(复数)
#Python3.x 支持bytes、str两种类型的字符串,其中,'b'或'B'前缀表示byte字符串,没有则表示unicode字符串。
a, b, c, d = 20, 5.5, True, 4+3j
print(type(a), type(b), type(c), type(d))
5、Python 运算符
#Python算术运算符
print(5+4) #加法
print(4.3-2) #减法
print(3*7) #乘法
print(2/4) #除法,得到一个浮点数
print(2//4) #除法,得到一个整数
print(17%3) #取余
print(2**5) #乘方
#Python比较运算符
a, b = 10, 20
print("a = ", a)
print("b = ", b)
print("a == b: ", a == b) # 等于
print("a != b: ", a != b) # 不等于
print("a > b: ", a > b) # 大于
print("a < b: ", a < b) # 小于
print("a >= b: ", a >= b) # 大于等于
print("a <= b: ", a <= b) # 小于等于
#Python赋值运算符
a = 21
b = 10
c = 0
c = a + b
print("c = a + b: ", c) # 赋值运算符
c += a
print("c += a : ", c)
c *= a
print("c *= a : ", c)
c /= a
print("c /= a : ", c)
c = 2
c %= a
print("c %= a : ", c)
c **= a
print("c **= a : ", c)
c //= a
print("c //= a : ", c)
二、Python 数据分析
1、NumPy 基础操作
import numpy as np
# 创建新的数组
x = np.array([1, 2, 3, 4, 5])
# 打印数组
print(x)
# 将列表转化为数组
y = np.array([[1, 2, 3], [4, 5, 6]])
# 打印多维数组
print(y)
# 打印数组大小
print("数组大小:", y.shape)
# 访问数组元素(与 Python 列表类似)
print("y[1,2]为:", y[1, 2])
2、Pandas 数据分析
import pandas as pd
# 创造一个字典使'Name'作为关键字
df = pd.DataFrame({'Name': ['John', 'Alice', 'Bob'],
'Age': [20, 21, 22],
'Gender': ['M', 'F', 'M']})
# 输出数据框对象
print(df)
3、Matplotlib 数据可视化
import matplotlib.pyplot as plt
x = np.arange(0, 10, 0.1)
y = np.sin(x)
# 绘图
plt.plot(x, y)
# 绘图标题
plt.title('y=sin(x)')
# x、y轴标题
plt.xlabel('x')
plt.ylabel('y')
# 显示
plt.show()
三、Python Web 开发
1、Flask 基于 Python 的 Web 开发框架
from flask import Flask, render_template,request,redirect,url_for,session
app = Flask(__name__)
app.secret_key = 'demo_key' # session的密钥
todos = []
@app.route('/')
def index():
return render_template('index.html', todos=todos)
@app.route('/add', methods=['POST'])
def add():
# 用户输入的任务列表加入到todos列表中
content = request.form['content']
todos.append(content)
return redirect(url_for('index'))
2、Django
# 安装django
pip install django==2.0
# 创建并运行django项目
django-admin startproject firstproject
python manage.py runserver
3、Pyramid
# 安装 Pyramid
pip install pyramid
# 创建 Pyramid项目
pcreate -s starter myproject
# 安装所需的依赖项
cd myproject && pip install -e .
# 运行 Pyramid
pserve development.ini
# 浏览器中查看
localhost:6543
四、Python 机器学习
1、scikit-learn
from sklearn import datasets
# 导入数据集
iris = datasets.load_iris()
X = iris.data
y = iris.target
# 划分为测试和训练数据集
from sklearn.cross_validation import train_test_split
X_train, X_test, y_train, y_test = train_test_split(X, y, test_size=0.25, random_state=33)
# Z-score特征规范化
from sklearn.preprocessing import StandardScaler
ss = StandardScaler()
X_train = ss.fit_transform(X_train)
X_test = ss.transform(X_test)
# 使用KNN分类器
from sklearn.neighbors import KNeighborsClassifier
knc = KNeighborsClassifier()
knc.fit(X_train, y_train)
y_predict = knc.predict(X_test)
# 模型评估
from sklearn.metrics import classification_report
print('Accuracy: {}\n'.format(knc.score(X_test, y_test)))
print(classification_report(y_test, y_predict, target_names=iris.target_names))
# 数据可视化
import matplotlib.pyplot as plt
plt.scatter(X[y==0, 0], X[y==0, 1], color='red', marker='o', label='setosa')
plt.scatter(X[y==1, 0], X[y==1, 1], color='blue', marker='x', label='versicolor')
plt.scatter(X[y==2, 0], X[y==2, 1], color='green', marker='+', label='virginica')
plt.legend(loc='upper left')
plt.xlabel('sepal length')
plt.ylabel('sepal width')
plt.show()
2、TensorFlow
import tensorflow as tf
# 创建常量
a = tf.constant(5)
b = tf.constant(2)
c = tf.constant(3)
# 使用add()函数将两个常量相加
d = tf.add(a, b)
# 使用multiply()函数将常量d乘3
e = tf.multiply(d, 3)
# 使用subtract()函数将常量e减c
f = tf.subtract(e, c)
# 创建会话并传递f来执行计算图操作
with tf.Session() as sess:
print(sess.run(f))
3、Keras
import keras
from keras.models import Sequential
from keras.layers import Dense, Activation
# 初始化模型
model = Sequential()
# 添加输入层和隐藏层
model.add(Dense(units=64, input_dim=100))
model.add(Activation('relu'))
# 添加输出层
model.add(Dense(units=10))
model.add(Activation('softmax'))
# 编译模型
model.compile(loss='categorical_crossentropy', optimizer='sgd', metrics=['accuracy'])
# 拟合模型
model.fit(X_train, y_train, epochs=20, batch_size=128)
# 评估模型
loss_and_metrics = model.evaluate(X_test, y_test, batch_size=128)
五、Python 爬虫
1、Requests 爬虫库
import requests
# 发送 GET 请求
r = requests.get('http://www.baidu.com')
# 打印响应正文
print(r.text)
# 打印响应状态码
print(r.status_code)
# 打印响应头部
print(r.headers)
2、BeautifulSoup 网页解析库
import requests
from bs4 import BeautifulSoup
# 发送 GET 请求
r = requests.get('http://www.baidu.com')
# 解析 HTML 代码
soup = BeautifulSoup(r.text, 'html.parser')
# 检索并打印所有链接
for link in soup.find_all('a'):
print(link.get('href'))
3、Scrapy 爬虫框架
# 安装 Scrapy
pip install scrapy
# 创建新项目
scrapy startproject example
# 创建新爬虫
scrapy genspider myspider example.com
# 运行爬虫
scrapy crawl myspider
六、Python 性能优化
1、使用生成器替代列表
# 使用列表
def read_file():
with open('huge_text_file.txt') as f:
lines = f.readlines()
for line in lines:
yield line
# 使用生成器
def read_file():
with open('huge_text_file.txt') as f:
for line in f:
yield line
2、使用 itertools 模块优化代码
import itertools
# 串行执行
for i in itertools.chain((1,2,3),('a','b','c')):
print(i)
# 并行执行
from concurrent.futures import ThreadPoolExecutor
with ThreadPoolExecutor(max_workers=2) as executor:
for result in executor.map(do_something, alist):
print(result)
3、使用 functools.lru_cache() 优化并实现记忆化
import functools
@functools.lru_cache()
def fib(n):
if n <= 1:
return n
return fib(n-1) + fib(n-2)
# 获得斐波那契数列的第10项
print(fib(10))
Python 可以适用来完成各种各样的工作,用来开发数据分析、机器学习、Web 应用和爬虫等等都非常方便。希望以上内容对你理解和掌握 Python 的技能有所帮助!