「安倍が死ねば、日本 ..
[2ch|▼Menu]
206:132人目の素数さん
18/08/10 12:25:59.56 lOg+llmH.net
# 7個の a と3個の b を一列に並べてできる順列のうち
# 次の簡約律のもとで文字を消していくと最終的に何も残らなくなる順列は何通りありますか。
# ・aa が現れると消える。
# ・bb が現れると消える。
# ・ababab が現れると消える。
# ・bababa が現れると消える。
# all permutation
reperm <- function(n, r, v) {
# if(n!=length(v) | n < r) return('ERROR')
if(r==1) return(matrix(v))
else {
re <- NULL
for(i in 1:n) re=rbind(re, cbind(v[i], reperm(n-1,r-1,v[-i])))
return(unique(re))
}
}
perm=reperm(n=10,r=10,v=c(rep(0,7),rep(1,3)))
# ababab|bababa
rm_ababab <- function(v){
if(length(v)<6) return(v)
for(i in 1:5)
if(all(v[i:(i+5)]==c(0,1,0,1,0,1))|all(v[i:(i+5)]==c(1,0,1,0,1,0))){
return(v[-i:-(i+5)])
}
return(v)
}
# aa|bb
rm_aa <- function(v){ # remove 1st two aa or bb
if(length(v)<2) return(v)
n=length(v)
for(i in 1:(n-1))
if(all(v[i:(i+1)]==c(0,0))|all(v[i:(i+1)]==c(1,1))){
return(v[-i:-(i+1)])
}
return(v)
}
rm_aaR <- function(v){ # recursively remove aa or bb while checking abababa or bababa
if(length(v)==6){
if(all(v==c(1,0,1,0,1,0))|all(v==c(0,1,0,1,0,1))) return(c(0,0))
}
if(length(v)==2) return(v)
else{
v1=rm_aa(v)
Recall(v1)
}
}
res=apply(perm,1,rm_aaR)
res=t(res)
sum(res[,1]==0 & res[,2]==0)
idx=which(res[,1]==0 & res[,2]==0)
perm[idx,]

207:132人目の素数さん
18/08/10 15:19:15.44 Hlm8Oe3x.net
combnを使って改訂
# all permutations
ones=t(combn(10,3))
indx2ten <- function(x){
y=numeric(10)
y[x[1]]=1
y[x[2]]=1
y[x[3]]=1
return(y)
}
perm=NULL
for(i in 1:nrow(ones)) perm=rbind(perm,indx2ten(ones[i,]))
# ababab|bababa
rm_ababab <- function(v){
if(length(v)<6) return(v)
for(i in 1:5)
if(all(v[i:(i+5)]==c(0,1,0,1,0,1))|all(v[i:(i+5)]==c(1,0,1,0,1,0))){
return(v[-i:-(i+5)])
}
return(v)
}
# aa|bb
rm_aa <- function(v){ # remove 1st two aa or bb
if(length(v)<2) return(v)
n=length(v)
for(i in 1:(n-1))
if(all(v[i:(i+1)]==c(0,0))|all(v[i:(i+1)]==c(1,1))){
return(v[-i:-(i+1)])
}
return(v)
}
rm_aaR <- function(v){ # recursively remove aa or bb while checking abababa or bababa
if(length(v)==6){
if(all(v==c(1,0,1,0,1,0))|all(v==c(0,1,0,1,0,1))) return(c(0,0))
}
if(length(v)==2) return(v)
else{
v1=rm_aa(v)
Recall(v1)
}
}
res=apply(perm,1,rm_aaR)
res=t(res)
sum(res[,1]==0 & res[,2]==0)
idx=which(res[,1]==0 & res[,2]==0)
Ans=perm[idx,]
AB=Ans+1
rownames(AB)=NULL
.ab=c('a','b')
indx2char <- function(x,ab=.ab){
n=length(x)
re=NULL
for(i in 1:n) re[i]=ab[x[i]]
re
}
print(t(apply(AB,1,indx2char)),quote = FALSE)

208:132人目の素数さん
18/09/04 13:44:16.80 mJ0F6GVN.net
A:安倍が死ぬ
B:日本は幸せ
A∧(A→B))

A∧(¬A∨B)

¬(A∧¬A)

B

209:132人目の素数さん
18/09/11 13:59:25.72 KvhdapkQ.net
Gacha.fm <- function(p,write=FALSE){
n=length(p)
par=letters[1:n]
fm <- function(v){
nv=length(v)
re=character(nv)
for(j in 1:nv) re[j]=par[v[j]]
s=paste(re,collapse='+')
if(nv==1) paste0('1/',s)
else paste0('1/(',s,')')
}
fm1 <- function(mat){
paste(apply(mat,2,fm),collapse='+')
}
re=list()
for(i in 1:n) re[[i]]=fm1(combn(n,i))
re1=re[[1]]
for(i in 2:(n-1)){
re1=c(re1,ifelse(i%%2,' + ',' - '),'{',re[[i]],'}')
}
output=paste(paste(re1,collapse=""),ifelse(n%%2,'+','-'), re[[n]])
cat(output,'\n')
if(write) write(output,'output.txt')
invisible(output)
}

210:132人目の素数さん
18/10/26 16:44:10.02 Jik/lAlw.net
jags4prop <- function(r1,r2,n1,n2,
ROPEdiff=c(-0.025,0.025),ROPErate=c(0.80,1.25),
NNT=FALSE){
library(rjags)
y=c(rep(1,r1),rep(0,n1-r1),rep(1,r2),rep(0,n2-r2))
s=as.numeric(factor(c(rep('D',n1),rep('U',n2))))
a=1 ; b=1 # JAGS prior : beta(a,b)
myData=data.frame(y=y,s=s)
Ntotal = length(y)
Nsubj = length(unique(s))
dataList = list(
y = y ,
s = s ,
Ntotal = Ntotal ,
Nsubj = Nsubj
)
# JAGS model
modelString = paste0("
model {
for ( i in 1:Ntotal ) {
y[i] ~ dbern( theta[s[i]] )
}
for ( sIdx in 1:Nsubj ) {
theta[sIdx] ~ dbeta(", a,',' , b," )
}
}
")
writeLines( modelString , con="TEMPmodel.txt" )
jagsModel = jags.model( file="TEMPmodel.txt" , data=dataList, quiet=TRUE)
update(jagsModel)
codaSamples = coda.samples( jagsModel , variable="theta", n.iter=10000 )
mcmcMat=as.matrix(codaSamples)
rate1=mcmcMat[,1]
rate2=mcmcMat[,2]
x11()
par(mfrow=c(2,2))
BEST::plotPost(rate1,col='gray')
if(NNT){
BEST::plotPost(abs(1/(rate1-rate2)), xlab ='NNT(NNH)',col='pink')}
else{
BEST::plotPost(rate1-rate2,compVal=0,ROPE=ROPEdiff,cex=1,col='pink')
}
BEST::plotPost(rate2,col='gray')
BEST::plotPost(rate1/rate2,compVal=1,ROPE=ROPErate,col='skyblue')
invisible(codaSamples)
}
jags4prop(50,19,133,113)

211:132人目の素数さん
18/10/30 00:30:28.16 TZqGbv4d.net
--コンパイルしてコマンドラインから実行できるように改変(但し、エラー処理皆無)
import System.Environment
import Data.List
import Data.List.Split
combinations :: Int -> [a] -> [[a]]
combinations 0 _ = [ [] ]
combinations n xs = [ y:ys | y:xs' <- tails xs, ys <- combinations (n-1) xs']
main = do
argList <- getArgs -- m : 縦マス(短軸) n : 横マス(長軸) k : 宝の数
let m = read (argList !! 0)
n = read (argList !! 1)
k = read (argList !! 2)
q = [0..m*n-1]
matQ = chunksOf n q
matP = transpose matQ --行列を転置して
p = concat matP -- 配列に変換
treasure = combinations k q -- 宝の組み合わせ
ip y = minimum $ map(\x -> elemIndices x p!!0) y -- 宝の、配列pでのindex列を求めて最小値を返す
iq y = minimum $ map(\x -> elemIndices x q!!0) y
idxp = map ip treasure -- 宝の組み合せで実行して
idxq = map iq treasure
p_q = zipWith (-) idxp idxq -- 差をとって大小判別
p1st = length $ filter (<0) p_q -- 短軸方向探索pが先に宝をみつける
q1st = length $ filter (>0) p_q
draw = length $ filter (==0) p_q
putStrLn $ "p1st = " ++ show p1st ++ ", q1st = " ++ show q1st ++ ", draw = " ++ show draw

212:132人目の素数さん
18/11/09 20:08:31.89 5AnUTlVm.net
pdf2hdi <- function(pdf,xMIN=0,xMAX=1,cred=0.95){
nxx=1001
xx=seq(xMIN,xMAX,length=nxx)
xx=xx[-nxx]
xx=xx[-1]
xmin=xx[1]
xmax=xx[nxx-2]
AUC=integrate(pdf,xmin,xmax)$value
PDF=function(x)pdf(x)/AUC
cdf <- function(x) integrate(PDF,xmin,x)$value
ICDF <- function(x) uniroot(function(y) cdf(y)-x,c(xmin,xmax))$root
hdi=HDInterval::hdi(ICDF,credMass=cred)
print(c(hdi[1],hdi[2]),digits=5)
invisible(ICDF)
}
# N個のクジでr個めで初めてあたった時のN個内の当たり数の推測
Atari <- function(N,r){
pmf <- function(x) ifelse(x>N-r+1,0,(1-x/N)^(r-1)*x/N) # dnbinom(r-1,1,x/N) ; dgeom(r-1,x/N)
# curve((1-x/N)^(r-1)*x/N,0,N)
AUC=integrate(pmf,0,N)$value
pdf <- function(x) pmf(x)/AUC
mode=optimise(pdf,c(0,N),maximum=TRUE)$maximum
mean=integrate(function(x)x*pdf(x),0,N)$value
cdf <- function(x) integrate(pdf,0,x)$value
median=uniroot(function(x)cdf(x)-0.5,c(0,N))$root
print(c(mode=mode,median=median,mean=mean))
pdf2hdi(pdf,0,N,cred=0.95)
}
Atari(100,3)
# 全体N個中当たりS個、1個ずつ籤を引いて当たったらやめる.
# r個めが初めて当たりであったときSの信頼区間を推定するシミュレーション。
atari <- function(N,r,k=1e3){ # k: simlation times
f <- function(S,n=N){which.max(sample(c(rep(1,S),rep(0,n-S))))}
vf=Vectorize(f)
sim=replicate(k,vf(1:(N-r)))
s=which(sim==r)%%(N-r)
s[which(s==0)]=N-r
hist(s,freq=T,col='skyblue')
print(quantile(s,c(.025,.05,.50,.95,.975)))
print(HDInterval::hdi(s))
}
atari(100,3,1e3)

213:132人目の素数さん
18/11/11 20:15:20.63 ODPKEEGK.net
from fractions import Fraction
def seq_dice(N,k,p=1/2):
P=list()
for n in range(k-1):
P.append(0)
P.append(p**k)
P.append(p**k + (1-p)*p**k)
for n in range (k,N):
P.append(P[n]+(1-P[n-k])*p**(k+1))
return(P[N])
def seq_diceJ(N,k,p=1/2):
return(seq_dice(N,k,p) - seq_dice(N,k+1,p))

def dice(N,k,p=1/2):
print("Over " + str(k))
print(Fraction(seq_dice(N,k,p)))
print(" = " + str(seq_dice(N,k,p)))
print("Just " + str(k))
print(Fraction(seq_diceJ(N,k,p)))
print(" = " + str(seq_diceJ(N,k,p)))

dice(100000000,25)

214:132人目の素数さん
18/11/11 20:27:20.16 ODPKEEGK.net
Over 25
6977459029519597/9007199254740992
= 0.7746535667951356
Just 25
2246038053550679/9007199254740992
= 0.24936031612362342

215:132人目の素数さん
18/11/11 20:27:38.50 ODPKEEGK.net
seqNp <- function(N=100,K=5,p=0.5){
if(p==0) return(0)
if(N==K) return(p^K)
q=1-p
a=numeric(N) # a(n)=P0(n)/p^n , P0(n)=a(n)*p^n
for(i in 1:K) a[i]=q/p^i # P0(i)=q
for(i in K:(N-1)){ # recursive formula
a[i+1]=0
for(j in 0:(K-1)){
a[i+1]=(a[i+1]+a[i-j])
}
a[i+1]=q/p*a[i+1]
}
P0=numeric(N)
for(i in 1:N) P0[i]=a[i]*p^i # P0(n)=a(n)*p^n
MP=matrix(rep(NA,N*K),ncol=K)
colnames(MP)=paste0('P',0:(K-1))
MP[,'P0']=P0
MP[1,'P1']=p
for(i in (K-2):K) MP[1,i]=0
for(k in 2:K){
for(i in 1:(N-1)) MP[i+1,k]=p*MP[i,k-1]
} # Pk(n+1)=p*P(k-1)(n)
ret=1-apply(MP,1,sum)
ret[N]
}
seqNpJ <- function(N,K,p) seqNp(N,K,p)-seqNp(N,K+1,p)
seqNpJ(100,5,0.5)

216:132人目の素数さん
18/11/11 20:28:04.68 ODPKEEGK.net
seq2pCI <- function(N,K,alpha=0.05,Print=T){
vp=Vectorize(function(p)seqNp(N,K,p)-seqNp(N,K+1,p))
if(Print){curve(vp(x),lwd=2,bty='l',xlab='Pr[head]',ylab=paste('Pr[max',K,'-head repetition]'))
abline(h=alpha,lty=3)}
peak=optimize(vp,c(0,1),maximum=TRUE)$maximum
mean=integrate(function(x)x*vp(x),0,1)$value/integrate(function(x)vp(x),0,1)$value
lwr=uniroot(function(x,u0=alpha) vp(x)-u0,c(0.01,peak))$root
upr=uniroot(function(x,u0=alpha) vp(x)-u0,c(peak,0.99))$root
c(lower=lwr,mean=mean,mode=peak,upper=upr)
}
seq2pCI(100,5,0.05,T) # pmfからの計算で正しいか?
vs=Vectorize(function(K)seq2pCI(N=100,K,alpha=0.05,Print=F))
x=2:23
y=vs(x)
head(y)
y=y*100
plot(x,y['mean',],bty='l',pch=19,ylim=c(0,100),
xlab="最大連続数",ylab="推定裏口入学者数")
points(2:23,y['mode',],bty='l')
segments(x,y['lower',],x,y['upper',])
legend('right',bty='n',pch=c(19,1),legend=c("期待値","最頻値"))

217:132人目の素数さん
18/11/11 20:29:05.25 ODPKEEGK.net
# pdfからcdfの逆関数を作ってhdiを表示させて逆関数を返す
# 0,1での演算を回避 ∫[1/nxxx,1-1/nxx]dxで計算
pdf2HDI <- function(pdf,xMIN=0,xMAX=1,cred=0.95,nxx=1001){
xx=seq(xMIN,xMAX,length=nxx)
xx=xx[-nxx]
xx=xx[-1]
xmin=xx[1]
xmax=xx[nxx-2]
AUC=integrate(pdf,xmin,xmax)$value
PDF=function(x)pdf(x)/AUC
cdf <- function(x) integrate(PDF,xmin,x)$value
ICDF <- function(x) uniroot(function(y) cdf(y)-x,c(xmin,xmax))$root
hdi=HDInterval::hdi(ICDF,credMass=cred)
c(hdi[1],hdi[2])
}
# N試行で最大K回連続成功→成功確率pの期待値、最頻値と95%HDI
# max K out of N-trial to probability & CI
mKoN2pCI <- function(N=100 , K=4 , conf.level=0.95){
pmf=Vectorize(function(p)seqNp(N,K,p)-seqNp(N,K+1,p))
mode=optimize(pmf,c(0,1),maximum=TRUE)$maximum
auc=integrate(pmf,0,1)$value
pdf=function(x) pmf(x)/auc
mean=integrate(function(x)x*pdf(x),0,1)$value
curve(pdf(x),lwd=3,bty='l',xlab='Pr[head]',ylab='density')
lu=pdf2HDI(pdf,cred=conf.level)
curve(pdf(x),lu[1],lu[2],type='h',col='lightblue',add=T)
c(lu[1],mean=mean,mode=mode,lu[2])
}
mKoN2pCI(100,4) # one minute plz
mKoN2pCI(100,5)

218:132人目の素数さん
18/11/11 20:29:23.48 ODPKEEGK.net
# N試行で最大K回連続成功→成功確率pの期待値、最頻値と95% Quantile
# max K out of N-trial to probability & CI_quantile
mKoN2pCIq <- function(N=100 , K=4 , alpha=0.05){
pmf=Vectorize(function(p)seqNp(N,K,p)-seqNp(N,K+1,p))
mode=optimize(pmf,c(0,1),maximum=TRUE)$maximum
auc=integrate(pmf,0,1)$value
pdf=function(x) pmf(x)/auc
curve(pdf(x),bty='l')
mean=integrate(function(x)x*pdf(x),0,1)$value
cdf=function(x) MASS::area(pdf,0,x)
vcdf=Vectorize(cdf)
lwr=uniroot(function(x)vcdf(x)-alpha/2,c(0,mode))$root
upr=uniroot(function(x)vcdf(x)-(1-alpha/2),c(mode,1))$root
c(lower=lwr,mean=mean,mode=mode,upper=upr)
}
mKoN2pCIq(100,4)
mKoN2pCIq(100,5)
## simulation
mKoN2pCIga<-function(N=100,K=4,Print=T){
pmf=Vectorize(function(p)seqNp(N,K,p)-seqNp(N,K+1,p))
auc=integrate(pmf,0,1)$value
pdf=function(x) pmf(x)/auc
(mode=optimize(pmf,c(0,1),maximum=TRUE)$maximum)
(mean=integrate(function(x)x*pdf(x),0,1)$value)
(var=integrate(function(x)(x-mean)^2*pdf(x),0,1)$value)
(sd=sqrt(var))
#正規分布で近似してみる
if(Print){
curve(pdf,bty='l',col='red')
curve(dnorm(x,mean,sd),add=T,col='blue')}
c(lower=qnorm(0.025,mean,sd),mode=mode,mean=mean,upper=qnorm(0.975,mean,sd))
}
mKoN2pCIga(100,5)
vmK=Vectorize(function(K) mKoN2pCIga(100,K))
(y=cbind(0,vmK(2:30)))
plot(1:30,y['mean',],pch=19)
points(1:30,y['mode',])

219:132人目の素数さん
18/11/11 20:30:07.92 ODPKEEGK.net
# random numbers following PDF by John von Neuman's method
vonNeumann <- function(PDF,xmin=0,xmax=1,N=10000,Print=TRUE,...){
xx=seq(xmin,xmax,length=N+1)
ymax=max(PDF(xx))
Ux=runif(N,xmin,xmax)
Uy=runif(N,0,ymax)
Rand=Ux[which(Uy<=PDF(Ux))]
if(Print){
hist(Rand,xlim=c(xmin,xmax),freq=FALSE,col=sample(colors(),1),main='',...)
AUC=integrate(PDF,xmin,xmax)$value
lines(xx,sapply(xx,function(x)PDF(x)/AUC))
}
hdi=HDInterval::hdi(Rand)
print(c(hdi[1],hdi[2]),digits=4)
invisible(Rand)
}
vonNeumann2 <- function(PDF,xmin=0,xmax=1,N=10000,Print=TRUE,...){
xx=seq(xmin,xmax,length=N+1)
xx=xx[-(N+1)]
xx=xx[-1]
ymax=max(PDF(xx))
Ux=runif(N,xmin,xmax)
Uy=runif(N,0,ymax)
Rand=Ux[which(Uy<=PDF(Ux))]
if(Print){
hist(Rand,xlim=c(xmin,xmax),freq=FALSE,col=sample(colors(),1),main='',...)
AUC=integrate(PDF,xmin,xmax)$value
lines(xx,sapply(xx,function(x)PDF(x)/AUC))
}
hdi=HDInterval::hdi(Rand)
print(c(hdi[1],hdi[2]),digits=5)
invisible(Rand)
}

220:132人目の素数さん
18/11/12 14:19:30.16 boi8bvdM.net
seq_dice <- function(N=100,k=5,p=1/2){
P=numeric(N)
for(n in 1:(k-1)){
P[n]=0
}
P[k]=p^k
P[k+1]=p^k+(1-p)*p^k
for(n in (k+1):(N-1)){
P[n+1] = P[n] + (1-P[n-k])* p^(k+1)
}
return(P[N])
}
seq_dice()
seq_diceJ <- function(N=100,k=5,p=1/2){ # Just k sequence
seq_dice(N,k,p)-seq_dice(N,k+1,p)
}
seq_diceJ()
seq_diceJ(100,5,1/2)
seq_diceJ(1000000,18,1/2)
#
vsdJ=Vectorize(seq_diceJ)
N=1e5
kk=1:30
p=0.5
y=vsdJ(N,kk,0.5)
which.max(y) # 1e2:5 1e3:9 1e4:12 1e5:15 1e6:18 1e7:22 1e8:25
plot(kk,y,bty='l',pch=19,xlab='sequence',ylab='probability')
cbind(kk,y)
max(y)
Nd2mps <- function(N){ # N dice to most probable sequence
vsdJ=Vectorize(seq_diceJ)
k=min(N/2,30)
kk=1:min(k)
y=vsdJ(N,kk,0.5)
# c(seq=which.max(y),prob=max(y))
return(which.max(y))
}
Nd2mps(777)
vN2s=Vectorize(Nd2mps)
nn=seq(200,600,by=1)
y=vN2s(nn)
range(nn[y==7])
plot(nn,y,bty='l')

221:132人目の素数さん
18/11/20 12:14:23.98 cFR1wwH3.net
abura <- function(Amax=10,Bmax=7,Cmax=3,a=10,b=0,c=0,A=5,B=5,C=0){
# URLリンク(tpcg.io)
# Amax=10 ; Bmax=7 ; Cmax=3 # capacity
# t0 = c(10,0,0) # initial state
# goal = c(5,5,0) # goal
t0=c(a,b,c)
goal=c(A,B,C)
.stack <<- t(as.matrix(t0)) # stack (converted to one row matrix)
.checked <<- .stack # checked list
# pouring methods
a2b <- function(abc){ # pour from A to B
a=abc[1];b=abc[2];c=abc[3]
if(a+b > Bmax) c(a+b-Bmax,Bmax,c)
else c(0, a+b, c)
}
a2c <- function(abc){
a=abc[1];b=abc[2];c=abc[3]
if(a+c > Cmax) c(a+c-Cmax, b, Cmax)
else c(0, b, a+c)
}
b2c <- function(abc){
a=abc[1];b=abc[2];c=abc[3]
if(b+c > Cmax) c(a, b+c-Cmax,Cmax)
else c(a, 0, b+c)
}
b2a <- function(abc){
a=abc[1];b=abc[2];c=abc[3]
if(b+a > Amax) c(Amax, b+a-Amax,c)
else c(b+a, 0, c)
}
c2a <- function(abc){
a=abc[1];b=abc[2];c=abc[3]
if(c+a > Amax) c(Amax, b, c+a-Amax)
else c(c+a, b, 0)
}
c2b <- function(abc){
a=abc[1];b=abc[2];c=abc[3]
if(c+b > Bmax) c(a, Bmax, c+b-Bmax)
else c(a, c+b, 0)
}
actions = c(a2b,a2c,b2c,c2a,c2a,c2b) # all pouring method

222:132人目の素数さん
18/11/20 12:14:40.41 cFR1wwH3.net
is.rim <- function(row,matrix){ # is row in matrix?
any(apply(matrix,1,function(x) all(x==row))) # comparble to %in%
}
is.goal <- function(x){ # goal reached?
all(x==goal)
}
pop <- function(){ # pop LIFO
if(is.null(.stack)) return()
LIFO=.stack[1,]
if(nrow(.stack)==1) .stack <<- NULL
else .stack <<- .stack[-1,] # changed GLOBALLY
return(LIFO)
}
push <- function(rows){ # push rows at head of stack
if(is.null(rows)) invisible(NULL) # no NULL show
else .stack <<- rbind(rows , .stack) # changed GLOBELY
}
transfer <- function(x){ # return unchekcked transferred state
re=NULL
for(fun in actions){ # try all methods
v=fun(x) # drop checked state and itself
if(!is.rim(v,.checked) & !all(v==x)) re=rbind(re,fun(x))
}
uni.re=unique(re) # delete duplicated
.checked <<- rbind(uni.re,.checked) # add to .checked GLOBELY
return(uni.re)
}
state=NULL
while(!is.goal(.stack[1,])){
push(transfer(pop()))
state=rbind(state,.stack[1,])
}
return(state)
}

223:132人目の素数さん
19/02/01 06:46:20.51 mFGETGoH.net
    / /    ,, ― 、
    / /    .|;::::  ::::|
⊂二(⌒)二二二|;::::  ::::|⊃ /', ', ¨
     ,.・,-:'ヾ|!|!,i,,!;,,,!l,・∵・,   ゴーン !!
      ::::::”从;i,i:;'/从‘,:::::::::
    ../::::::==       `-::::::::ヽ
     |:::::::/.,,,=≡,  ,≡=、l::::::l
     i::::::l  .,/゚\三/゚\ l:::::!
     .|:::|  :⌒ ノ.. i\: ⌒ |:::i
     (6″   ,ィ____.i i   i:/
     ヽ  u  /  l  .i   i    ぎゃああ
      ヽ_ ノ `トェェェイヽ、 _/     イクぅうう〜
       ヽ、ヽ  | |ー'´/   '    
        `"ーU−´ノ  "' ・
  ∴  " ' " _i;i____  ,  ' スポッ
 ": "  ヾ ./ 从  人  ´:   ": "
      _人__ノ ヽ\__
     |            \
      .|   i u        |
      |  |        |  |
      {  \      |  |
     ,/ \  \___    |  |    ゙ ピュツ  ゚
    /    \   ヽ-┐   ┐,-=,, ゚。      _,,,,,.....,,,
    /      \    (  ̄U \_..ノ. .・―-==-=::::..... ...)
    /  u   / LLLL-nnnn-=    。        ̄`'
   /     /(:,,,.人.,,.)    \
  /    /     \     〉

224:132人目の素数さん
19/02/08 16:28:25.29 GgpQlK19.net
「阿部が死ぬ」の否定は「阿部は死なない」でしょ。
決して「阿部が死んでいない」ではないよ。

225:132人目の素数さん
19/02/25 04:12:05.42 gfWviUQ4.net
   /::::::::==   -  ~ `-::::::ヽ
   |:::::::/ _,=ノ ヽ =~、 l:::::i
   i::::::l  ノ(。 )三( ゚ )u :::!    \  ヽ/  __  _|_
   |:::|  ⌒ ノ/  i丶⌒ |::i    ̄ヽ ∠ーー    ヽ ―|―
   (::|     ィ___)   )     __ノ  (_  _ノ \_
    ヽ  u /::::/::::ノ  /       ___     ___
     ヽ ノ::|エlエI::ヽ _ノ        /|ヽ        |
 .___人  `:〜:´ 人__    / .| \     | .| ̄
/    /  ` "―´´ \   \     |      _|___|__
|     > \▼ /  く    \
| \   \  ヽ◆/ /_つ/ ̄ヽ
|   \     // /<  ___)( ニニ)

226:低学歴脱糞老女・清水婆婆の連絡先:葛飾区青戸6−23−19
19/03/03 09:56:08.86 KV/cokeJ.net
【超悪質!盗聴盗撮・つきまとい嫌がらせ犯罪者の実名と住所を公開】
@井口・千明(東京都葛飾区青戸6−23−16)
※盗聴盗撮・嫌がらせつきまとい犯罪者のリーダー的存在/犯罪組織の一員で様々な犯罪行為に手を染めている
 低学歴で醜いほどの学歴コンプレックスの塊/超変態で食糞愛好家である/醜悪で不気味な顔つきが特徴的である
A宇野壽倫(東京都葛飾区青戸6−23−21ハイツニュー青戸202)
※色黒で醜く太っている醜悪黒豚宇野壽倫/低学歴で人間性が醜いだけでなく今後の人生でもう二度と女とセックスをすることができないほど容姿が醜悪である
B色川高志(東京都葛飾区青戸6−23−21ハイツニュー青戸103)
※色川高志はyoutubeの視聴回数を勝手に短時間に何百何千時には何万回と増やしたり高評価・低評価の数字を一人でいくつも増やしたり減らしたりなどの
 youtubeの正常な運営を脅かし信頼性を損なわせるような犯罪的業務妨害行為を行っています
※色川高志は現在、生活保護を不正に受給している犯罪者です/どんどん警察や役所に通報・密告してやってください
【通報先】
◎葛飾区福祉事務所(西生活課)
〒124−8555
東京都葛飾区立石5−13−1
рO3−3695−1111
C清水(東京都葛飾区青戸6−23−19)
※低学歴脱糞老女:清水婆婆 ☆☆低学歴脱糞老女・清水婆婆は高学歴家系を一方的に憎悪している☆☆
 清水婆婆はコンプレックスの塊でとにかく底意地が悪い/醜悪な形相で嫌がらせを楽しんでいるまさに悪魔のような老婆である
D高添・沼田(東京都葛飾区青戸6−26−6)
※犯罪首謀者井口・千明の子分/いつも逆らえずに言いなりになっている金魚のフン/親子孫一族そろって低能
E高橋(東京都葛飾区青戸6−23−23)
※高橋母は夫婦の夜の営み亀甲縛り食い込み緊縛プレイの最中に高橋親父にどさくさに紛れて首を絞められて殺されそうになったことがある
F長木義明(東京都葛飾区青戸6−23−20) ※日曜日になると風俗店に行っている


最新レス表示
スレッドの検索
類似スレ一覧
話題のニュース
おまかせリスト
▼オプションを表示
暇つぶし2ch

1930日前に更新/62 KB
担当:undef