a0python
㈠ python 取滿足條件的行 詳見問題補充
for s in open('filename'):#打開文件手仿嘩
ss=s.strip().split(',')
if "A0"大枯 in ss[1] and float(ss[3])>畢行=0.5:#條件
print 」這就是你想要的那一行「
㈡ python如何從文本中篩選出帶指定漢字的句子
#coding=gbk
#下面就是代碼,測試了一下沒有問題
#python 2.7.5
def srch(fileName):
f = open(fileName,'r').read()
s = f.split('\n')
a0 = s[0]
for i in range(0,len(s)):
if len(s) == 1: #這一行我不知道有沒有用,判斷文本是否只有一行
if a0[:1] != '#':
print '0' #return 0
break
a = s[i]
if a[:1] == '#':
print '-1' #return -1
else:
print '0' #return 0
print srch('abc.txt') #abc.txt is your file
㈢ python中怎麼在字元串結尾添加新字元
用str的替換就可以了,將所有的'a'替換為'a0'
str='abadafa'
str=str.replace('a','a0')
㈣ python 文本文件中查找指定的字元串
def find(lists):
for list0 in lists:
if list0.find('set internet Active')>=0:
if list0.find('#')>=0:
continue
else:
return 0 #有一行不帶#號的set internet Active,那麼返回0
return -1 #若沒有不帶號的set internet Active,那麼返回-1
if __name__=='__main':
lists = ['set internet Active','#set internet Active','# set internet Active']
#lists 是從文件中讀出內容的列表
findout=find(lists) #調用函數
print(findout) #列印結果
㈤ 如何使用Python進行Rijndael方式的加密解密
Rijndael,在高級加密標准(AES)中使用的基本密碼演算法。
概述 (美國)國家標准技術研究所(NIST)選擇Rijndael作為美國政府加密標准(AES)的加密演算法,AES取代早期的數據加密標准(DES)。Rijndael由比利時計算機科學家Vincent Rijmen和Joan Daemen開發,它可以使用128位,192位或者256位的密鑰長度,使得它比56位的DES更健壯可靠。Rijndael也有一個非常小的版本(52位),合適用在蜂窩電話、個人數字處理器(PDA)和其他的小設備上。
近似讀音:Rijn [rain] dael [del] (萊恩戴爾) Rijn 來源 Rhine [萊茵河]的荷蘭語(Dutch)發音。
dael 是常用的人名 這詞是兩個科學家的名字各出一段拼成的。
Rijndael.h
//////////////////////////////////////////////////////////////////////////////////////////////////////////////////////////////////////////////////
#pragma once
#include <exception>
#include <string.h>
using namespace std;
class CRijndael
{
public:
enum { ECB=0, CBC=1, CFB=2 };
private:
enum { DEFAULT_BLOCK_SIZE=16 };
enum { MAX_BLOCK_SIZE=32, MAX_ROUNDS=14, MAX_KC=8, MAX_BC=8 };
static int Mul(int a, int b)
{
return (a != 0 && b != 0) ? sm_alog[(sm_log[a & 0xFF] + sm_log[b & 0xFF]) % 255] : 0;
}
static int Mul4(int a, char b[])
{
if(a == 0)
return 0;
a = sm_log[a & 0xFF];
int a0 = (b[0] != 0) ? sm_alog[(a + sm_log[b[0] & 0xFF]) % 255] & 0xFF : 0;
int a1 = (b[1] != 0) ? sm_alog[(a + sm_log[b[1] & 0xFF]) % 255] & 0xFF : 0;
int a2 = (b[2] != 0) ? sm_alog[(a + sm_log[b[2] & 0xFF]) % 255] & 0xFF : 0;
int a3 = (b[3] != 0) ? sm_alog[(a + sm_log[b[3] & 0xFF]) % 255] & 0xFF : 0;
return a0 << 24 | a1 << 16 | a2 << 8 | a3;
}
public:
CRijndael();
virtual ~CRijndael();
void MakeKey(char const* key, char const* chain,
int keylength=DEFAULT_BLOCK_SIZE, int blockSize=DEFAULT_BLOCK_SIZE);
private:
void Xor(char* buff, char const* chain)
{
if(false==m_bKeyInit)
throw exception(sm_szErrorMsg1);
for(int i=0; i<m_blockSize; i++)
*(buff++) ^= *(chain++);
}
void DefEncryptBlock(char const* in, char* result);
void DefDecryptBlock(char const* in, char* result);
public:
void EncryptBlock(char const* in, char* result);
void DecryptBlock(char const* in, char* result);
void Encrypt(char const* in, char* result, size_t n, int iMode=ECB);
void Decrypt(char const* in, char* result, size_t n, int iMode=ECB);
int GetKeyLength()
{
if(false==m_bKeyInit)
throw exception(sm_szErrorMsg1);
return m_keylength;
}
int GetBlockSize()
{
if(false==m_bKeyInit)
throw exception(sm_szErrorMsg1);
return m_blockSize;
}
int GetRounds()
{
if(false==m_bKeyInit)
throw exception(sm_szErrorMsg1);
return m_iROUNDS;
}
void ResetChain()
{
memcpy(m_chain, m_chain0, m_blockSize);
}
public:
static char const* sm_chain0;
private:
static const int sm_alog[256];
static const int sm_log[256];
static const char sm_S[256];
static const char sm_Si[256];
static const int sm_T1[256];
static const int sm_T2[256];
static const int sm_T3[256];
static const int sm_T4[256];
static const int sm_T5[256];
static const int sm_T6[256];
static const int sm_T7[256];
static const int sm_T8[256];
static const int sm_U1[256];
static const int sm_U2[256];
static const int sm_U3[256];
static const int sm_U4[256];
static const char sm_rcon[30];
static const int sm_shifts[3][4][2];
static char const* sm_szErrorMsg1;
static char const* sm_szErrorMsg2;
bool m_bKeyInit;
int m_Ke[MAX_ROUNDS+1][MAX_BC];
int m_Kd[MAX_ROUNDS+1][MAX_BC];
int m_keylength;
int m_blockSize;
int m_iROUNDS;
char m_chain0[MAX_BLOCK_SIZE];
char m_chain[MAX_BLOCK_SIZE];
int tk[MAX_KC];
int a[MAX_BC];
int t[MAX_BC];
};
㈥ python數值常量合法的判斷
一個整數集合S是合法的,指S的任意子集subS有Fun(SubS)!=X,其中X是一個固定整數,Fun(A)的定義如下:
A為一個整數集合,設A中有n個元素,分別為a0,a1,a2,...,an-1,那麼定義:Fun(A)=a0ora1or...oran-1;Fun({})=0,即空集的函數值為0.其中,or為或操作。
現在給你一個集合Y與整數X的值,問在集合Y至少刪除多少個元素能使集合Y合法?
例如:Y={1,2,4},X=7;顯然現在的Y不合法,因為1or2or4=7,但是刪除掉任何一個元素後Y將合法。所以,答案是1。
㈦ python二維數組按第一列排序問題,整行數據一起排序。
def by0(t):
return t[0]
a=[[1,2,4],[6,3,5],[2,4,5]]
a0=sorted(a,key=by0)
print(a0)
如果是多維數組按當中某行數據排序,修改自定義函數中return的數就行了
㈧ python3的sympy
print(「字元串」),5/2和5//2的結果是不同的5/2為2.5,5//2為2.
python2需要導入from_future_import division執行普通的除法。
1/2和1//2的結果0.5和0.
%號為取模運算。
乘方運算為2**3,-2**3和-(2**3)是等價的。
from sympy import*導入庫
x,y,z=symbols('x y z'),定義變數
init_printing(use_unicode=True)設置列印方式。
python的內部常量有pi,
函數simplify,simplify(sin(x)**2 + cos(x)**2)化簡結果為1,
simplify((x**3 + x**2 - x - 1)/(x**2 + 2*x + 1))化簡結果為x-1。化簡伽馬函數。simplify(gamma(x)/拍歲gamma(x - 2))得(x-2)(x-1)。
expand((x + 1)**2)展開多項式。
expand((x + 1)*(x - 2) - (x - 1)*x)
因式分解。factor(x**2*z + 4*x*y*z + 4*y**2*z)得到z*(x + 2*y)**2
from_future_import division
x,y,z,t=symbols('x y z t')定義變數,
k, m, n = symbols('k m n', integer=True)定義三個整數變數。
f, g, h = symbols('f g h', cls=Function)定義的類型為函數。
factor_list(x**2*z + 4*x*y*z + 4*y**2*z)得到一個列表,表示因式的冪,(1, [(z, 1), (x + 2*y, 2)])
expand((cos(x) + sin(x))**2)展開多項式。
expr = x*y + x - 3 + 2*x**2 - z*x**2 + x**3,collected_expr = collect(expr, x)將x合並。將x元素按階次整合。
collected_expr.coeff(x, 2)直接取出變數collected_expr的x的二次冪的系數源擾。
cancel()is more efficient thanfactor().
cancel((x**2 + 2*x + 1)/(x**2 + x))
,expr = (x*y**2 - 2*x*y*z + x*z**2 + y**2 - 2*y*z + z**2)/(x**2 - 1),cancel(expr)
expr = (4*x**3 + 21*x**2 + 10*x + 12)/(x**4 + 5*x**3 + 5*x**2 + 4*x),apart(expr)
asin(1)
trigsimp(sin(x)**2 + cos(x)**2)三角函數表達式化雹賀旦簡,
trigsimp(sin(x)**4 - 2*cos(x)**2*sin(x)**2 + cos(x)**4)
trigsimp(sin(x)*tan(x)/sec(x))
trigsimp(cosh(x)**2 + sinh(x)**2)雙曲函數。
三角函數展開,expand_trig(sin(x + y)),acos(x),cos(acos(x)),expand_trig(tan(2*x))
x, y = symbols('x y', positive=True)正數,a, b = symbols('a b', real=True)實數,z, t, c = symbols('z t c')定義變數的方法。
sqrt(x) == x**Rational(1, 2)判斷是否相等。
powsimp(x**a*x**b)冪函數的乘法,不同冪的乘法,必須先定義a和b。powsimp(x**a*y**a)相同冪的乘法。
powsimp(t**c*z**c),注意,powsimp()refuses to do the simplification if it is not valid.
powsimp(t**c*z**c, force=True)這樣的話就可以得到化簡過的式子。聲明強制進行化簡。
(z*t)**2,sqrt(x*y)
第一個展開expand_power_exp(x**(a + b)),expand_power_base((x*y)**a)展開,
expand_power_base((z*t)**c, force=True)強制展開。
powdenest((x**a)**b),powdenest((z**a)**b),powdenest((z**a)**b, force=True)
ln(x),x, y ,z= symbols('x y z', positive=True),n = symbols('n', real=True),
expand_log(log(x*y))展開為log(x) + log(y),但是python3沒有。這是因為需要將x定義為positive。這是必須的,否則不會被展開。expand_log(log(x/y)),expand_log(log(x**n))
As withpowsimp()andpowdenest(),expand_log()has aforceoption that can be used to ignore assumptions。
expand_log(log(z**2), force=True),強制展開。
logcombine(log(x) + log(y)),logcombine(n*log(x)),logcombine(n*log(z), force=True)。
factorial(n)階乘,binomial(n, k)等於c(n,k),gamma(z)伽馬函數。
hyper([1, 2], [3], z),
tan(x).rewrite(sin)得到用正弦表示的正切。factorial(x).rewrite(gamma)用伽馬函數重寫階乘。
expand_func(gamma(x + 3))得到,x*(x + 1)*(x + 2)*gamma(x),
hyperexpand(hyper([1, 1], [2], z)),
combsimp(factorial(n)/factorial(n - 3))化簡,combsimp(binomial(n+1, k+1)/binomial(n, k))化簡。combsimp(gamma(x)*gamma(1 - x))
自定義函數
def list_to_frac(l):
expr = Integer(0)
for i in reversed(l[1:]):
expr += i
expr = 1/expr
return l[0] + expr
list_to_frac([x, y, z])結果為x + 1/z,這個結果是錯誤的。
syms = symbols('a0:5'),定義syms,得到的結果為(a0, a1, a2, a3, a4)。
這樣也可以a0, a1, a2, a3, a4 = syms, 可能是我的操作錯誤 。發現python和自動縮進有關,所以一定看好自動縮進的距離。list_to_frac([1, 2, 3, 4])結果為43/30。
使用cancel可以將生成的分式化簡,frac = cancel(frac)化簡為一個分數線的分式。
(a0*a1*a2*a3*a4 + a0*a1*a2 + a0*a1*a4 + a0*a3*a4 + a0 + a2*a3*a4 + a2 + a4)/(a1*a2*a3*a4 + a1*a2 + a1*a4 + a3*a4 + 1)
a0, a1, a2, a3, a4 = syms定義a0到a4,frac = apart(frac, a0)可將a0提出來。frac=1/(frac-a0)將a0去掉取倒。frac = apart(frac, a1)提出a1。
help("moles"),模塊的含義,help("moles yourstr")模塊中包含的字元串的意思。,
help("topics"),import os.path + help("os.path"),help("list"),help("open")
# -*- coding: UTF-8 -*-聲明之後就可以在ide中使用中文注釋。
定義
l = list(symbols('a0:5'))定義列表得到[a0, a1, a2, a3, a4]
fromsympyimport*
x,y,z=symbols('x y z')
init_printing(use_unicode=True)
diff(cos(x),x)求導。diff(exp(x**2), x),diff(x**4, x, x, x)和diff(x**4, x, 3)等價。
diff(expr, x, y, 2, z, 4)求出表達式的y的2階,z的4階,x的1階導數。和diff(expr, x, y, y, z, 4)等價。expr.diff(x, y, y, z, 4)一步到位。deriv = Derivative(expr, x, y, y, z, 4)求偏導。但是不顯示。之後用deriv.doit()即可顯示
integrate(cos(x), x)積分。定積分integrate(exp(-x), (x, 0, oo))無窮大用2個oo表示。integrate(exp(-x**2-y**2),(x,-oo,oo),(y,-oo,oo))二重積分。print(expr)print的使用。
expr = Integral(log(x)**2, x),expr.doit()積分得到x*log(x)**2 - 2*x*log(x) + 2*x。
integ.doit()和integ = Integral((x**4 + x**2*exp(x) - x**2 - 2*x*exp(x) - 2*x -
exp(x))*exp(x)/((x - 1)**2*(x + 1)**2*(exp(x) + 1)), x)連用。
limit(sin(x)/x,x,0),not-a-number表示nan算不出來,limit(expr, x, oo),,expr = Limit((cos(x) - 1)/x, x, 0),expr.doit()連用。左右極限limit(1/x, x, 0, '+'),limit(1/x, x, 0, '-')。。
Series Expansion級數展開。expr = exp(sin(x)),expr.series(x, 0, 4)得到1 + x + x**2/2 + O(x**4),,x*O(1)得到O(x),,expr.series(x, 0, 4).removeO()將無窮小移除。exp(x-6).series(x,x0=6),,得到
-5 + (x - 6)**2/2 + (x - 6)**3/6 + (x - 6)**4/24 + (x - 6)**5/120 + x + O((x - 6)**6, (x, 6))最高到5階。
f=Function('f')定義函數變數和h=Symbol('h')和d2fdx2=f(x).diff(x,2)求2階,,as_finite_diff(dfdx)函數和as_finite_diff(d2fdx2,[-3*h,-h,2*h]),,x_list=[-3,1,2]和y_list=symbols('a b c')和apply_finite_diff(1,x_list,y_list,0)。
Eq(x, y),,solveset(Eq(x**2, 1), x)解出來x,當二式相等。和solveset(Eq(x**2 - 1, 0), x)等價。solveset(x**2 - 1, x)
solveset(x**2 - x, x)解,solveset(x - x, x, domain=S.Reals)解出來定義域。solveset(exp(x), x) # No solution exists解出EmptySet()表示空集。
等式形式linsolve([x + y + z - 1, x + y + 2*z - 3 ], (x, y, z))和矩陣法linsolve(Matrix(([1, 1, 1, 1], [1, 1, 2, 3])), (x, y, z))得到{(-y - 1, y, 2)}
A*x = b 形式,M=Matrix(((1,1,1,1),(1,1,2,3))),system=A,b=M[:,:-1],M[:,-1],linsolve(system,x,y,z),,solveset(x**3 - 6*x**2 + 9*x, x)解多項式。roots(x**3 - 6*x**2 + 9*x, x),得出,{3: 2, 0: 1},有2個3的重根,1個0根。solve([x*y - 1, x - 2], x, y)解出坐標。
f, g = symbols('f g', cls=Function)函數的定義,解微分方程diffeq = Eq(f(x).diff(x, x) - 2*f(x).diff(x) + f(x), sin(x))再和dsolve(diffeq,f(x))結合。得到Eq(f(x), (C1 + C2*x)*exp(x) + cos(x)/2),dsolve(f(x).diff(x)*(1 - sin(f(x))), f(x))解出來Eq(f(x) + cos(f(x)), C1),,
Matrix([[1,-1],[3,4],[0,2]]),,Matrix([1, 2, 3])列表示。M=Matrix([[1,2,3],[3,2,1]])
N=Matrix([0,1,1])
M*N符合矩陣的乘法。M.shape顯示矩陣的行列數。
M.row(0)獲取M的第0行。M.col(-1)獲取倒數第一列。
M.col_del(0)刪掉第1列。M.row_del(1)刪除第二行,序列是從0開始的。M = M.row_insert(1, Matrix([[0, 4]]))插入第二行,,M = M.col_insert(0, Matrix([1, -2]))插入第一列。
M+N矩陣相加,M*N,3*M,M**2,M**-1,N**-1表示求逆。M.T求轉置。
eye(3)單位。zeros(2, 3),0矩陣,ones(3, 2)全1,diag(1, 2, 3)對角矩陣。diag(-1, ones(2, 2), Matrix([5, 7, 5]))生成Matrix([
[-1, 0, 0, 0],
[ 0, 1, 1, 0],
[ 0, 1, 1, 0],
[ 0, 0, 0, 5],
[ 0, 0, 0, 7],
[ 0, 0, 0, 5]])矩陣。
Matrix([[1, 0, 1], [2, -1, 3], [4, 3, 2]])
一行一行顯示,,M.det()求行列式。M.rref()矩陣化簡。得到結果為Matrix([
[1, 0, 1, 3],
[0, 1, 2/3, 1/3],
[0, 0, 0, 0]]), [0, 1])。
M = Matrix([[1, 2, 3, 0, 0], [4, 10, 0, 0, 1]]),M.nullspace()
Columnspace
M.columnspace()和M = Matrix([[1, 2, 3, 0, 0], [4, 10, 0, 0, 1]])
M = Matrix([[3, -2, 4, -2], [5, 3, -3, -2], [5, -2, 2, -2], [5, -2, -3, 3]])和M.eigenvals()得到{3: 1, -2: 1, 5: 2},,This means thatMhas eigenvalues -2, 3, and 5, and that the eigenvalues -2 and 3 have algebraic multiplicity 1 and that the eigenvalue 5 has algebraic multiplicity 2.
P, D = M.diagonalize(),P得Matrix([
[0, 1, 1, 0],
[1, 1, 1, -1],
[1, 1, 1, 0],
[1, 1, 0, 1]]),,D為Matrix([
[-2, 0, 0, 0],
[ 0, 3, 0, 0],
[ 0, 0, 5, 0],
[ 0, 0, 0, 5]])
P*D*P**-1 == M返回為True。lamda = symbols('lamda')。
lamda = symbols('lamda')定義變數,p = M.charpoly(lamda)和factor(p)
expr = x**2 + x*y,srepr(expr)可以將表達式說明計演算法則,"Add(Pow(Symbol('x'), Integer(2)), Mul(Symbol('x'), Symbol('y')))"。。
x = symbols('x')和x = Symbol('x')是一樣的。srepr(x**2)得到"Pow(Symbol('x'), Integer(2))"。Pow(x, 2)和Mul(x, y)得到x**2。x*y
type(2)得到<class 'int'>,type(sympify(2))得到<class 'sympy.core.numbers.Integer'>..srepr(x*y)得到"Mul(Symbol('x'), Symbol('y'))"。。。
Add(Pow(x, 2), Mul(x, y))得到"Add(Mul(Integer(-1), Pow(Symbol('x'), Integer(2))), Mul(Rational(1, 2), sin(Mul(Symbol('x'), Symbol('y')))), Pow(Symbol('y'), Integer(-1)))"。。Pow函數為冪次。
expr = Add(x, x),expr.func。。Integer(2).func,<class 'sympy.core.numbers.Integer'>,,Integer(0).func和Integer(-1).func,,,expr = 3*y**2*x和expr.func得到<class 'sympy.core.mul.Mul'>,,expr.args將表達式分解為得到(3, x, y**2),,expr.func(*expr.args)合並。expr == expr.func(*expr.args)返回True。expr.args[2]得到y**2,expr.args[1]得到x,expr.args[0]得到3.。
expr.args[2].args得到(y, 2)。。y.args得到空括弧。Integer(2).args得到空括弧。
from sympy import *
E**(I*pi)+1,可以看出,I和E,pi已將在sympy內已定義。
x=Symbol('x'),,expand( E**(I*x) )不能展開,expand(exp(I*x),complex=True)可以展開,得到I*exp(-im(x))*sin(re(x)) + exp(-im(x))*cos(re(x)),,x=Symbol("x",real=True)將x定義為實數。再展開expand(exp(I*x),complex=True)得到。I*sin(x) + cos(x)。。
tmp = series(exp(I*x), x, 0, 10)和pprint(tmp)列印出來可讀性好,print(tmp)可讀性不好。。pprint將公式用更好看的格式列印出來,,pprint( series( cos(x), x, 0, 10) )
integrate(x*sin(x), x),,定積分integrate(x*sin(x), (x, 0, 2*pi))。。
用雙重積分求解球的體積。
x, y, r = symbols('x,y,r')和2 * integrate(sqrt(r*r-x**2), (x, -r, r))計算球的體積。計算不來,是因為sympy不知道r是大於0的。r = symbols('r', positive=True)這樣定義r即可。circle_area=2*integrate(sqrt(r**2-x**2),(x,-r,r))得到。circle_area=circle_area.subs(r,sqrt(r**2-x**2))將r替換。
integrate(circle_area,(x,-r,r))再積分即可。
expression.sub([(x,y),(y,x)])又換到原來的狀況了。
expression.subs(x, y),,將算式中的x替換成y。。
expression.subs({x:y,u:v}) : 使用字典進行多次替換。。
expression.subs([(x,y),(u,v)]) : 使用列表進行多次替換。。
㈨ 如何用python和scikit learn實現神經網路
1:神經網路演算法簡介
2:Backpropagation演算法詳細介紹
3:非線性轉化方程舉例
4:自己實現神經網路演算法NeuralNetwork
5:基於NeuralNetwork的XOR實例
6:基於NeuralNetwork的手寫數字識別實例
7:scikit-learn中BernoulliRBM使用實例
8:scikit-learn中的手寫數字識別實例
一:神經網路演算法簡介
1:背景
以人腦神經網路為啟發,歷史上出現過很多版本,但最著名的是backpropagation
2:多層向前神經網路(Multilayer Feed-Forward Neural Network)
㈩ python 元組解包賦值可以拆成兩個賦值語句嗎
在 Python 中,元組解包賦值是一種比較常見的操作,它可以在一行代碼中同時給多個變數賦值,例如 a, b = 1, 2。這種方式可以方便槐游慎地交換兩個變數的值,例如 a, b = b, a。
但是需要注意的是,元組解包賦值是一個原子操作,也就是說,它要麼同時成功,要麼同時失敗,不存在中途出現異常的情況。因此,在下面這個斐波那契數磨豎列生成器的例子中,將元組解包賦值拆成兩個賦值語句是不正確的:
def fib():
a0 = 0
a1 = 1
while True:
yield a0
# 錯誤的寫法,會導致生成的數列不正確
a0 = a1
a1 = a0 + a1
這是因為,當執行第二行代碼時,變數 a0 的值已經被更新為 a1 的值了,因此在第三行代碼中計算斐波那契數列的下一項時,使用的是錯誤的兩個值,導致生成的數列不正確。
正確的寫法是使用元組解包賦值,將兩個變數同時賦值,確保它們的值同時被更新:
def fib():
a0 = 0
a1 = 1
while True:
yield a0
# 正確的寫法,使用元組解包賦值同時更新兩個變數的值
a0, a1 = a1, a0 + a1
這樣,每次循環都會先計算出新的兩個斐波那契數列的值,然後使用元組解包賦值同時更新變數的值,確保計算下一項時使用的是正確的兩個值,生成的數列就會正確鉛敬。