blob_id
stringlengths 40
40
| directory_id
stringlengths 40
40
| path
stringlengths 3
264
| content_id
stringlengths 40
40
| detected_licenses
sequencelengths 0
85
| license_type
stringclasses 2
values | repo_name
stringlengths 5
140
| snapshot_id
stringlengths 40
40
| revision_id
stringlengths 40
40
| branch_name
stringclasses 905
values | visit_date
timestamp[us]date 2015-08-09 11:21:18
2023-09-06 10:45:07
| revision_date
timestamp[us]date 1997-09-14 05:04:47
2023-09-17 19:19:19
| committer_date
timestamp[us]date 1997-09-14 05:04:47
2023-09-06 06:22:19
| github_id
int64 3.89k
681M
⌀ | star_events_count
int64 0
209k
| fork_events_count
int64 0
110k
| gha_license_id
stringclasses 22
values | gha_event_created_at
timestamp[us]date 2012-06-07 00:51:45
2023-09-14 21:58:39
⌀ | gha_created_at
timestamp[us]date 2008-03-27 23:40:48
2023-08-21 23:17:38
⌀ | gha_language
stringclasses 141
values | src_encoding
stringclasses 34
values | language
stringclasses 1
value | is_vendor
bool 1
class | is_generated
bool 2
classes | length_bytes
int64 3
10.4M
| extension
stringclasses 115
values | content
stringlengths 3
10.4M
| authors
sequencelengths 1
1
| author_id
stringlengths 0
158
|
---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|
b3a97894ff2868c96b1600209ea4f849d85b6de7 | ac2a3089001ff6369d5371daf605f5e116efd710 | /src/facemarkAAM.cpp | deb098177a1701ed5b80458ebd45b52a251add17 | [] | no_license | 0000duck/FaceRecognition | 38c07e639518e7a3304b79aff6b3488dcab951d1 | 5f332e64d29769a879a856dcf593899470033de2 | refs/heads/main | 2023-04-06T10:43:11.148190 | 2021-04-03T10:57:56 | 2021-04-03T10:57:56 | null | 0 | 0 | null | null | null | null | UTF-8 | C++ | false | false | 41,652 | cpp | /*
By downloading, copying, installing or using the software you agree to this
license. If you do not agree to this license, do not download, install,
copy or use the software.
License Agreement
For Open Source Computer Vision Library
(3-clause BSD License)
Copyright (C) 2013, OpenCV Foundation, all rights reserved.
Third party copyrights are property of their respective owners.
Redistribution and use in source and binary forms, with or without modification,
are permitted provided that the following conditions are met:
* Redistributions of source code must retain the above copyright notice,
this list of conditions and the following disclaimer.
* Redistributions in binary form must reproduce the above copyright notice,
this list of conditions and the following disclaimer in the documentation
and/or other materials provided with the distribution.
* Neither the names of the copyright holders nor the names of the contributors
may be used to endorse or promote products derived from this software
without specific prior written permission.
This software is provided by the copyright holders and contributors "as is" and
any express or implied warranties, including, but not limited to, the implied
warranties of merchantability and fitness for a particular purpose are
disclaimed. In no event shall copyright holders or contributors be liable for
any direct, indirect, incidental, special, exemplary, or consequential damages
(including, but not limited to, procurement of substitute goods or services;
loss of use, data, or profits; or business interruption) however caused
and on any theory of liability, whether in contract, strict liability,
or tort (including negligence or otherwise) arising in any way out of
the use of this software, even if advised of the possibility of such damage.
This file was part of GSoC Project: Facemark API for OpenCV
Final report: https://gist.github.com/kurnianggoro/74de9121e122ad0bd825176751d47ecc
Student: Laksono Kurnianggoro
Mentor: Delia Passalacqua
*/
#include "precomp.hpp"
#include "../face.hpp"
namespace cv {
namespace face {
/*
* Parameters
*/
FacemarkAAM::Params::Params(){
model_filename = "";
m = 200;
n = 10;
n_iter = 50;
verbose = true;
save_model = true;
scales.push_back(1.0);
max_m = 550;
max_n = 136;
texture_max_m = 145;
}
FacemarkAAM::Config::Config(Mat rot, Point2f trans, float scaling,int scale_id){
R = rot.clone();
t = trans;
scale = scaling;
model_scale_idx = scale_id;
}
void FacemarkAAM::Params::read( const cv::FileNode& fn ){
*this = FacemarkAAM::Params();
if (!fn["model_filename"].empty()) fn["model_filename"] >> model_filename;
if (!fn["m"].empty()) fn["m"] >> m;
if (!fn["n"].empty()) fn["n"] >> m;
if (!fn["n_iter"].empty()) fn["n_iter"] >> m;
if (!fn["verbose"].empty()) fn["verbose"] >> m;
if (!fn["max_m"].empty()) fn["max_m"] >> m;
if (!fn["max_n"].empty()) fn["max_n"] >> m;
if (!fn["texture_max_m"].empty()) fn["texture_max_m"] >> m;
if (!fn["scales"].empty()) fn["scales"] >> m;
}
void FacemarkAAM::Params::write( cv::FileStorage& fs ) const{
fs << "model_filename" << model_filename;
fs << "m" << m;
fs << "n" << n;
fs << "n_iter" << n_iter;
fs << "verbose" << verbose;
fs << "max_m" << verbose;
fs << "max_n" << verbose;
fs << "texture_max_m" << verbose;
fs << "scales" << verbose;
}
class FacemarkAAMImpl : public FacemarkAAM {
public:
FacemarkAAMImpl( const FacemarkAAM::Params ¶meters = FacemarkAAM::Params() );
void read( const FileNode& /*fn*/ ) CV_OVERRIDE;
void write( FileStorage& /*fs*/ ) const CV_OVERRIDE;
void saveModel(String fs);
void loadModel(String fs) CV_OVERRIDE;
bool setFaceDetector(bool(*f)(InputArray , OutputArray, void * ), void* userData) CV_OVERRIDE;
bool getFaces(InputArray image, OutputArray faces) CV_OVERRIDE;
bool getData(void * items) CV_OVERRIDE;
bool fitConfig( InputArray image, InputArray roi, OutputArrayOfArrays _landmarks, const std::vector<Config> &runtime_params ) CV_OVERRIDE;
protected:
bool fit( InputArray image, InputArray faces, OutputArrayOfArrays landmarks ) CV_OVERRIDE;
//bool fit( InputArray image, InputArray faces, InputOutputArray landmarks, void * runtime_params);//!< from many ROIs
bool fitImpl( const Mat image, std::vector<Point2f>& landmarks,const Mat R,const Point2f T,const float scale, const int sclIdx=0 );
bool addTrainingSample(InputArray image, InputArray landmarks) CV_OVERRIDE;
void training(void* parameters) CV_OVERRIDE;
Mat procrustes(std::vector<Point2f> , std::vector<Point2f> , Mat & , Scalar & , float & );
void calcMeanShape(std::vector<std::vector<Point2f> > ,std::vector<Point2f> & );
void procrustesAnalysis(std::vector<std::vector<Point2f> > , std::vector<std::vector<Point2f> > & , std::vector<Point2f> & );
inline Mat linearize(Mat );
inline Mat linearize(std::vector<Point2f> );
void getProjection(const Mat , Mat &, int );
void calcSimilarityEig(std::vector<Point2f> ,Mat , Mat & , Mat & );
Mat orthonormal(Mat );
void delaunay(std::vector<Point2f> , std::vector<Vec3i> & );
Mat createMask(std::vector<Point2f> , Rect );
Mat createTextureBase(std::vector<Point2f> , std::vector<Vec3i> , Rect , std::vector<std::vector<Point> > & );
Mat warpImage(const Mat ,const std::vector<Point2f> ,const std::vector<Point2f> ,
const std::vector<Vec3i> , const Rect , const std::vector<std::vector<Point> > );
template <class T>
Mat getFeature(const Mat , std::vector<int> map);
void createMaskMapping(const Mat mask, const Mat mask2, std::vector<int> & , std::vector<int> &, std::vector<int> &);
void warpUpdate(std::vector<Point2f> & shape, Mat delta, std::vector<Point2f> s0, Mat S, Mat Q, std::vector<Vec3i> triangles,std::vector<std::vector<int> > Tp);
Mat computeWarpParts(std::vector<Point2f> curr_shape,std::vector<Point2f> s0, Mat ds0, std::vector<Vec3i> triangles,std::vector<std::vector<int> > Tp);
void image_jacobian(const Mat gx, const Mat gy, const Mat Jx, const Mat Jy, Mat & G);
void gradient(const Mat M, Mat & gx, Mat & gy);
void createWarpJacobian(Mat S, Mat Q, std::vector<Vec3i> , Model::Texture & T, Mat & Wx_dp, Mat & Wy_dp, std::vector<std::vector<int> > & Tp);
std::vector<Mat> images;
std::vector<std::vector<Point2f> > facePoints;
FacemarkAAM::Params params;
FacemarkAAM::Model AAM;
FN_FaceDetector faceDetector;
void* faceDetectorData;
private:
bool isModelTrained;
};
/*
* Constructor
*/
Ptr<FacemarkAAM> FacemarkAAM::create(const FacemarkAAM::Params ¶meters){
return Ptr<FacemarkAAMImpl>(new FacemarkAAMImpl(parameters));
}
/*
* Constructor
*/
Ptr<Facemark> createFacemarkAAM(){
FacemarkAAM::Params parameters;
return Ptr<FacemarkAAMImpl>(new FacemarkAAMImpl(parameters));
}
FacemarkAAMImpl::FacemarkAAMImpl( const FacemarkAAM::Params ¶meters ) :
params( parameters ),
faceDetector(NULL), faceDetectorData(NULL)
{
isModelTrained = false;
}
void FacemarkAAMImpl::read( const cv::FileNode& fn ){
params.read( fn );
}
void FacemarkAAMImpl::write( cv::FileStorage& fs ) const {
params.write( fs );
}
bool FacemarkAAMImpl::setFaceDetector(bool(*f)(InputArray , OutputArray, void *), void* userData){
faceDetector = f;
faceDetectorData = userData;
return true;
}
bool FacemarkAAMImpl::getFaces(InputArray image, OutputArray faces)
{
if (!faceDetector)
return false;
return faceDetector(image, faces, faceDetectorData);
}
bool FacemarkAAMImpl::getData(void * items){
CV_Assert(items);
Data* data = (Data*)items;
data->s0 = AAM.s0;
return true;
}
bool FacemarkAAMImpl::addTrainingSample(InputArray image, InputArray landmarks){
// FIXIT
std::vector<Point2f> & _landmarks = *(std::vector<Point2f>*)landmarks.getObj();
images.push_back(image.getMat());
facePoints.push_back(_landmarks);
return true;
}
void FacemarkAAMImpl::training(void* parameters){
if(parameters!=0){/*do nothing*/}
if (images.size()<1) {
CV_Error(Error::StsBadArg, "Training data is not provided. Consider to add using addTrainingSample() function!");
}
if(strcmp(params.model_filename.c_str(),"")==0 && params.save_model){
CV_Error(Error::StsBadArg, "The model_filename parameter should be set!");
}
std::vector<std::vector<Point2f> > normalized;
Mat erode_kernel = getStructuringElement(MORPH_RECT, Size(3,3), Point(1,1));
Mat image;
int param_max_m = params.max_m;//550;
int param_max_n = params.max_n;//136;
AAM.scales = params.scales;
AAM.textures.resize(AAM.scales.size());
/*-------------- A. Load the training data---------*/
procrustesAnalysis(facePoints, normalized,AAM.s0);
/*-------------- B. Create the shape model---------*/
Mat s0_lin = linearize(AAM.s0).t() ;
// linearize all shapes data, all x and then all y for each shape
Mat M;
for(unsigned i=0;i<normalized.size();i++){
M.push_back(linearize(normalized[i]).t()-s0_lin);
}
/* get PCA Projection vectors */
Mat S;
getProjection(M.t(),S,param_max_n);
/* Create similarity eig*/
Mat shape_S,shape_Q;
calcSimilarityEig(AAM.s0,S,AAM.Q,AAM.S);
/* ----------C. Create the coordinate frame ------------*/
delaunay(AAM.s0,AAM.triangles);
for(size_t scale=0; scale<AAM.scales.size();scale++){
AAM.textures[scale].max_m = params.texture_max_m;//145;
if(params.verbose) printf("Training for scale %f ...\n", AAM.scales[scale]);
Mat s0_scaled_m = Mat(AAM.s0)/AAM.scales[scale]; // scale the shape
std::vector<Point2f> s0_scaled = s0_scaled_m.reshape(2); //convert to points
/*get the min and max of x and y coordinate*/
double min_x, max_x, min_y, max_y;
s0_scaled_m = s0_scaled_m.reshape(1);
Mat s0_scaled_x = s0_scaled_m.col(0);
Mat s0_scaled_y = s0_scaled_m.col(1);
minMaxIdx(s0_scaled_x, &min_x, &max_x);
minMaxIdx(s0_scaled_y, &min_y, &max_y);
std::vector<Point2f> base_shape = Mat(Mat(s0_scaled)-Scalar(min_x-2.0,min_y-2.0)).reshape(2);
AAM.textures[scale].base_shape = base_shape;
AAM.textures[scale].resolution = Rect(0,0,(int)ceil(max_x-min_x+3),(int)ceil(max_y-min_y+3));
Mat base_texture = createTextureBase(base_shape, AAM.triangles, AAM.textures[scale].resolution, AAM.textures[scale].textureIdx);
Mat mask1 = base_texture>0;
Mat mask2;
erode(mask1, mask1, erode_kernel);
erode(mask1, mask2, erode_kernel);
Mat warped;
std::vector<int> fe_map;
createMaskMapping(mask1,mask2, AAM.textures[scale].ind1, AAM.textures[scale].ind2,fe_map);//ok
/* ------------ Part D. Get textures -------------*/
Mat texture_feats, feat;
if(params.verbose) printf("(1/4) Feature extraction ...\n");
for(size_t i=0; i<images.size();i++){
if(params.verbose) printf("extract features from image #%i/%i\n", (int)(i+1), (int)images.size());
warped = warpImage(images[i],base_shape, facePoints[i], AAM.triangles, AAM.textures[scale].resolution,AAM.textures[scale].textureIdx);
feat = getFeature<uchar>(warped, AAM.textures[scale].ind1);
texture_feats.push_back(feat.t());
}
Mat T= texture_feats.t();
/* -------------- E. Create the texture model -----------------*/
reduce(T,AAM.textures[scale].A0,1, REDUCE_AVG);
if(params.verbose) printf("(2/4) Compute the feature average ...\n");
Mat A0_mtx = repeat(AAM.textures[scale].A0,1,T.cols);
Mat textures_normalized = T - A0_mtx;
if(params.verbose) printf("(3/4) Projecting the features ...\n");
getProjection(textures_normalized, AAM.textures[scale].A ,param_max_m);
AAM.textures[scale].AA0 = getFeature<float>(AAM.textures[scale].A0, fe_map);
if(params.verbose) printf("(4/4) Extraction of the eroded face features ...\n");
Mat U_data, ud;
for(int i =0;i<AAM.textures[scale].A.cols;i++){
Mat c = AAM.textures[scale].A.col(i);
ud = getFeature<float>(c,fe_map);
U_data.push_back(ud.t());
}
Mat U = U_data.t();
AAM.textures[scale].AA = orthonormal(U);
} // scale
images.clear();
if(params.save_model){
if(params.verbose) printf("Saving the model\n");
saveModel(params.model_filename);
}
isModelTrained = true;
if(params.verbose) printf("Training is completed\n");
}
bool FacemarkAAMImpl::fit( InputArray image, InputArray roi, OutputArrayOfArrays _landmarks )
{
std::vector<Config> config; // empty
return fitConfig(image, roi, _landmarks, config);
}
bool FacemarkAAMImpl::fitConfig( InputArray image, InputArray roi, OutputArrayOfArrays _landmarks, const std::vector<Config> &configs )
{
std::vector<Rect> & faces = *(std::vector<Rect> *)roi.getObj();
if(faces.size()<1) return false;
std::vector<std::vector<Point2f> > & landmarks =
*(std::vector<std::vector<Point2f> >*) _landmarks.getObj();
landmarks.resize(faces.size());
Mat img = image.getMat();
if (! configs.empty()){
if (configs.size()!=faces.size()) {
CV_Error(Error::StsBadArg, "Number of faces and extra_parameters are different!");
}
for(size_t i=0; i<configs.size();i++){
fitImpl(img, landmarks[i], configs[i].R,configs[i].t, configs[i].scale, configs[i].model_scale_idx);
}
}else{
Mat R = Mat::eye(2, 2, CV_32F);
Point2f t = Point2f((float)(img.cols/2.0),(float)(img.rows/2.0));
float scale = 1.0;
for(unsigned i=0; i<faces.size();i++){
fitImpl(img, landmarks[i], R,t, scale);
}
}
return true;
}
bool FacemarkAAMImpl::fitImpl( const Mat image, std::vector<Point2f>& landmarks, const Mat R, const Point2f T, const float scale, int _scl){
if (landmarks.size()>0)
landmarks.clear();
CV_Assert(isModelTrained);
int param_n = params.n, param_m = params.m;
int scl = _scl<(int)AAM.scales.size()?_scl:(int)AAM.scales.size();
/*variables*/
std::vector<Point2f> s0 = Mat(Mat(AAM.s0)/AAM.scales[scl]).reshape(2);
/*pre-computation*/
Mat S = Mat(AAM.S, Range::all(), Range(0,param_n>AAM.S.cols?AAM.S.cols:param_n)).clone(); // chop the shape data
std::vector<std::vector<int> > Tp;
Mat Wx_dp, Wy_dp;
createWarpJacobian(S, AAM.Q, AAM.triangles, AAM.textures[scl],Wx_dp, Wy_dp, Tp);
std::vector<Point2f> s0_init = Mat(Mat(R*scale*AAM.scales[scl]*Mat(Mat(s0).reshape(1)).t()).t()).reshape(2);
std::vector<Point2f> curr_shape = Mat(Mat(s0_init)+Scalar(T.x,T.y));
curr_shape = Mat(1.0/scale*Mat(curr_shape)).reshape(2);
Mat imgray;
Mat img;
if(image.channels()>1){
cvtColor(image,imgray,COLOR_BGR2GRAY);
}else{
imgray = image;
}
resize(imgray,img,Size(int(image.cols/scale),int(image.rows/scale)), 0, 0, INTER_LINEAR_EXACT);// matlab use bicubic interpolation, the result is float numbers
/*chop the textures model*/
int maxCol = param_m;
if(AAM.textures[scl].A.cols<param_m)maxCol = AAM.textures[scl].A.cols;
if(AAM.textures[scl].AA.cols<maxCol)maxCol = AAM.textures[scl].AA.cols;
Mat A = Mat(AAM.textures[scl].A,Range(0,AAM.textures[scl].A.rows), Range(0,maxCol)).clone();
Mat AA = Mat(AAM.textures[scl].AA,Range(0,AAM.textures[scl].AA.rows), Range(0,maxCol)).clone();
/*iteratively update the fitting*/
Mat I, II, warped, c, gx, gy, Irec, Irec_feat, dc;
Mat refI, refII, refWarped, ref_c, ref_gx, ref_gy, refIrec, refIrec_feat, ref_dc ;
for(int t=0;t<params.n_iter;t++){
warped = warpImage(img,AAM.textures[scl].base_shape, curr_shape,
AAM.triangles,
AAM.textures[scl].resolution ,
AAM.textures[scl].textureIdx);
I = getFeature<uchar>(warped, AAM.textures[scl].ind1);
II = getFeature<uchar>(warped, AAM.textures[scl].ind2);
if(t==0){
c = A.t()*(I-AAM.textures[scl].A0); //little bit different to matlab, probably due to datatype
}else{
c = c+dc;
}
Irec_feat = (AAM.textures[scl].A0+A*c);
Irec = Mat::zeros(AAM.textures[scl].resolution.width, AAM.textures[scl].resolution.height, CV_32FC1);
for(int j=0;j<(int)AAM.textures[scl].ind1.size();j++){
Irec.at<float>(AAM.textures[scl].ind1[j]) = Irec_feat.at<float>(j);
}
Mat irec = Irec.t();
gradient(irec, gx, gy);
Mat Jc;
image_jacobian(Mat(gx.t()).reshape(0,1).t(),Mat(gy.t()).reshape(0,1).t(),Wx_dp, Wy_dp,Jc);
Mat J;
std::vector<float> Irec_vec;
for(size_t j=0;j<AAM.textures[scl].ind2.size();j++){
J.push_back(Jc.row(AAM.textures[scl].ind2[j]));
Irec_vec.push_back(Irec.at<float>(AAM.textures[scl].ind2[j]));
}
/*compute Jfsic and Hfsic*/
Mat Jfsic = J - AA*(AA.t()*J);
Mat Hfsic = Jfsic.t()*Jfsic;
Mat iHfsic;
invert(Hfsic, iHfsic);
/*compute dp dq and dc*/
Mat dqp = iHfsic*Jfsic.t()*(II-AAM.textures[scl].AA0);
dc = AA.t()*(II-Mat(Irec_vec)-J*dqp);
warpUpdate(curr_shape, dqp, s0,S, AAM.Q, AAM.triangles,Tp);
}
landmarks = Mat(scale*Mat(curr_shape)).reshape(2);
return true;
}
void FacemarkAAMImpl::saveModel(String s){
FileStorage fs(s.c_str(),FileStorage::WRITE_BASE64);
fs << "AAM_tri" << AAM.triangles;
fs << "scales" << AAM.scales;
fs << "s0" << AAM.s0;
fs << "S" << AAM.S;
fs << "Q" << AAM.Q;
String x;
for(int i=0;i< (int)AAM.scales.size();i++){
x = cv::format("scale%i_max_m",i);
fs << x << AAM.textures[i].max_m;
x = cv::format("scale%i_resolution",i);
fs << x << AAM.textures[i].resolution;
x = cv::format("scale%i_textureIdx",i);
fs << x << AAM.textures[i].textureIdx;
x = cv::format("scale%i_base_shape",i);
fs << x << AAM.textures[i].base_shape;
x = cv::format("scale%i_A",i);
fs << x << AAM.textures[i].A;
x = cv::format("scale%i_A0",i);
fs << x << AAM.textures[i].A0;
x = cv::format("scale%i_AA",i);
fs << x << AAM.textures[i].AA;
x = cv::format("scale%i_AA0",i);
fs << x << AAM.textures[i].AA0;
x = cv::format("scale%i_ind1",i);
fs << x << AAM.textures[i].ind1;
x = cv::format("scale%i_ind2",i);
fs << x << AAM.textures[i].ind2;
}
fs.release();
if(params.verbose) printf("The model is successfully saved! \n");
}
void FacemarkAAMImpl::loadModel(String s){
FileStorage fs(s.c_str(),FileStorage::READ);
String x;
fs["AAM_tri"] >> AAM.triangles;
fs["scales"] >> AAM.scales;
fs["s0"] >> AAM.s0;
fs["S"] >> AAM.S;
fs["Q"] >> AAM.Q;
AAM.textures.resize(AAM.scales.size());
for(int i=0;i< (int)AAM.scales.size();i++){
x = cv::format("scale%i_max_m",i);
fs[x] >> AAM.textures[i].max_m;
x = cv::format("scale%i_resolution",i);
fs[x] >> AAM.textures[i].resolution;
x = cv::format("scale%i_textureIdx",i);
fs[x] >> AAM.textures[i].textureIdx;
x = cv::format("scale%i_base_shape",i);
fs[x] >> AAM.textures[i].base_shape;
x = cv::format("scale%i_A",i);
fs[x] >> AAM.textures[i].A;
x = cv::format("scale%i_A0",i);
fs[x] >> AAM.textures[i].A0;
x = cv::format("scale%i_AA",i);
fs[x] >> AAM.textures[i].AA;
x = cv::format("scale%i_AA0",i);
fs[x] >> AAM.textures[i].AA0;
x = cv::format("scale%i_ind1",i);
fs[x] >> AAM.textures[i].ind1;
x = cv::format("scale%i_ind2",i);
fs[x] >> AAM.textures[i].ind2;
}
fs.release();
isModelTrained = true;
if(params.verbose) printf("the model has been loaded\n");
}
Mat FacemarkAAMImpl::procrustes(std::vector<Point2f> P, std::vector<Point2f> Q, Mat & rot, Scalar & trans, float & scale){
// calculate average
Scalar mx = mean(P);
Scalar my = mean(Q);
// zero centered data
Mat X0 = Mat(P) - mx;
Mat Y0 = Mat(Q) - my;
// calculate magnitude
Mat Xs, Ys;
multiply(X0,X0,Xs);
multiply(Y0,Y0,Ys);
// calculate the sum
Mat sumXs, sumYs;
reduce(Xs,sumXs, 0, REDUCE_SUM);
reduce(Ys,sumYs, 0, REDUCE_SUM);
//calculate the normrnd
double normX = sqrt(Mat(sumXs.reshape(1)).at<float>(0)+Mat(sumXs.reshape(1)).at<float>(1));
double normY = sqrt(Mat(sumYs.reshape(1)).at<float>(0)+Mat(sumYs.reshape(1)).at<float>(1));
//normalization
X0 = X0/normX;
Y0 = Y0/normY;
//reshape, convert to 2D Matrix
Mat Xn=X0.reshape(1);
Mat Yn=Y0.reshape(1);
//calculate the covariance matrix
Mat M = Xn.t()*Yn;
// decompose
Mat U,S,Vt;
SVD::compute(M, S, U, Vt);
// extract the transformations
scale = (S.at<float>(0)+S.at<float>(1))*(float)normX/(float)normY;
rot = Vt.t()*U.t();
Mat muX(mx),mX; muX.pop_back();muX.pop_back();
Mat muY(my),mY; muY.pop_back();muY.pop_back();
muX.convertTo(mX,CV_32FC1);
muY.convertTo(mY,CV_32FC1);
Mat t = mX.t()-scale*mY.t()*rot;
trans[0] = t.at<float>(0);
trans[1] = t.at<float>(1);
// calculate the recovered form
Mat Qmat = Mat(Q).reshape(1);
return Mat(scale*Qmat*rot+trans).clone();
}
void FacemarkAAMImpl::procrustesAnalysis(std::vector<std::vector<Point2f> > shapes, std::vector<std::vector<Point2f> > & normalized, std::vector<Point2f> & new_mean){
std::vector<Scalar> mean_every_shape;
mean_every_shape.resize(shapes.size());
Point2f temp;
// calculate the mean of every shape
for(size_t i=0; i< shapes.size();i++){
mean_every_shape[i] = mean(shapes[i]);
}
//normalize every shapes
Mat tShape;
normalized.clear();
for(size_t i=0; i< shapes.size();i++){
normalized.push_back((Mat)(Mat(shapes[i]) - mean_every_shape[i]));
}
// calculate the mean shape
std::vector<Point2f> mean_shape;
calcMeanShape(normalized, mean_shape);
// update the mean shape and normalized shapes iteratively
int maxIter = 100;
Mat R;
Scalar t;
float s;
Mat aligned;
for(int i=0;i<maxIter;i++){
// align
for(unsigned k=0;k< normalized.size();k++){
aligned=procrustes(mean_shape, normalized[k], R, t, s);
aligned.reshape(2).copyTo(normalized[k]);
}
//calc new mean
calcMeanShape(normalized, new_mean);
// align the new mean
aligned=procrustes(mean_shape, new_mean, R, t, s);
// update
aligned.reshape(2).copyTo(mean_shape);
}
}
void FacemarkAAMImpl::calcMeanShape(std::vector<std::vector<Point2f> > shapes,std::vector<Point2f> & mean){
mean.resize(shapes[0].size());
Point2f tmp;
for(unsigned i=0;i<shapes[0].size();i++){
tmp.x=0;
tmp.y=0;
for(unsigned k=0;k< shapes.size();k++){
tmp.x+= shapes[k][i].x;
tmp.y+= shapes[k][i].y;
}
tmp.x/=shapes.size();
tmp.y/=shapes.size();
mean[i] = tmp;
}
}
void FacemarkAAMImpl::getProjection(const Mat M, Mat & P, int n){
Mat U,S,Vt,S1, Ut;
int k;
if(M.rows < M.cols){
// SVD::compute(M*M.t(), S, U, Vt);
eigen(M*M.t(), S, Ut); U=Ut.t();
// find the minimum between number of non-zero eigval,
// compressed dim, row, and column
// threshold(S,S1,0.00001,1,THRESH_BINARY);
k= S.rows; //countNonZero(S1);
if(k>n)k=n;
if(k>M.rows)k=M.rows;
if(k>M.cols)k=M.cols;
// cut the column of eigen vector
U.colRange(0,k).copyTo(P);
}else{
// SVD::compute(M.t()*M, S, U, Vt);
eigen(M.t()*M, S, Ut);U=Ut.t();
// threshold(S,S1,0.00001,1,THRESH_BINARY);
k= S.rows; //countNonZero(S1);
if(k>n)k=n;
if(k>M.rows)k=M.rows;
if(k>M.cols)k=M.cols;
// cut the eigen values to k-amount
Mat D = Mat::zeros(k,k,CV_32FC1);
Mat diag = D.diag();
Mat s; pow(S,-0.5,s);
s(Range(0,k), Range::all()).copyTo(diag);
// cut the eigen vector to k-column,
P = Mat(M*U.colRange(0,k)*D).clone();
}
}
Mat FacemarkAAMImpl::orthonormal(Mat Mo){
Mat M;
Mo.convertTo(M,CV_32FC1);
// TODO: float precission is only 1e-7, but MATLAB version use thresh=2.2204e-16
float thresh = (float)2.2204e-6;
Mat O = Mat::zeros(M.rows, M.cols, CV_32FC1);
int k = 0; //storing index
Mat w,nv;
float n;
for(int i=0;i<M.cols;i++){
Mat v = M.col(i); // processed column to orthogonalize
// subtract projection over previous vectors
for(int j=0;j<k;j++){
Mat o=O.col(j);
w = v-o*(o.t()*v);
w.copyTo(v);
}
// only keep non zero vector
n = (float)norm(v);
if(n>thresh){
Mat ok=O.col(k);
// nv=v/n;
normalize(v,nv);
nv.copyTo(ok);
k+=1;
}
}
return O.colRange(0,k).clone();
}
void FacemarkAAMImpl::calcSimilarityEig(std::vector<Point2f> s0,Mat S, Mat & Q_orth, Mat & S_orth){
int npts = (int)s0.size();
Mat Q = Mat::zeros(2*npts,4,CV_32FC1);
Mat c0 = Q.col(0);
Mat c1 = Q.col(1);
Mat c2 = Q.col(2);
Mat c3 = Q.col(3);
/*c0 = s0(:)*/
Mat w = linearize(s0);
// w.convertTo(w, CV_64FC1);
w.copyTo(c0);
/*c1 = [-s0(npts:2*npts); s0(0:npts-1)]*/
Mat s0_mat = Mat(s0).reshape(1);
// s0_mat.convertTo(s0_mat, CV_64FC1);
Mat swapper = Mat::zeros(2,npts,CV_32FC1);
Mat s00 = s0_mat.col(0);
Mat s01 = s0_mat.col(1);
Mat sw0 = swapper.row(0);
Mat sw1 = swapper.row(1);
Mat(s00.t()).copyTo(sw1);
s01 = -s01;
Mat(s01.t()).copyTo(sw0);
Mat(swapper.reshape(1,2*npts)).copyTo(c1);
/*c2 - [ones(npts); zeros(npts)]*/
Mat ones = Mat::ones(1,npts,CV_32FC1);
Mat c2_mat = Mat::zeros(2,npts,CV_32FC1);
Mat c20 = c2_mat.row(0);
ones.copyTo(c20);
Mat(c2_mat.reshape(1,2*npts)).copyTo(c2);
/*c3 - [zeros(npts); ones(npts)]*/
Mat c3_mat = Mat::zeros(2,npts,CV_32FC1);
Mat c31 = c3_mat.row(1);
ones.copyTo(c31);
Mat(c3_mat.reshape(1,2*npts)).copyTo(c3);
Mat Qo = orthonormal(Q);
Mat all = Qo.t();
all.push_back(S.t());
Mat allOrth = orthonormal(all.t());
Q_orth = allOrth.colRange(0,4).clone();
S_orth = allOrth.colRange(4,allOrth.cols).clone();
}
inline Mat FacemarkAAMImpl::linearize(Mat s){ // all x values and then all y values
return Mat(s.reshape(1).t()).reshape(1,2*s.rows);
}
inline Mat FacemarkAAMImpl::linearize(std::vector<Point2f> s){ // all x values and then all y values
return linearize(Mat(s));
}
void FacemarkAAMImpl::delaunay(std::vector<Point2f> s, std::vector<Vec3i> & triangles)
{
triangles.clear();
std::vector<Vec6f> tp;
double min_x, max_x, min_y, max_y;
Mat S = Mat(s).reshape(1);
Mat s_x = S.col(0);
Mat s_y = S.col(1);
minMaxIdx(s_x, &min_x, &max_x);
minMaxIdx(s_y, &min_y, &max_y);
// TODO FIXIT Some triangles are lost
//Subdiv2D subdiv(Rect(cvFloor(min_x), cvFloor(min_y), cvCeil(max_x) - cvFloor(min_x), cvCeil(max_y) - cvFloor(min_y)));
Subdiv2D subdiv(Rect(cvFloor(min_x) - 10, cvFloor(min_y) - 10, cvCeil(max_x) - cvFloor(min_x) + 20, cvCeil(max_y) - cvFloor(min_y) + 20));
// map subdiv_verter -> original point (or the first alias)
std::vector<int> idx(s.size() + 4);
for (size_t i = 0; i < s.size(); ++i)
{
int vertex = subdiv.insert(s[i]);
if (idx.size() <= (size_t)vertex)
idx.resize(vertex + 1);
idx[vertex] = (int)i;
}
subdiv.getTriangleList(tp);
for (size_t i = 0; i < tp.size(); i++)
{
const Vec6f& t = tp[i];
//accept only vertex point
CV_Assert(
t[0]>=min_x && t[0]<=max_x && t[1]>=min_y && t[1]<=max_y &&
t[2]>=min_x && t[2]<=max_x && t[3]>=min_y && t[3]<=max_y &&
t[4]>=min_x && t[4]<=max_x && t[5]>=min_y && t[5]<=max_y
);
int tmp = 0, v1 = 0, v2 = 0, v3 = 0;
subdiv.locate(Point2f(t[0], t[1]), tmp, v1);
subdiv.locate(Point2f(t[2], t[3]), tmp, v2);
subdiv.locate(Point2f(t[4], t[5]), tmp, v3);
triangles.push_back(Vec3i(idx[v1], idx[v2], idx[v3]));
} // for
}
Mat FacemarkAAMImpl::createMask(std::vector<Point2f> base_shape, Rect res){
Mat mask = Mat::zeros(res.height, res.width, CV_8U);
std::vector<Point> hull;
std::vector<Point> shape;
Mat(base_shape).convertTo(shape, CV_32S);
convexHull(shape,hull);
fillConvexPoly(mask, &hull[0], (int)hull.size(), 255, 8 ,0);
return mask.clone();
}
Mat FacemarkAAMImpl::createTextureBase(std::vector<Point2f> shape, std::vector<Vec3i> triangles, Rect res, std::vector<std::vector<Point> > & textureIdx){
// max supported amount of triangles only 255
Mat mask = Mat::zeros(res.height, res.width, CV_8U);
std::vector<Point2f> p(3);
textureIdx.clear();
for(size_t i=0;i<triangles.size();i++){
p[0] = shape[triangles[i][0]];
p[1] = shape[triangles[i][1]];
p[2] = shape[triangles[i][2]];
std::vector<Point> polygon;
approxPolyDP(p,polygon, 1.0, true);
fillConvexPoly(mask, &polygon[0], (int)polygon.size(), (double)i+1,8,0 );
std::vector<Point> list;
for(int y=0;y<res.height;y++){
for(int x=0;x<res.width;x++){
if(mask.at<uchar>(y,x)==(uchar)(i+1)){
list.push_back(Point(x,y));
}
}
}
textureIdx.push_back(list);
}
return mask.clone();
}
Mat FacemarkAAMImpl::warpImage(
const Mat img, const std::vector<Point2f> target_shape,
const std::vector<Point2f> curr_shape, const std::vector<Vec3i> triangles,
const Rect res, const std::vector<std::vector<Point> > textureIdx)
{
// TODO: this part can be optimized, collect tranformation pair form all triangles first, then do one time remapping
Mat warped = Mat::zeros(res.height, res.width, CV_8U);
Mat warped2 = Mat::zeros(res.height, res.width, CV_8U);
Mat image,part, warped_part;
if(img.channels()>1){
cvtColor(img,image,COLOR_BGR2GRAY);
}else{
image = img;
}
Mat A,R,t;
A = Mat::zeros(2,3,CV_64F);
std::vector<Point2f> target(3),source(3);
std::vector<Point> polygon;
for(size_t i=0;i<triangles.size();i++){
target[0] = target_shape[triangles[i][0]];
target[1] = target_shape[triangles[i][1]];
target[2] = target_shape[triangles[i][2]];
source[0] = curr_shape[triangles[i][0]];
source[1] = curr_shape[triangles[i][1]];
source[2] = curr_shape[triangles[i][2]];
Mat target_mtx = Mat(target).reshape(1)-1.0;
Mat source_mtx = Mat(source).reshape(1)-1.0;
Mat U = target_mtx.col(0);
Mat V = target_mtx.col(1);
Mat X = source_mtx.col(0);
Mat Y = source_mtx.col(1);
double denominator = (target[1].x-target[0].x)*(target[2].y-target[0].y)-
(target[1].y-target[0].y)*(target[2].x-target[0].x);
// denominator = 1.0/denominator;
A.at<double>(0) = ((target[2].y-target[0].y)*(source[1].x-source[0].x)-
(target[1].y-target[0].y)*(source[2].x-source[0].x))/denominator;
A.at<double>(1) = ((target[1].x-target[0].x)*(source[2].x-source[0].x)-
(target[2].x-target[0].x)*(source[1].x-source[0].x))/denominator;
A.at<double>(2) =X.at<float>(0) + ((V.at<float>(0) * (U.at<float>(2) - U.at<float>(0)) - U.at<float>(0)*(V.at<float>(2) - V.at<float>(0))) * (X.at<float>(1) - X.at<float>(0)) + (U.at<float>(0) * (V.at<float>(1) - V.at<float>(0)) - V.at<float>(0)*(U.at<float>(1) - U.at<float>(0))) * (X.at<float>(2) - X.at<float>(0))) / denominator;
A.at<double>(3) =((V.at<float>(2) - V.at<float>(0)) * (Y.at<float>(1) - Y.at<float>(0)) - (V.at<float>(1) - V.at<float>(0)) * (Y.at<float>(2) - Y.at<float>(0))) / denominator;
A.at<double>(4) = ((U.at<float>(1) - U.at<float>(0)) * (Y.at<float>(2) - Y.at<float>(0)) - (U.at<float>(2) - U.at<float>(0)) * (Y.at<float>(1) - Y.at<float>(0))) / denominator;
A.at<double>(5) = Y.at<float>(0) + ((V.at<float>(0) * (U.at<float>(2) - U.at<float>(0)) - U.at<float>(0) * (V.at<float>(2) - V.at<float>(0))) * (Y.at<float>(1) - Y.at<float>(0)) + (U.at<float>(0) * (V.at<float>(1) - V.at<float>(0)) - V.at<float>(0)*(U.at<float>(1) - U.at<float>(0))) * (Y.at<float>(2) - Y.at<float>(0))) / denominator;
// A = getAffineTransform(target,source);
R=A.colRange(0,2);
t=A.colRange(2,3);
Mat pts_ori = Mat(textureIdx[i]).reshape(1);
Mat pts = pts_ori.t(); //matlab
Mat bx = pts_ori.col(0);
Mat by = pts_ori.col(1);
Mat base_ind = (by-1)*res.width+bx;
Mat pts_f;
pts.convertTo(pts_f,CV_64FC1);
pts_f.push_back(Mat::ones(1,(int)textureIdx[i].size(),CV_64FC1));
Mat trans = (A*pts_f).t();
Mat T; trans.convertTo(T, CV_32S); // this rounding make the result a little bit different to matlab
Mat mx = T.col(0);
Mat my = T.col(1);
Mat ind = (my-1)*image.cols+mx;
int maxIdx = image.rows*image.cols;
int idx;
for(int k=0;k<ind.rows;k++){
idx=ind.at<int>(k);
if(idx>=0 && idx<maxIdx){
warped.at<uchar>(base_ind.at<int>(k)) = (uchar)(image.at<uchar>(idx));
}
}
warped.copyTo(warped2);
}
return warped2.clone();
}
template <class T>
Mat FacemarkAAMImpl::getFeature(const Mat m, std::vector<int> map){
std::vector<float> feat;
Mat M = m.t();//matlab
for(size_t i=0;i<map.size();i++){
feat.push_back((float)M.at<T>(map[i]));
}
return Mat(feat).clone();
}
void FacemarkAAMImpl::createMaskMapping(const Mat m1, const Mat m2, std::vector<int> & ind1, std::vector<int> & ind2, std::vector<int> & ind3){
int cnt = 0, idx=0;
ind1.clear();
ind2.clear();
ind3.clear();
Mat mask = m1.t();//matlab
Mat mask2 = m2.t();//matlab
for(int i=0;i<mask.rows;i++){
for(int j=0;j<mask.cols;j++){
if(mask.at<uchar>(i,j)>0){
if(mask2.at<uchar>(i,j)>0){
ind2.push_back(idx);
ind3.push_back(cnt);
}
ind1.push_back(idx);
cnt +=1;
}
idx+=1;
} // j
} // i
}
void FacemarkAAMImpl::image_jacobian(const Mat gx, const Mat gy, const Mat Jx, const Mat Jy, Mat & G){
Mat Gx = repeat(gx,1,Jx.cols);
Mat Gy = repeat(gy,1,Jx.cols);
Mat G1,G2;
multiply(Gx,Jx,G1);
multiply(Gy,Jy,G2);
G=G1+G2;
}
void FacemarkAAMImpl::warpUpdate(std::vector<Point2f> & shape, Mat delta, std::vector<Point2f> s0, Mat S, Mat Q, std::vector<Vec3i> triangles,std::vector<std::vector<int> > Tp){
std::vector<Point2f> new_shape;
int nSimEig = 4;
/*get dr, dp and compute ds0*/
Mat dr = -Mat(delta, Range(0,nSimEig));
Mat dp = -Mat(delta, Range(nSimEig, delta.rows));
Mat ds0 = S*dp + Q*dr;
Mat ds0_mat = Mat::zeros((int)s0.size(),2, CV_32FC1);
Mat c0 = ds0_mat.col(0);
Mat c1 = ds0_mat.col(1);
Mat(ds0, Range(0,(int)s0.size())).copyTo(c0);
Mat(ds0, Range((int)s0.size(),(int)s0.size()*2)).copyTo(c1);
Mat s_new = computeWarpParts(shape,s0,ds0_mat, triangles, Tp);
Mat diff =linearize(Mat(s_new - Mat(s0).reshape(1)));
Mat r = Q.t()*diff;
Mat p = S.t()*diff;
Mat s = linearize(s0) +S*p + Q*r;
Mat(Mat(s.t()).reshape(0,2).t()).reshape(2).copyTo(shape);
}
Mat FacemarkAAMImpl::computeWarpParts(std::vector<Point2f> curr_shape,std::vector<Point2f> s0, Mat ds0, std::vector<Vec3i> triangles,std::vector<std::vector<int> > Tp){
std::vector<Point2f> new_shape;
std::vector<Point2f> ds = ds0.reshape(2);
float mx,my;
Mat A;
std::vector<Point2f> target(3),source(3);
std::vector<double> p(3);
p[2] = 1;
for(size_t i=0;i<s0.size();i++){
p[0] = s0[i].x + ds[i].x;
p[1] = s0[i].y + ds[i].y;
std::vector<Point2f> v;
std::vector<float>vx, vy;
for(size_t j=0;j<Tp[i].size();j++){
int idx = Tp[i][j];
target[0] = s0[triangles[idx][0]];
target[1] = s0[triangles[idx][1]];
target[2] = s0[triangles[idx][2]];
source[0] = curr_shape[triangles[idx][0]];
source[1] = curr_shape[triangles[idx][1]];
source[2] = curr_shape[triangles[idx][2]];
A = getAffineTransform(target,source);
Mat(A*Mat(p)).reshape(2).copyTo(v);
vx.push_back(v[0].x);
vy.push_back(v[0].y);
}// j
/*find the median*/
size_t n = vx.size()/2;
nth_element(vx.begin(), vx.begin()+n, vx.end());
mx = vx[n];
nth_element(vy.begin(), vy.begin()+n, vy.end());
my = vy[n];
new_shape.push_back(Point2f(mx,my));
} // s0.size()
return Mat(new_shape).reshape(1).clone();
}
void FacemarkAAMImpl::gradient(const Mat M, Mat & gx, Mat & gy){
gx = Mat::zeros(M.size(),CV_32FC1);
gy = Mat::zeros(M.size(),CV_32FC1);
/*gx*/
for(int i=0;i<M.rows;i++){
for(int j=0;j<M.cols;j++){
if(j>0 && j<M.cols-1){
gx.at<float>(i,j) = ((float)0.5)*(M.at<float>(i,j+1)-M.at<float>(i,j-1));
}else if (j==0){
gx.at<float>(i,j) = M.at<float>(i,j+1)-M.at<float>(i,j);
}else{
gx.at<float>(i,j) = M.at<float>(i,j)-M.at<float>(i,j-1);
}
}
}
/*gy*/
for(int i=0;i<M.rows;i++){
for(int j=0;j<M.cols;j++){
if(i>0 && i<M.rows-1){
gy.at<float>(i,j) = ((float)0.5)*(M.at<float>(i+1,j)-M.at<float>(i-1,j));
}else if (i==0){
gy.at<float>(i,j) = M.at<float>(i+1,j)-M.at<float>(i,j);
}else{
gy.at<float>(i,j) = M.at<float>(i,j)-M.at<float>(i-1,j);
}
}
}
}
void FacemarkAAMImpl::createWarpJacobian(Mat S, Mat Q, std::vector<Vec3i> triangles, Model::Texture & T, Mat & Wx_dp, Mat & Wy_dp, std::vector<std::vector<int> > & Tp){
std::vector<Point2f> base_shape = T.base_shape;
Rect resolution = T.resolution;
std::vector<std::vector<int> >triangles_on_a_point;
int npts = (int)base_shape.size();
Mat dW_dxdyt ;
/*get triangles for each point*/
std::vector<int> trianglesIdx;
triangles_on_a_point.resize(npts);
for(int i=0;i<(int)triangles.size();i++){
triangles_on_a_point[triangles[i][0]].push_back(i);
triangles_on_a_point[triangles[i][1]].push_back(i);
triangles_on_a_point[triangles[i][2]].push_back(i);
}
Tp = triangles_on_a_point;
/*calculate dW_dxdy*/
float v0x,v0y,v1x,v1y,v2x,v2y, denominator;
for(int k=0;k<npts;k++){
Mat acc = Mat::zeros(resolution.height, resolution.width, CV_32F);
/*for each triangle on k-th point*/
for(size_t i=0;i<triangles_on_a_point[k].size();i++){
int tId = triangles_on_a_point[k][i];
Vec3i v;
if(triangles[tId][0]==k ){
v=Vec3i(triangles[tId][0],triangles[tId][1],triangles[tId][2]);
}else if(triangles[tId][1]==k){
v=Vec3i(triangles[tId][1],triangles[tId][0],triangles[tId][2]);
}else{
v=Vec3i(triangles[tId][2],triangles[tId][0],triangles[tId][1]);
}
v0x = base_shape[v[0]].x;
v0y = base_shape[v[0]].y;
v1x = base_shape[v[1]].x;
v1y = base_shape[v[1]].y;
v2x = base_shape[v[2]].x;
v2y = base_shape[v[2]].y;
denominator = (v1x-v0x)*(v2y-v0y)-(v1y-v0y)*(v2x-v0x);
Mat pixels = Mat(T.textureIdx[tId]).reshape(1); // same, just different order
Mat p;
pixels.convertTo(p,CV_32F, 1.0,1.0); //matlab use offset
Mat x = p.col(0);
Mat y = p.col(1);
Mat alpha = (x-v0x)*(v2y-v0y)-(y-v0y)*(v2x-v0x);
Mat beta = (v1x-v0x)*(y-v0y)-(v1y-v0y)*(x-v0x);
Mat res = 1.0 - alpha/denominator - beta/denominator; // same just different order
/*remap to image form*/
Mat dx = Mat::zeros(resolution.height, resolution.width, CV_32F);
for(int j=0;j<res.rows;j++){
dx.at<float>((int)(y.at<float>(j)-1.0), (int)(x.at<float>(j)-1.0)) = res.at<float>(j); // matlab use offset
};
acc = acc+dx;
}
Mat vectorized = Mat(acc.t()).reshape(0,1);
dW_dxdyt.push_back(vectorized.clone());
}// k
Mat dx_dp;
hconcat(Q, S, dx_dp);
Mat dW_dxdy = dW_dxdyt.t();
Wx_dp = dW_dxdy* Mat(dx_dp,Range(0,npts));
Wy_dp = dW_dxdy* Mat(dx_dp,Range(npts,2*npts));
} //createWarpJacobian
} /* namespace face */
} /* namespace cv */
| [
"[email protected]"
] | |
f1901905bac8d4396cee7564c1113c0463de6204 | 3fb122570082ae7572402adc29c92ad15e92d29a | /21_2/21_2_17/List.hpp | 0a5ee64ee14ce1abbd446c1af98362f26cd11fdd | [] | no_license | QZYorn/Hello-world | dd009c4677a72a9f50ccc2666d8d4a759f948c75 | d56214ea72d2a00ebbda80193849494fad2e3d0f | refs/heads/master | 2023-06-19T19:30:59.918312 | 2021-07-22T01:50:28 | 2021-07-22T01:50:28 | 326,176,508 | 3 | 0 | null | null | null | null | GB18030 | C++ | false | false | 8,982 | hpp | #pragma once
#include"ListNode.hpp"
#include<assert.h>
typedef int Rank;
template<class T>
class List
{
private:
int _size;//规模大小
Posi(T) header; //头
Posi(T) trailer;//尾
protected:
//内部函数
//初始化
void init();
//复制列表中位置p起的n项
void copyNodes(Posi(T) p, int n);
//清除节点,返回节点数
int clear();
public:
//构造函数
//默认 构造函数
List();
//整体复制列表L 构造函数
List(List<T> const& L);
//区间复制列表L 构造函数,自第r项后起的共n项
List(List<T> const& L, Rank r, int n);
//区间复制列表 构造函数,自位置p后起的共n项
List(Posi(T) p, int n);
//析构函数
~List();
//只读接口
//规模大小
Rank size()const;
//重载[]操作符 循秩访问,效率低下
T& operator[](Rank r)const;
//首节点位置
Posi(T) first()const;
//末节点位置
Posi(T) last()const;
//区间列表 无序查找,在节点p的n个真前驱中查找e,查找成功返回节点地址,失败返回NULL
Posi(T) find(T const& e, int n, Posi(T) p);
//整体列表 无序查找,查找成功返回节点地址,失败返回NULL
Posi(T) find(T const& e);
//区间列表 有序查找,在节点p的n个真前驱中查找e,查找成功返回节点地址,失败返回NULL
Posi(T) search(T const& e, int n, Posi(T) p);
//整体列表 有序查找,查找成功返回节点地址,失败返回NULL
Posi(T) search(T const &e);
//从起始于p的n个节点中找到区间内最大值
Posi(T) selectMAX(Posi(T) p, int n);
//可写接口
//将e元素作为首节点插入
Posi(T) insertAsFirst(T const& e);
//将e元素作为末节点插入
Posi(T) insertAsLast(T const& e);
//将e元素作为p前驱节点插入
Posi(T) insertAsPred(Posi(T) p, T const& e);
//将e元素作为p后继节点插入
Posi(T) insertAsSucc(Posi(T) p, T const& e);
//删除合法位置p处节点,返回被删除节点数据
T remove(Posi(T) p);
//无序列表 唯一化,返回删除重复元素个数
int deduplicate();
//有序列表 唯一化,返回删除重复元素个数
int uniquify();
//整体排序
void sort();
//区间排序
void sort(Posi(T) p, int n);
//选择排序
void selectSort(Posi(T) p, int n);
//插入排序
void insertSort(Posi(T) p, int n);
//遍历接口
//回调函数 或 函数指针
void traverse(void(*visit)(T&));
// 伪函数 或 函数对象
template<class VST> void traverse(VST& visit);
};
//内部函数
template<class T>
void List<T>::init()//初始化
{
header = new ListNode<T>;
trailer = new ListNode<T>;
header->pred = NULL;
header->succ = trailer;//互联
trailer->pred = header;//互联
trailer->succ = NULL;
_size = 0;//记录规模
}
//复制列表中位置p起的n项
template<class T>
void List<T>::copyNodes(Posi(T) p, int n)
{
assert(p != NULL);
init();
while (n--)
{
//将自p起的n项节点作为末节点插入
insertAsLast(p->data);
p = p->succ;
}
}
//清除节点,返回节点数
template<class T>
int List<T>::clear()
{
int oldSize = _size;
while (_size)
{
remove(this->first());//反复删除首节点,直至列表清空
}
return _size;
}
//构造函数
//默认 构造函数
template<class T>
List<T>::List()
{
init();
}
//整体复制列表L 构造函数
template<class T>
List<T>::List(List<T> const& L)
{
copyNodes(L.first(), L.size());
}
//区间复制列表L 构造函数,自第r项后起的共n项
template<class T>
List<T>::List(List<T> const& L, Rank r, int n)
{
assert(r + n <= L.size());
Posi(T) p = L.first();
while (r--)
{
p = p->succ;
}
copyNodes(p, n);
}
//区间复制列表L 构造函数,自位置p后起的共n项
template<class T>
List<T>::List(Posi(T) p, int n)
{
copyNodes(p, n);
}
//析构函数
template<class T>
List<T>::~List()
{
clear();//清除所有节点
delete header; //释放头节点
delete trailer;//释放尾节点
}
//只读接口
//规模大小
template<class T>
Rank List<T>::size()
const{
return _size;
}
//循秩访问,效率低下
template<class T>
T& List<T>::operator[](Rank r)
const{
assert(0 <= r && r < _size); //[0,_size)
Posi(T) p = first();//从首元素出发
while (r--)
{
p = p->succ;//向后继遍历
}
return p->data;//返回目标节点所存数据
}
//首节点位置
template<class T>
Posi(T) List<T>::first()
const{
if (_size == 0)
return NULL;
return header->succ;//头节点后继
}
//末节点位置
template<class T>
Posi(T) List<T>::last()
const{
if (_size == 0)
return NULL;
return trailer->pred;//尾节点前驱
}
//区间列表 无序查找,在节点p的n个真前驱中查找e,查找成功返回节点地址,失败返回NULL
template<class T>
Posi(T) List<T>::find(T const& e, int n, Posi(T) p)
{
while (n--)
{
if ((p = p->pred)->data == e)
return p;
}
return NULL;
}
//整体列表 无序查找,查找成功返回节点地址,失败返回NULL
template<class T>
Posi(T) List<T>::find(T const& e)
{
return find(e, _size, trailer);
}
//区间列表 有序查找,在节点p的n个真前驱中查找e,查找成功返回节点地址,返回不大于e的最大者
template<class T>
Posi(T) List<T>::search(T const& e, int n, Posi(T) p)
{
assert(n < _size && 0 <= n);
while (n--)
{
if ((p = p->pred)->data <= e)
break;
}
return p;
}
//整体列表 有序查找,查找成功返回节点地址,失败返回NULL
template<class T>
Posi(T) List<T>::search(T const &e)
{
return search(e, _size, trailer);
}
// 从起始于p的n个节点中找到区间内最大值
template<class T>
Posi(T) List<T>::selectMAX(Posi(T) p , int n)
{
Posi(T) max = p;//初始化max指向第一个节点
int old_n = n;
for (Posi(T) cur = p; 1 < n;n--)
{
if (!((cur = cur->succ)->data < max->data))//max <= cur
{
max = cur;//更新最大节点位置
}
}
return max;//返回最大节点位置
}
//可写接口
//将e元素作为首节点插入
template<class T>
Posi(T) List<T>::insertAsFirst(T const& e)
{
_size++;
return header->insertAsSucc(e);
}
//将e元素作为末节点插入
template<class T>
Posi(T) List<T>::insertAsLast(T const& e)
{
_size++;
return trailer->insertAsPred(e);
}
//将e元素作为前驱节点插入
template<class T>
Posi(T) List<T>::insertAsPred(Posi(T) p, T const& e)
{
_size++;
return p->insertAsPred(e);
}
//将e元素作为后继节点插入
template<class T>
Posi(T) List<T>::insertAsSucc(Posi(T) p, T const& e)
{
_size++;
return p->insertAsSucc(e);
}
//删除合法位置p处节点,返回被删除节点数据
template<class T>
T List<T>::remove(Posi(T) p)
{
T oldData = p->data;//备份节点内数据
p->pred->succ = p->succ;
p->succ->pred = p->pred;
delete p;//释放节点
--_size;//更新规模
return oldData;
}
//无序列表 唯一化,返回删除重复元素个数
template<class T>
int List<T>::deduplicate()
{
if (_size < 2)
{
return 0;
}
int oldSize = _size;//备份原规模
Posi(T) p = header;//从首节点开始
Rank r = 0;//需检查的前驱个数
while ((p = p->succ) != trailer)
{
Posi(T) q = find(p->data, r, p);//在p的r个前驱中寻找相同元素,并用q接收返回值
q ? remove(q) : r++;//找到了就删除重复节点,没找到的话需要检查的前驱就增加了
}
return oldSize - _size;//返回规模变化量,即删除元素个数
}
//有序列表 唯一化,返回删除重复元素个数
template<class T>
int List<T>::uniquify()
{
if (_size < 2)
{
return 0;
}
int oldSize = _size;//备份原规模
Posi(T) p = first();
Posi(T) q ;
while (trailer != (q = p->succ))
{
if (q->data != p->data)//若不同,则更新到下个区间
{
p = q;
}
else//相同则删除后相同元素
{
remove(q);
}
}
return oldSize - _size;//返回删除元素个数
}
//整体排序
template<class T>
void List<T>::sort()
{
sort(first(), _size);
}
//区间排序
template<class T>
void List<T>::sort(Posi(T) p, int n)
{
switch (rand()%1)
{
case 0://选择排序
selectSort(p, n);
break;
/*case 2:
break;*/
default://插入排序
insertSort(p, n);
break;
}
}
//选择排序
template<class T>
void List<T>::selectSort(Posi(T) p, int n)
{
Posi(T) head = p->pred;
Posi(T) tail = p;
for (int i = 0; i < n;i++)
{
tail = tail->succ;
}
while (1 < n)
{
Posi(T) max = selectMAX(head ->succ, n);
insertAsPred(tail, remove(max));
tail = tail->pred;
n--;
}
}
//插入排序
template<class T>
void List<T>::insertSort(Posi(T) p, int n)
{
Posi(T) nur = p;
for (int i = 0; i < n; i++)
{
insertAsPred(search(nur->data,i,p), nur->data);
nur = nur->succ;
remove(nur->pred);
}
}
//遍历接口
//回调函数 或 函数指针
template<class T>
void List<T>::traverse(void(*visit)(T&))
{
for (Posi(T) p = header->succ; p != trailer; p = p->succ)
{
visit(p->data);
}
}
// 伪函数 或 函数对象
template<class T>
template<class VST>
void List<T>::traverse(VST& visit)
{
for (Posi(T) p = header->succ ; p != trailer; p = p->succ)
{
visit(p->data);
}
}
| [
"[email protected]"
] | |
811eae4ce928b0108379f3e0625a0f0bb4664c8f | 848b5952611d1f48405731f9afbf7bfa8a324952 | /C++/LinkedLists/Node/Q2.2/Q2.2.cpp | a634c4c114e68730682dc88f9f76da0efd0978a1 | [] | no_license | hashimsharkh/Cracking-The-Coding-Interview | 6267efeeebb10d4f88793a72f386b10e88f8dade | dab18c98926ab3ba21102e766342343a8428661a | refs/heads/master | 2020-04-28T07:31:23.356046 | 2019-09-15T17:55:17 | 2019-09-15T17:55:17 | 175,095,767 | 0 | 0 | null | null | null | null | UTF-8 | C++ | false | false | 2,683 | cpp | #include <iostream>
using namespace std;
//Implenentation of Node before creation of linked list class
class Node
{
private:
Node* next;
int data;
public:
Node(int d,Node* n=NULL):data(d),next(n){}
void appendToTail(int );
void printLinkedList(Node* );
int getData() const;
Node* getNext() const;
void setNext(Node * );
void setData(int );
};
//Q2.2 - Return kth to last element
//If size is known, just iterate with a pointer until length-k, time Complexity O(N), space Complexity (O(1))
//If size is unknown
//we can compute the size of the linked list in O(n) runtime then iterate
//Iterative
Node* kthToLastElement(Node* head,int k)
{
Node * current = head;
int size =0;
while(current!=NULL)
{
size++;
current=current->getNext();
}
for(int i=1;i<size-k;i++)
head=head->getNext();
return head;
}
//Printing kthToLastElement recursive approach, uses O(n) space
int printKthToLastElement(Node* head,int k)
{
if(head==NULL)
return 0;
int result = printKthToLastElement(head->getNext(),k)+1;
if(k==result)
cout<<"The "<<k<<"nd to last node is: "<<head->getData()<<endl;
return result;
}
//Recursive approach using pointer
Node* kthToLastElementR(Node* head,int k, int &i)
{
if(head==NULL)
return NULL;
Node* result = kthToLastElementR(head->getNext(),k,i);
i=i+1;
if(i==k)
return head;
return result;
}
Node *kthToLastElementRecursive(Node* head,int k)
{
int i=0;
return kthToLastElementR(head,k,i);
}
int main()
{
Node * head = new Node(5);
head->appendToTail(8);
head->appendToTail(5);
head->appendToTail(5);
head->appendToTail(3);
cout<<"The linked List is: ";
head->printLinkedList(head);
cout<<endl;
//Testing first function
cout<<"The Last Node is: "<<kthToLastElement(head,0)->getData()<<endl;
//Testing second function
printKthToLastElement(head,2);
//Testing third function
cout<<"The 4th to Last Node is: "<<kthToLastElementRecursive(head,4)->getData()<<endl;
head->printLinkedList(head);
cout<<endl;
head=NULL;
delete head;
}
void Node:: appendToTail(int d)
{
Node* end = new Node(d);
Node *n=this;
while(n->next!=NULL)
n=n->next;
n->next=end;
n->next->next=NULL;
end = NULL;
delete end;
}
void Node:: printLinkedList(Node* head)
{
if(head!=NULL)
{
std::cout<<head->getData()<<" ";
printLinkedList(head->getNext());
}
}
int Node:: getData() const
{
return data;
}
Node* Node:: getNext() const
{
return next;
}
void Node:: setNext(Node * n)
{
next = n;
}
void Node:: setData(int data)
{
this->data=data;
}
| [
"[email protected]"
] | |
1ae4c3328b8cf437330561fdad6c8aef9f526d40 | 3af68b32aaa9b7522a1718b0fc50ef0cf4a704a9 | /cpp/B/A/C/D/B/ABACDB.cpp | 0967ee63e1438debf933763004ecc47807e9c618 | [] | no_license | devsisters/2021-NDC-ICECREAM | 7cd09fa2794cbab1ab4702362a37f6ab62638d9b | ac6548f443a75b86d9e9151ff9c1b17c792b2afd | refs/heads/master | 2023-03-19T06:29:03.216461 | 2021-03-10T02:53:14 | 2021-03-10T02:53:14 | 341,872,233 | 0 | 0 | null | null | null | null | UTF-8 | C++ | false | false | 108 | cpp | #include "ABACDB.h"
namespace ABACDB {
std::string run() {
std::string out("ABACDB");
return out;
}
} | [
"[email protected]"
] | |
213b619596249ad78d2410b3f0448549d67179e8 | e77ebf68db96ef8b1bbbb42b4aba42444e43176f | /demo/Classes/Native/Bulk_System_0.cpp | 7b872536e8c89701268240a84fa0336b7e099455 | [] | no_license | dgolman/cardboard-networking | a2a1180e8a0e1f41faf7bb40a796475506010a48 | ae7f42017704b4b9a69cff5463262f5e66f168d4 | refs/heads/master | 2021-01-10T12:03:23.561009 | 2016-01-06T14:18:45 | 2016-01-06T14:18:45 | 49,088,543 | 1 | 0 | null | null | null | null | UTF-8 | C++ | false | false | 1,250,158 | cpp | #include "il2cpp-config.h"
#ifndef _MSC_VER
# include <alloca.h>
#else
# include <malloc.h>
#endif
#include <cstring>
#include <string.h>
#include <stdio.h>
#include <cmath>
#include <limits>
#include <assert.h>
// System.String
struct String_t;
// System.Object[]
struct ObjectU5BU5D_t1774424924_0;
// System.MonoTODOAttribute
struct MonoTODOAttribute_t1550454574_0;
// System.Collections.Specialized.HybridDictionary
struct HybridDictionary_t330100885_0;
// System.Collections.IEnumerator
struct IEnumerator_t1412936761_0;
// System.Collections.IDictionary
struct IDictionary_t_1514320629_0;
// System.Object
struct Object_t;
// System.Collections.ICollection
struct ICollection_t592284435_0;
// System.Array
struct Array_t;
// System.Collections.IDictionaryEnumerator
struct IDictionaryEnumerator_t_855216337_0;
// System.Collections.Specialized.ListDictionary/DictionaryNode
struct DictionaryNode_t150269808_0;
// System.Collections.Specialized.ListDictionary/DictionaryNodeEnumerator
struct DictionaryNodeEnumerator_t1322653524_0;
// System.Collections.Specialized.ListDictionary
struct ListDictionary_t_2060207753_0;
// System.Collections.Specialized.ListDictionary/DictionaryNodeCollection/DictionaryNodeCollectionEnumerator
struct DictionaryNodeCollectionEnumerator_t1884346491_0;
// System.Collections.Specialized.ListDictionary/DictionaryNodeCollection
struct DictionaryNodeCollection_t502001198_0;
// System.Collections.IComparer
struct IComparer_t622777826_0;
// System.Collections.Specialized.NameObjectCollectionBase/_Item
struct _Item_t_1254169345_0;
// System.Collections.Specialized.NameObjectCollectionBase/_KeysEnumerator
struct _KeysEnumerator_t_537070652_0;
// System.Collections.Specialized.NameObjectCollectionBase
struct NameObjectCollectionBase_t773911740_0;
// System.Collections.Specialized.NameObjectCollectionBase/KeysCollection
struct KeysCollection_t_702111355_0;
// System.Runtime.Serialization.SerializationInfo
struct SerializationInfo_t526833679_0;
// System.Collections.Specialized.NameValueCollection
struct NameValueCollection_t_1489674975_0;
// System.Collections.ArrayList
struct ArrayList_t536890563_0;
// System.ComponentModel.EditorBrowsableAttribute
struct EditorBrowsableAttribute_t466544369_0;
// System.ComponentModel.TypeConverterAttribute
struct TypeConverterAttribute_t_1743453549_0;
// System.Type
struct Type_t;
// System.ComponentModel.Win32Exception
struct Win32Exception_t_918716111_0;
// System.Diagnostics.Stopwatch
struct Stopwatch_t_1779390746_0;
// System.Net.Sockets.LingerOption
struct LingerOption_t_1578713956_0;
// System.Net.Sockets.Socket
struct Socket_t771039639_0;
// System.Net.IPAddress
struct IPAddress_t125139831_0;
// System.Net.IPAddress[]
struct IPAddressU5BU5D_t296217_0;
// System.Byte[]
struct ByteU5BU5D_t_1238178395_0;
// System.Net.SocketAddress
struct SocketAddress_t_1639988597_0;
// System.Net.EndPoint
struct EndPoint_t_1941440085_0;
// System.Reflection.MethodInfo
struct MethodInfo_t;
// System.Net.Sockets.SocketException
struct SocketException_t341026936_0;
// System.Net.DefaultCertificatePolicy
struct DefaultCertificatePolicy_t_51627618_0;
// System.Net.ServicePoint
struct ServicePoint_t_1625863919_0;
// System.Security.Cryptography.X509Certificates.X509Certificate
struct X509Certificate_t1524084820_0;
// System.Net.WebRequest
struct WebRequest_t442478417_0;
// System.String[]
struct StringU5BU5D_t_816028754_0;
// System.Net.IPHostEntry
struct IPHostEntry_t_1615694227_0;
// System.Exception
struct Exception_t2143823668_0;
// System.Net.FileWebRequest
struct FileWebRequest_t_2084336915_0;
// System.Uri
struct Uri_t18014439_0;
// System.Net.FileWebRequestCreator
struct FileWebRequestCreator_t2030753919_0;
// System.Net.FtpRequestCreator
struct FtpRequestCreator_t2138557737_0;
// System.Net.FtpWebRequest
struct FtpWebRequest_t1507005735_0;
// System.Security.Cryptography.X509Certificates.X509Chain
struct X509Chain_t_259668440_0;
// System.Net.IWebProxy
struct IWebProxy_t1249552781_0;
// System.Net.HttpRequestCreator
struct HttpRequestCreator_t_1770471941_0;
// System.Net.HttpWebRequest
struct HttpWebRequest_t713113337_0;
// System.UInt16[]
struct UInt16U5BU5D_t_1239550212_0;
// System.Net.IPEndPoint
struct IPEndPoint_t_1780335022_0;
// System.Net.IPv6Address
struct IPv6Address_t_1270038473_0;
// System.Net.ServicePointManager/SPKey
struct SPKey_t_719082417_0;
// System.Net.ICertificatePolicy
struct ICertificatePolicy_t1217823990_0;
// System.Net.Security.RemoteCertificateValidationCallback
struct RemoteCertificateValidationCallback_t_41584489_0;
// System.Net.WebHeaderCollection
struct WebHeaderCollection_t_1532305783_0;
// System.Net.WebProxy
struct WebProxy_t_90386512_0;
// System.Net.ICredentials
struct ICredentials_t653680649_0;
// System.Security.Cryptography.X509Certificates.PublicKey
struct PublicKey_t_188668797_0;
// Mono.Security.X509.X509Certificate
struct X509Certificate_t219648422_0;
// System.Security.Cryptography.AsnEncodedData
struct AsnEncodedData_t_194939595_0;
// System.Security.Cryptography.AsymmetricAlgorithm
struct AsymmetricAlgorithm_t1451338986_0;
// System.Security.Cryptography.Oid
struct Oid_t1024680945_0;
// System.Security.Cryptography.DSA
struct DSA_t1573103491_0;
// System.Security.Cryptography.RSA
struct RSA_t1573116945_0;
// System.Security.Cryptography.X509Certificates.X500DistinguishedName
struct X500DistinguishedName_t414226495_0;
// System.Security.Cryptography.X509Certificates.X509BasicConstraintsExtension
struct X509BasicConstraintsExtension_t_30568994_0;
// System.Security.Cryptography.X509Certificates.X509Certificate2
struct X509Certificate2_t1644507188_0;
// System.Security.Cryptography.X509Certificates.X509ExtensionCollection
struct X509ExtensionCollection_t_424340636_0;
// Mono.Security.ASN1
struct ASN1_t311288114_0;
// System.Text.StringBuilder
struct StringBuilder_t586045924_0;
// System.Security.Cryptography.X509Certificates.X509Certificate2Collection
struct X509Certificate2Collection_t_1899689486_0;
// System.Security.Cryptography.X509Certificates.X509Certificate2Enumerator
struct X509Certificate2Enumerator_t_1079037160_0;
// System.Security.Cryptography.X509Certificates.X509CertificateCollection/X509CertificateEnumerator
struct X509CertificateEnumerator_t1745209186_0;
// System.Security.Cryptography.X509Certificates.X509CertificateCollection
struct X509CertificateCollection_t_798278404_0;
// System.Security.Cryptography.X509Certificates.X509Certificate[]
struct X509CertificateU5BU5D_t_559883360_0;
// System.Security.Cryptography.X509Certificates.X509ChainPolicy
struct X509ChainPolicy_t_1654318726_0;
// System.Security.Cryptography.X509Certificates.X509Store
struct X509Store_t_244520888_0;
// System.Security.Cryptography.X509Certificates.X509ChainElement
struct X509ChainElement_t_1009110092_0;
// Mono.Security.X509.X509Crl
struct X509Crl_t_956935956_0;
// Mono.Security.X509.X509Extension
struct X509Extension_t_556260338_0;
// Mono.Security.X509.X509Crl/X509CrlEntry
struct X509CrlEntry_t_830724962_0;
// System.Security.Cryptography.X509Certificates.X509ChainStatus[]
struct X509ChainStatusU5BU5D_t109390108_0;
// System.Security.Cryptography.X509Certificates.X509ChainElementCollection
struct X509ChainElementCollection_t_1966363278_0;
// System.Security.Cryptography.X509Certificates.X509ChainElementEnumerator
struct X509ChainElementEnumerator_t_1145710952_0;
// System.Collections.IEnumerable
struct IEnumerable_t1412919357_0;
// System.Security.Cryptography.X509Certificates.X509EnhancedKeyUsageExtension
struct X509EnhancedKeyUsageExtension_t_923707154_0;
// System.Security.Cryptography.X509Certificates.X509Extension
struct X509Extension_t_1686437850_0;
// System.Security.Cryptography.X509Certificates.X509ExtensionEnumerator
struct X509ExtensionEnumerator_t396311690_0;
// System.Security.Cryptography.X509Certificates.X509KeyUsageExtension
struct X509KeyUsageExtension_t_1020729148_0;
// Mono.Security.X509.X509Stores
struct X509Stores_t_1921006013_0;
// Mono.Security.X509.X509Store
struct X509Store_t_477609936_0;
// System.Security.Cryptography.X509Certificates.X509SubjectKeyIdentifierExtension
struct X509SubjectKeyIdentifierExtension_t_580700310_0;
// System.Security.Cryptography.OidCollection
struct OidCollection_t_322472593_0;
// System.Security.Cryptography.OidEnumerator
struct OidEnumerator_t498179733_0;
// System.Text.RegularExpressions.BaseMachine/MatchAppendEvaluator
struct MatchAppendEvaluator_t228680604_0;
// System.Text.RegularExpressions.Match
struct Match_t939027474_0;
// System.IAsyncResult
struct IAsyncResult_t_1647744885_0;
// System.AsyncCallback
struct AsyncCallback_t_266361018_0;
// System.Text.RegularExpressions.BaseMachine
struct BaseMachine_t598973635_0;
// System.Text.RegularExpressions.Regex
struct Regex_t943751828_0;
// System.Text.RegularExpressions.MatchEvaluator
struct MatchEvaluator_t172888125_0;
// System.Text.RegularExpressions.Capture
struct Capture_t173996627_0;
#include "class-internals.h"
#include "codegen/il2cpp-codegen.h"
#include "mscorlib_System_Array1621492670.h"
#include "System_U3CModuleU3E1871508912.h"
#include "System_U3CModuleU3E1871508912MethodDeclarations.h"
#include "System_Locale_1837436108.h"
#include "System_Locale_1837436108MethodDeclarations.h"
#include "mscorlib_System_String_756155572.h"
#include "mscorlib_ArrayTypes.h"
#include "mscorlib_System_Object_887538054.h"
#include "mscorlib_System_String_756155572MethodDeclarations.h"
#include "System_System_MonoTODOAttribute1550454574.h"
#include "System_System_MonoTODOAttribute1550454574MethodDeclarations.h"
#include "mscorlib_System_Void_224166001.h"
#include "mscorlib_System_Attribute675283329MethodDeclarations.h"
#include "mscorlib_System_Attribute675283329.h"
#include "System_System_Collections_Specialized_HybridDiction330100885.h"
#include "System_System_Collections_Specialized_HybridDiction330100885MethodDeclarations.h"
#include "mscorlib_System_Int321628762099.h"
#include "mscorlib_System_Boolean_19515315.h"
#include "mscorlib_System_Object_887538054MethodDeclarations.h"
#include "mscorlib_System_Collections_CaseInsensitiveComparer417417786MethodDeclarations.h"
#include "mscorlib_System_Collections_CaseInsensitiveHashCodeP69752889MethodDeclarations.h"
#include "System_System_Collections_Specialized_ListDiction_2060207753MethodDeclarations.h"
#include "mscorlib_System_Collections_Hashtable_2004451924MethodDeclarations.h"
#include "mscorlib_System_Collections_CaseInsensitiveComparer417417786.h"
#include "mscorlib_System_Collections_CaseInsensitiveHashCodeP69752889.h"
#include "System_System_Collections_Specialized_ListDiction_2060207753.h"
#include "mscorlib_System_Collections_Hashtable_2004451924.h"
#include "System_System_Collections_Specialized_ListDictionar150269808.h"
#include "System_System_Collections_Specialized_ListDictionar150269808MethodDeclarations.h"
#include "System_System_Collections_Specialized_ListDictiona1322653524.h"
#include "System_System_Collections_Specialized_ListDictiona1322653524MethodDeclarations.h"
#include "mscorlib_System_InvalidOperationException_523179548MethodDeclarations.h"
#include "mscorlib_System_InvalidOperationException_523179548.h"
#include "mscorlib_System_Collections_DictionaryEntry_1842557272.h"
#include "mscorlib_System_Collections_DictionaryEntry_1842557272MethodDeclarations.h"
#include "System_System_Collections_Specialized_ListDictiona1884346491.h"
#include "System_System_Collections_Specialized_ListDictiona1884346491MethodDeclarations.h"
#include "System_System_Collections_Specialized_ListDictionar502001198.h"
#include "System_System_Collections_Specialized_ListDictionar502001198MethodDeclarations.h"
#include "mscorlib_System_ArgumentNullException_1072101840MethodDeclarations.h"
#include "mscorlib_System_ArgumentOutOfRangeException_1011290529MethodDeclarations.h"
#include "mscorlib_System_Array1621492670MethodDeclarations.h"
#include "mscorlib_System_IndexOutOfRangeException2086638848MethodDeclarations.h"
#include "mscorlib_System_ArgumentException1159624695MethodDeclarations.h"
#include "mscorlib_System_ArgumentNullException_1072101840.h"
#include "mscorlib_System_ArgumentOutOfRangeException_1011290529.h"
#include "mscorlib_System_IndexOutOfRangeException2086638848.h"
#include "mscorlib_System_ArgumentException1159624695.h"
#include "System_System_Collections_Specialized_NameObjectC_1254169345.h"
#include "System_System_Collections_Specialized_NameObjectC_1254169345MethodDeclarations.h"
#include "System_System_Collections_Specialized_NameObjectCo_537070652.h"
#include "System_System_Collections_Specialized_NameObjectCo_537070652MethodDeclarations.h"
#include "System_System_Collections_Specialized_NameObjectCol773911740.h"
#include "System_System_Collections_Specialized_NameObjectCol773911740MethodDeclarations.h"
#include "System_System_Collections_Specialized_NameObjectCo_702111355.h"
#include "System_System_Collections_Specialized_NameObjectCo_702111355MethodDeclarations.h"
#include "mscorlib_System_Collections_ArrayList536890563.h"
#include "mscorlib_System_Collections_ArrayList536890563MethodDeclarations.h"
#include "mscorlib_System_Runtime_Serialization_StreamingCo_1216992900.h"
#include "mscorlib_System_Runtime_Serialization_Serialization526833679.h"
#include "mscorlib_System_Type_224215755MethodDeclarations.h"
#include "mscorlib_System_Runtime_Serialization_Serialization526833679MethodDeclarations.h"
#include "mscorlib_System_Type_224215755.h"
#include "mscorlib_System_RuntimeTypeHandle_1394772513.h"
#include "mscorlib_System_Runtime_Serialization_Serializatio1427132814MethodDeclarations.h"
#include "mscorlib_System_Runtime_Serialization_Serializatio1427132814.h"
#include "mscorlib_System_NotSupportedException1382227673MethodDeclarations.h"
#include "mscorlib_System_NotSupportedException1382227673.h"
#include "System_System_Collections_Specialized_NameValueCo_1489674975.h"
#include "System_System_Collections_Specialized_NameValueCo_1489674975MethodDeclarations.h"
#include "mscorlib_System_Text_StringBuilder586045924MethodDeclarations.h"
#include "mscorlib_System_Char_224738991.h"
#include "mscorlib_System_Text_StringBuilder586045924.h"
#include "System_System_ComponentModel_EditorBrowsableAttribu466544369.h"
#include "System_System_ComponentModel_EditorBrowsableAttribu466544369MethodDeclarations.h"
#include "System_System_ComponentModel_EditorBrowsableState1272935270.h"
#include "mscorlib_System_Enum_224673028.h"
#include "mscorlib_System_Enum_224673028MethodDeclarations.h"
#include "System_System_ComponentModel_EditorBrowsableState1272935270MethodDeclarations.h"
#include "System_System_ComponentModel_TypeConverter_1994653175.h"
#include "System_System_ComponentModel_TypeConverter_1994653175MethodDeclarations.h"
#include "System_System_ComponentModel_TypeConverterAttribu_1743453549.h"
#include "System_System_ComponentModel_TypeConverterAttribu_1743453549MethodDeclarations.h"
#include "System_System_ComponentModel_Win32Exception_918716111.h"
#include "System_System_ComponentModel_Win32Exception_918716111MethodDeclarations.h"
#include "mscorlib_System_Runtime_InteropServices_Marshal973547706MethodDeclarations.h"
#include "mscorlib_System_Runtime_InteropServices_ExternalEx_842107168MethodDeclarations.h"
#include "mscorlib_System_Runtime_InteropServices_ExternalEx_842107168.h"
#include "mscorlib_System_Exception2143823668MethodDeclarations.h"
#include "mscorlib_System_Exception2143823668.h"
#include "System_System_Diagnostics_Debug198583212.h"
#include "System_System_Diagnostics_Debug198583212MethodDeclarations.h"
#include "mscorlib_System_Console867283324MethodDeclarations.h"
#include "System_System_Diagnostics_Stopwatch_1779390746.h"
#include "System_System_Diagnostics_Stopwatch_1779390746MethodDeclarations.h"
#include "mscorlib_System_Int641628762194.h"
#include "mscorlib_System_TimeSpan_393459662.h"
#include "mscorlib_System_TimeSpan_393459662MethodDeclarations.h"
#include "mscorlib_System_Double_1190127860.h"
#include "System_System_Net_Security_AuthenticationLevel_1485189804.h"
#include "System_System_Net_Security_AuthenticationLevel_1485189804MethodDeclarations.h"
#include "System_System_Net_Security_SslPolicyErrors_715562799.h"
#include "System_System_Net_Security_SslPolicyErrors_715562799MethodDeclarations.h"
#include "System_System_Net_Sockets_AddressFamily1922836948.h"
#include "System_System_Net_Sockets_AddressFamily1922836948MethodDeclarations.h"
#include "System_System_Net_Sockets_LingerOption_1578713956.h"
#include "System_System_Net_Sockets_LingerOption_1578713956MethodDeclarations.h"
#include "System_System_Net_Sockets_MulticastOption_1799107351.h"
#include "System_System_Net_Sockets_MulticastOption_1799107351MethodDeclarations.h"
#include "System_System_Net_Sockets_ProtocolType_1541579498.h"
#include "System_System_Net_Sockets_ProtocolType_1541579498MethodDeclarations.h"
#include "System_System_Net_Sockets_SelectMode_1604299549.h"
#include "System_System_Net_Sockets_SelectMode_1604299549MethodDeclarations.h"
#include "System_System_Net_Sockets_Socket771039639.h"
#include "System_System_Net_Sockets_Socket771039639MethodDeclarations.h"
#include "System_System_Net_Sockets_SocketType83132785.h"
#include "mscorlib_System_Collections_Queue_1070229187MethodDeclarations.h"
#include "System_System_Net_Sockets_SocketException341026936MethodDeclarations.h"
#include "mscorlib_System_Collections_Queue_1070229187.h"
#include "mscorlib_System_IntPtr_1047952454.h"
#include "System_System_Net_Sockets_SocketException341026936.h"
#include "mscorlib_System_ObjectDisposedException_1490685872MethodDeclarations.h"
#include "mscorlib_System_ObjectDisposedException_1490685872.h"
#include "System_System_Net_Sockets_SocketOptionLevel_1275161096.h"
#include "System_System_Net_Sockets_SocketOptionName374563223.h"
#include "System_System_Net_IPAddress125139831.h"
#include "System_System_Net_IPEndPoint_1780335022MethodDeclarations.h"
#include "System_System_Net_IPEndPoint_1780335022.h"
#include "System_System_Net_EndPoint_1941440085.h"
#include "System_ArrayTypes.h"
#include "System_System_Net_SocketAddress_1639988597.h"
#include "System_System_Net_Dns26242867MethodDeclarations.h"
#include "mscorlib_System_Byte_224751869.h"
#include "System_System_Net_Sockets_SocketError_1731909967.h"
#include "System_System_Net_Sockets_SocketFlags_1731181776.h"
#include "mscorlib_System_Environment631202744MethodDeclarations.h"
#include "mscorlib_System_Security_SecurityException_1267377828MethodDeclarations.h"
#include "System_System_Net_EndPoint_1941440085MethodDeclarations.h"
#include "mscorlib_System_Security_SecurityException_1267377828.h"
#include "System_System_Net_Sockets_SocketShutdown_1453062899.h"
#include "mscorlib_System_IntPtr_1047952454MethodDeclarations.h"
#include "mscorlib_System_Threading_Thread_702325573MethodDeclarations.h"
#include "mscorlib_System_Threading_Thread_702325573.h"
#include "mscorlib_System_GC1577418103MethodDeclarations.h"
#include "System_System_Net_IPAddress125139831MethodDeclarations.h"
#include "mscorlib_System_Reflection_MethodInfo553963095.h"
#include "mscorlib_System_Reflection_MethodBase553742458.h"
#include "mscorlib_System_Reflection_MethodBase553742458MethodDeclarations.h"
#include "mscorlib_System_Threading_ThreadAbortException649668762.h"
#include "System_System_Net_Sockets_SocketError_1731909967MethodDeclarations.h"
#include "System_System_Net_Sockets_SocketFlags_1731181776MethodDeclarations.h"
#include "System_System_Net_Sockets_SocketOptionLevel_1275161096MethodDeclarations.h"
#include "System_System_Net_Sockets_SocketOptionName374563223MethodDeclarations.h"
#include "System_System_Net_Sockets_SocketShutdown_1453062899MethodDeclarations.h"
#include "System_System_Net_Sockets_SocketType83132785MethodDeclarations.h"
#include "System_System_Net_DefaultCertificatePolicy_51627618.h"
#include "System_System_Net_DefaultCertificatePolicy_51627618MethodDeclarations.h"
#include "System_System_Net_ServicePoint_1625863919.h"
#include "mscorlib_System_Security_Cryptography_X509Certific1524084820.h"
#include "System_System_Net_WebRequest442478417.h"
#include "System_System_Net_ServicePointManager969554268MethodDeclarations.h"
#include "System_System_Net_Security_RemoteCertificateValidat_41584489.h"
#include "System_System_Net_Dns26242867.h"
#include "System_System_Net_IPHostEntry_1615694227.h"
#include "System_System_Net_IPHostEntry_1615694227MethodDeclarations.h"
#include "mscorlib_System_NotImplementedException_1372918011MethodDeclarations.h"
#include "mscorlib_System_NotImplementedException_1372918011.h"
#include "System_System_Net_FileWebRequest_2084336915.h"
#include "System_System_Net_FileWebRequest_2084336915MethodDeclarations.h"
#include "System_System_Uri18014439.h"
#include "System_System_Net_WebRequest442478417MethodDeclarations.h"
#include "System_System_Net_WebHeaderCollection_1532305783MethodDeclarations.h"
#include "mscorlib_System_IO_FileAccess724014189.h"
#include "System_System_Net_WebHeaderCollection_1532305783.h"
#include "System_System_Net_FileWebRequestCreator2030753919.h"
#include "System_System_Net_FileWebRequestCreator2030753919MethodDeclarations.h"
#include "System_System_Net_FtpRequestCreator2138557737.h"
#include "System_System_Net_FtpRequestCreator2138557737MethodDeclarations.h"
#include "System_System_Net_FtpWebRequest1507005735MethodDeclarations.h"
#include "System_System_Net_FtpWebRequest1507005735.h"
#include "System_System_Net_Security_RemoteCertificateValidat_41584489MethodDeclarations.h"
#include "System_System_Net_GlobalProxySelection2054489207MethodDeclarations.h"
#include "System_System_Security_Cryptography_X509Certificat_259668440.h"
#include "System_System_Net_GlobalProxySelection2054489207.h"
#include "System_System_Net_HttpRequestCreator_1770471941.h"
#include "System_System_Net_HttpRequestCreator_1770471941MethodDeclarations.h"
#include "System_System_Net_HttpWebRequest713113337MethodDeclarations.h"
#include "System_System_Net_HttpWebRequest713113337.h"
#include "System_System_Net_HttpVersion865387322.h"
#include "System_System_Net_HttpVersion865387322MethodDeclarations.h"
#include "mscorlib_System_Version267380989MethodDeclarations.h"
#include "mscorlib_System_Version267380989.h"
#include "System_System_Security_Cryptography_X509Certificat_798278404.h"
#include "mscorlib_System_Threading_Monitor_2017966903MethodDeclarations.h"
#include "mscorlib_System_UInt16_738719206.h"
#include "mscorlib_System_Int161628762041.h"
#include "mscorlib_System_BitConverter1152880142.h"
#include "mscorlib_System_BitConverter1152880142MethodDeclarations.h"
#include "mscorlib_System_FormatException2090259773MethodDeclarations.h"
#include "mscorlib_System_FormatException2090259773.h"
#include "System_System_Uri18014439MethodDeclarations.h"
#include "mscorlib_System_Int641628762194MethodDeclarations.h"
#include "mscorlib_System_Globalization_NumberStyles_1056602413.h"
#include "System_System_Net_IPv6Address_1270038473MethodDeclarations.h"
#include "System_System_Net_IPv6Address_1270038473.h"
#include "mscorlib_System_Buffer_1242288261MethodDeclarations.h"
#include "System_System_Net_SocketAddress_1639988597MethodDeclarations.h"
#include "mscorlib_System_Globalization_CultureInfo_1039475404MethodDeclarations.h"
#include "mscorlib_System_Int321628762099MethodDeclarations.h"
#include "mscorlib_System_Globalization_CultureInfo_1039475404.h"
#include "System_System_Net_SecurityProtocolType475241608.h"
#include "System_System_Net_SecurityProtocolType475241608MethodDeclarations.h"
#include "System_System_Net_ServicePoint_1625863919MethodDeclarations.h"
#include "mscorlib_System_DateTime_818288618MethodDeclarations.h"
#include "mscorlib_System_DateTime_818288618.h"
#include "System_System_Net_ServicePointManager_SPKey_719082417.h"
#include "System_System_Net_ServicePointManager_SPKey_719082417MethodDeclarations.h"
#include "System_System_Net_ServicePointManager969554268.h"
#include "mscorlib_System_Collections_SortedList480267343MethodDeclarations.h"
#include "mscorlib_System_Collections_SortedList480267343.h"
#include "mscorlib_System_Runtime_CompilerServices_RuntimeH_1373570675MethodDeclarations.h"
#include "mscorlib_System_StringComparer_1825655911MethodDeclarations.h"
#include "mscorlib_System_Collections_Generic_Dictionary_2_ge831850618MethodDeclarations.h"
#include "System_U3CPrivateImplementationDetailsU3E_919820977.h"
#include "System_U3CPrivateImplementationDetailsU3E_919820977MethodDeclarations.h"
#include "System_U3CPrivateImplementationDetailsU3E_U24Array_441898430.h"
#include "mscorlib_System_RuntimeFieldHandle_1681755259.h"
#include "mscorlib_System_StringComparer_1825655911.h"
#include "mscorlib_System_Collections_Generic_Dictionary_2_ge831850618.h"
#include "System_System_Net_WebProxy_90386512.h"
#include "System_System_Net_WebProxy_90386512MethodDeclarations.h"
#include "System_System_Text_RegularExpressions_Regex943751828MethodDeclarations.h"
#include "System_System_Text_RegularExpressions_Regex943751828.h"
#include "System_System_Text_RegularExpressions_RegexOptions2138459498.h"
#include "mscorlib_System_MarshalByRefObject1484498776MethodDeclarations.h"
#include "mscorlib_System_MarshalByRefObject1484498776.h"
#include "mscorlib_System_Reflection_Assembly_957553394.h"
#include "mscorlib_System_Reflection_Assembly_957553394MethodDeclarations.h"
#include "mscorlib_System_Activator866591226MethodDeclarations.h"
#include "System_System_Security_Cryptography_X509Certificat_112563286.h"
#include "System_System_Security_Cryptography_X509Certificat_112563286MethodDeclarations.h"
#include "System_System_Security_Cryptography_X509Certificat_188668797.h"
#include "System_System_Security_Cryptography_X509Certificat_188668797MethodDeclarations.h"
#include "Mono_Security_Mono_Security_X509_X509Certificate219648422.h"
#include "mscorlib_System_Security_Cryptography_RSACryptoSe_1692593868MethodDeclarations.h"
#include "Mono_Security_Mono_Security_Cryptography_RSAManage_108115836MethodDeclarations.h"
#include "mscorlib_System_Security_Cryptography_RSA1573116945MethodDeclarations.h"
#include "Mono_Security_Mono_Security_X509_X509Certificate219648422MethodDeclarations.h"
#include "mscorlib_System_Security_Cryptography_DSACryptoSer_754499326MethodDeclarations.h"
#include "mscorlib_System_Security_Cryptography_DSA1573103491MethodDeclarations.h"
#include "System_System_Security_Cryptography_Oid1024680945MethodDeclarations.h"
#include "System_System_Security_Cryptography_AsnEncodedData_194939595MethodDeclarations.h"
#include "mscorlib_System_Security_Cryptography_RSACryptoSe_1692593868.h"
#include "Mono_Security_Mono_Security_Cryptography_RSAManage_108115836.h"
#include "mscorlib_System_Security_Cryptography_RSAParameter1157257435.h"
#include "mscorlib_System_Security_Cryptography_DSACryptoSer_754499326.h"
#include "mscorlib_System_Security_Cryptography_DSAParameters969932237.h"
#include "mscorlib_System_Security_Cryptography_RSA1573116945.h"
#include "mscorlib_System_Security_Cryptography_AsymmetricAl1451338986.h"
#include "mscorlib_System_Security_Cryptography_DSA1573103491.h"
#include "System_System_Security_Cryptography_Oid1024680945.h"
#include "System_System_Security_Cryptography_AsnEncodedData_194939595.h"
#include "mscorlib_System_Collections_Generic_Dictionary_2__1305703446MethodDeclarations.h"
#include "mscorlib_System_Collections_Generic_Dictionary_2__1305703446.h"
#include "Mono_Security_Mono_Security_ASN1311288114MethodDeclarations.h"
#include "mscorlib_System_Security_Cryptography_Cryptographi_946073705MethodDeclarations.h"
#include "Mono_Security_Mono_Security_ASN1311288114.h"
#include "mscorlib_System_Security_Cryptography_Cryptographi_946073705.h"
#include "System_System_Security_Cryptography_X509Certifica_2122296701.h"
#include "System_System_Security_Cryptography_X509Certifica_2122296701MethodDeclarations.h"
#include "System_System_Security_Cryptography_X509Certificates56214617.h"
#include "System_System_Security_Cryptography_X509Certificates56214617MethodDeclarations.h"
#include "System_System_Security_Cryptography_X509Certificate414226495.h"
#include "System_System_Security_Cryptography_X509Certificate414226495MethodDeclarations.h"
#include "System_System_Security_Cryptography_X509Certifica_1518553720.h"
#include "Mono_Security_Mono_Security_X509_X501_932667607MethodDeclarations.h"
#include "mscorlib_System_Char_224738991MethodDeclarations.h"
#include "mscorlib_System_StringSplitOptions_902893680.h"
#include "System_System_Security_Cryptography_X509Certifica_1518553720MethodDeclarations.h"
#include "System_System_Security_Cryptography_X509Certificate_30568994.h"
#include "System_System_Security_Cryptography_X509Certificate_30568994MethodDeclarations.h"
#include "System_System_Security_Cryptography_X509Certifica_1686437850MethodDeclarations.h"
#include "System_System_Security_Cryptography_X509Certifica_1686437850.h"
#include "System_System_Security_Cryptography_AsnDecodeStatus968051651.h"
#include "Mono_Security_Mono_Security_ASN1Convert858683425MethodDeclarations.h"
#include "System_System_Security_Cryptography_X509Certificat1644507188.h"
#include "System_System_Security_Cryptography_X509Certificat1644507188MethodDeclarations.h"
#include "mscorlib_System_Security_Cryptography_X509Certific1524084820MethodDeclarations.h"
#include "mscorlib_System_Security_Cryptography_X509Certifi_1476250360.h"
#include "System_U3CPrivateImplementationDetailsU3E_U24Array_152802122.h"
#include "System_System_Security_Cryptography_X509Certificat_424340636.h"
#include "System_System_Security_Cryptography_X509Certificat_424340636MethodDeclarations.h"
#include "mscorlib_System_Byte_224751869MethodDeclarations.h"
#include "System_System_Security_Cryptography_X509Certificat_133708898.h"
#include "mscorlib_System_Text_Encoding453909881MethodDeclarations.h"
#include "mscorlib_System_Text_Encoding453909881.h"
#include "Mono_Security_Mono_Security_X509_PKCS121146479063MethodDeclarations.h"
#include "Mono_Security_Mono_Security_X509_X509CertificateColl15320292MethodDeclarations.h"
#include "Mono_Security_Mono_Security_X509_PKCS121146479063.h"
#include "Mono_Security_Mono_Security_X509_X509CertificateColl15320292.h"
#include "mscorlib_System_Collections_CollectionBase_1398170653.h"
#include "mscorlib_System_Collections_CollectionBase_1398170653MethodDeclarations.h"
#include "mscorlib_System_Security_Cryptography_AsymmetricAl1451338986MethodDeclarations.h"
#include "mscorlib_System_Security_Cryptography_CryptoConfig545185970MethodDeclarations.h"
#include "System_System_Security_Cryptography_X509Certificat_259668440MethodDeclarations.h"
#include "System_System_Security_Cryptography_X509Certifica_1899689486.h"
#include "System_System_Security_Cryptography_X509Certifica_1899689486MethodDeclarations.h"
#include "System_System_Security_Cryptography_X509Certificat_798278404MethodDeclarations.h"
#include "System_System_Security_Cryptography_X509Certificat1641478092.h"
#include "System_System_Security_Cryptography_X509Certificat_580700310MethodDeclarations.h"
#include "System_System_Security_Cryptography_X509Certifica_1020729148MethodDeclarations.h"
#include "System_System_Security_Cryptography_X509Certificate729335180.h"
#include "System_System_Security_Cryptography_X509Certificat_580700310.h"
#include "System_System_Security_Cryptography_X509Certifica_1020729148.h"
#include "mscorlib_System_Security_Cryptography_Cryptographi1195262097.h"
#include "mscorlib_System_StringComparison_2108550027.h"
#include "System_System_Security_Cryptography_X509Certifica_1079037160.h"
#include "System_System_Security_Cryptography_X509Certifica_1079037160MethodDeclarations.h"
#include "System_System_Security_Cryptography_X509Certificat1745209186.h"
#include "System_System_Security_Cryptography_X509Certificat1745209186MethodDeclarations.h"
#include "System_System_Security_Cryptography_X509Certifica_1966363278MethodDeclarations.h"
#include "System_System_Security_Cryptography_X509Certifica_1654318726MethodDeclarations.h"
#include "System_System_Security_Cryptography_X509Certifica_1966363278.h"
#include "System_System_Security_Cryptography_X509Certifica_1654318726.h"
#include "System_System_Security_Cryptography_X509Certifica_1564130246.h"
#include "System_System_Security_Cryptography_X509Certifica_1145710952MethodDeclarations.h"
#include "System_System_Security_Cryptography_X509Certifica_1009110092MethodDeclarations.h"
#include "System_System_Security_Cryptography_X509Certifica_1564130246MethodDeclarations.h"
#include "System_System_Security_Cryptography_X509Certifica_1058320787.h"
#include "System_System_Security_Cryptography_X509Certifica_1009110092.h"
#include "System_System_Security_Cryptography_X509Certifica_1145710952.h"
#include "System_System_Security_Cryptography_X509Certifica_1912943085.h"
#include "System_System_Security_Cryptography_X509Certificat_244520888MethodDeclarations.h"
#include "System_System_Security_Cryptography_X509Certificat_244520888.h"
#include "System_System_Security_Cryptography_X509Certificate396311690MethodDeclarations.h"
#include "System_System_Security_Cryptography_X509Certificate396311690.h"
#include "Mono_Security_Mono_Security_X509_X509ExtensionCol_1920699060MethodDeclarations.h"
#include "Mono_Security_Mono_Security_X509_X509ExtensionCol_1920699060.h"
#include "Mono_Security_Mono_Security_X509_X509Extension_556260338.h"
#include "Mono_Security_Mono_Security_X509_X509Crl_956935956.h"
#include "Mono_Security_Mono_Security_X509_X509Crl_956935956MethodDeclarations.h"
#include "Mono_Security_Mono_Security_X509_Extensions_Authori828014411MethodDeclarations.h"
#include "Mono_Security_Mono_Security_X509_Extensions_Authori828014411.h"
#include "System_System_Security_Cryptography_X509Certifica_1806651686.h"
#include "System_System_Security_Cryptography_X509Certifica_1806863197.h"
#include "Mono_Security_Mono_Security_X509_X509Crl_X509CrlEn_830724962MethodDeclarations.h"
#include "Mono_Security_Mono_Security_X509_X509Crl_X509CrlEn_830724962.h"
#include "Mono_Security_Mono_Security_X509_X509Store_477609936MethodDeclarations.h"
#include "Mono_Security_Mono_Security_X509_X509Store_477609936.h"
#include "Mono_Security_Mono_Security_X509_X509Extension_556260338MethodDeclarations.h"
#include "System_System_Security_Cryptography_OidCollection_322472593MethodDeclarations.h"
#include "System_System_Security_Cryptography_OidCollection_322472593.h"
#include "System_System_Security_Cryptography_X509Certifica_1058320787MethodDeclarations.h"
#include "System_System_Security_Cryptography_X509Certificat_923707154.h"
#include "System_System_Security_Cryptography_X509Certificat_923707154MethodDeclarations.h"
#include "System_System_Security_Cryptography_X509Certificat1641478092MethodDeclarations.h"
#include "System_System_Security_Cryptography_X509Certificate729335180MethodDeclarations.h"
#include "System_System_Security_Cryptography_X509Certificat_133708898MethodDeclarations.h"
#include "System_System_Security_Cryptography_X509Certifica_1806863197MethodDeclarations.h"
#include "System_System_Security_Cryptography_X509Certifica_1806651686MethodDeclarations.h"
#include "Mono_Security_Mono_Security_X509_X509Stores_1921006013.h"
#include "Mono_Security_Mono_Security_X509_X509StoreManager_303443619MethodDeclarations.h"
#include "Mono_Security_Mono_Security_X509_X509Stores_1921006013MethodDeclarations.h"
#include "Mono_Security_Mono_Security_X509_X509CertificateC_2007974582MethodDeclarations.h"
#include "Mono_Security_Mono_Security_X509_X509CertificateC_2007974582.h"
#include "System_System_Security_Cryptography_X509Certifica_1833045844.h"
#include "mscorlib_System_Security_Cryptography_SHA11522004308MethodDeclarations.h"
#include "mscorlib_System_Security_Cryptography_HashAlgorit_1530054766MethodDeclarations.h"
#include "mscorlib_System_Security_Cryptography_SHA11522004308.h"
#include "mscorlib_System_Security_Cryptography_HashAlgorit_1530054766.h"
#include "Mono_Security_Mono_Security_Cryptography_CryptoCon1169799245MethodDeclarations.h"
#include "System_System_Security_Cryptography_X509Certifica_1833045844MethodDeclarations.h"
#include "System_System_Security_Cryptography_X509Certifica_1912943085MethodDeclarations.h"
#include "System_System_Security_Cryptography_AsnDecodeStatus968051651MethodDeclarations.h"
#include "System_System_Security_Cryptography_OidEnumerator498179733MethodDeclarations.h"
#include "System_System_Security_Cryptography_OidEnumerator498179733.h"
#include "System_System_Text_RegularExpressions_BaseMachine_M228680604.h"
#include "System_System_Text_RegularExpressions_BaseMachine_M228680604MethodDeclarations.h"
#include "System_System_Text_RegularExpressions_Match939027474.h"
#include "mscorlib_System_AsyncCallback_266361018.h"
#include "System_System_Text_RegularExpressions_BaseMachine598973635.h"
#include "System_System_Text_RegularExpressions_BaseMachine598973635MethodDeclarations.h"
#include "System_System_Text_RegularExpressions_ReplacementE1435785296MethodDeclarations.h"
#include "System_System_Text_RegularExpressions_MatchEvaluato172888125MethodDeclarations.h"
#include "System_System_Text_RegularExpressions_ReplacementE1435785296.h"
#include "System_System_Text_RegularExpressions_MatchEvaluato172888125.h"
#include "System_System_Text_RegularExpressions_Group933988556MethodDeclarations.h"
#include "System_System_Text_RegularExpressions_Capture173996627MethodDeclarations.h"
#include "mscorlib_System_SystemException_1454089723MethodDeclarations.h"
#include "System_System_Text_RegularExpressions_Match939027474MethodDeclarations.h"
#include "System_System_Text_RegularExpressions_Group933988556.h"
#include "System_System_Text_RegularExpressions_Capture173996627.h"
#include "mscorlib_System_SystemException_1454089723.h"
#include "mscorlib_System_Collections_Generic_List_1_gen_293602512MethodDeclarations.h"
#include "mscorlib_System_Collections_Generic_List_1_gen_293602512.h"
#ifdef __clang__
#pragma clang diagnostic push
#pragma clang diagnostic ignored "-Winvalid-offsetof"
#pragma clang diagnostic ignored "-Wunused-variable"
#endif
// System.String Locale::GetText(System.String)
extern "C" String_t* Locale_GetText_m_1025094110_0 (Object_t * __this /* static, unused */, String_t* ___msg, const MethodInfo* method)
{
{
String_t* L_0 = ___msg;
return L_0;
}
}
// System.String Locale::GetText(System.String,System.Object[])
extern TypeInfo* String_t_il2cpp_TypeInfo_var;
extern "C" String_t* Locale_GetText_m946430094_0 (Object_t * __this /* static, unused */, String_t* ___fmt, ObjectU5BU5D_t1774424924_0* ___args, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
String_t_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(11);
s_Il2CppMethodIntialized = true;
}
{
String_t* L_0 = ___fmt;
ObjectU5BU5D_t1774424924_0* L_1 = ___args;
IL2CPP_RUNTIME_CLASS_INIT(String_t_il2cpp_TypeInfo_var);
String_t* L_2 = String_Format_m_244864134_0(NULL /*static, unused*/, L_0, L_1, /*hidden argument*/NULL);
return L_2;
}
}
// System.Void System.MonoTODOAttribute::.ctor()
extern "C" void MonoTODOAttribute__ctor_m754636072_0 (MonoTODOAttribute_t1550454574_0 * __this, const MethodInfo* method)
{
{
Attribute__ctor_m_1309613515_0(__this, /*hidden argument*/NULL);
return;
}
}
// System.Void System.MonoTODOAttribute::.ctor(System.String)
extern "C" void MonoTODOAttribute__ctor_m_485463334_0 (MonoTODOAttribute_t1550454574_0 * __this, String_t* ___comment, const MethodInfo* method)
{
{
Attribute__ctor_m_1309613515_0(__this, /*hidden argument*/NULL);
String_t* L_0 = ___comment;
__this->___comment_0 = L_0;
return;
}
}
// System.Void System.Collections.Specialized.HybridDictionary::.ctor()
extern "C" void HybridDictionary__ctor_m951312923_0 (HybridDictionary_t330100885_0 * __this, const MethodInfo* method)
{
{
HybridDictionary__ctor_m_938223855_0(__this, 0, (bool)0, /*hidden argument*/NULL);
return;
}
}
// System.Void System.Collections.Specialized.HybridDictionary::.ctor(System.Int32,System.Boolean)
extern TypeInfo* CaseInsensitiveComparer_t417417786_0_il2cpp_TypeInfo_var;
extern TypeInfo* CaseInsensitiveHashCodeProvider_t69752889_0_il2cpp_TypeInfo_var;
extern TypeInfo* ListDictionary_t_2060207753_0_il2cpp_TypeInfo_var;
extern TypeInfo* Hashtable_t_2004451924_0_il2cpp_TypeInfo_var;
extern "C" void HybridDictionary__ctor_m_938223855_0 (HybridDictionary_t330100885_0 * __this, int32_t ___initialSize, bool ___caseInsensitive, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
CaseInsensitiveComparer_t417417786_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(190);
CaseInsensitiveHashCodeProvider_t69752889_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(191);
ListDictionary_t_2060207753_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(618);
Hashtable_t_2004451924_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(196);
s_Il2CppMethodIntialized = true;
}
Object_t * V_0 = {0};
Object_t * V_1 = {0};
CaseInsensitiveComparer_t417417786_0 * G_B3_0 = {0};
CaseInsensitiveHashCodeProvider_t69752889_0 * G_B6_0 = {0};
{
Object__ctor_m1772956182_0(__this, /*hidden argument*/NULL);
bool L_0 = ___caseInsensitive;
__this->___caseInsensitive_0 = L_0;
bool L_1 = ___caseInsensitive;
if (!L_1)
{
goto IL_001d;
}
}
{
IL2CPP_RUNTIME_CLASS_INIT(CaseInsensitiveComparer_t417417786_0_il2cpp_TypeInfo_var);
CaseInsensitiveComparer_t417417786_0 * L_2 = CaseInsensitiveComparer_get_DefaultInvariant_m_1019056219_0(NULL /*static, unused*/, /*hidden argument*/NULL);
G_B3_0 = L_2;
goto IL_001e;
}
IL_001d:
{
G_B3_0 = ((CaseInsensitiveComparer_t417417786_0 *)(NULL));
}
IL_001e:
{
V_0 = G_B3_0;
bool L_3 = ___caseInsensitive;
if (!L_3)
{
goto IL_002f;
}
}
{
IL2CPP_RUNTIME_CLASS_INIT(CaseInsensitiveHashCodeProvider_t69752889_0_il2cpp_TypeInfo_var);
CaseInsensitiveHashCodeProvider_t69752889_0 * L_4 = CaseInsensitiveHashCodeProvider_get_DefaultInvariant_m1403540293_0(NULL /*static, unused*/, /*hidden argument*/NULL);
G_B6_0 = L_4;
goto IL_0030;
}
IL_002f:
{
G_B6_0 = ((CaseInsensitiveHashCodeProvider_t69752889_0 *)(NULL));
}
IL_0030:
{
V_1 = G_B6_0;
int32_t L_5 = ___initialSize;
if ((((int32_t)L_5) > ((int32_t)((int32_t)10))))
{
goto IL_004a;
}
}
{
Object_t * L_6 = V_0;
ListDictionary_t_2060207753_0 * L_7 = (ListDictionary_t_2060207753_0 *)il2cpp_codegen_object_new (ListDictionary_t_2060207753_0_il2cpp_TypeInfo_var);
ListDictionary__ctor_m1799491195_0(L_7, L_6, /*hidden argument*/NULL);
__this->___list_2 = L_7;
goto IL_0058;
}
IL_004a:
{
int32_t L_8 = ___initialSize;
Object_t * L_9 = V_1;
Object_t * L_10 = V_0;
Hashtable_t_2004451924_0 * L_11 = (Hashtable_t_2004451924_0 *)il2cpp_codegen_object_new (Hashtable_t_2004451924_0_il2cpp_TypeInfo_var);
Hashtable__ctor_m2095001914_0(L_11, L_8, L_9, L_10, /*hidden argument*/NULL);
__this->___hashtable_1 = L_11;
}
IL_0058:
{
return;
}
}
// System.Collections.IEnumerator System.Collections.Specialized.HybridDictionary::System.Collections.IEnumerable.GetEnumerator()
extern "C" Object_t * HybridDictionary_System_Collections_IEnumerable_GetEnumerator_m633511108_0 (HybridDictionary_t330100885_0 * __this, const MethodInfo* method)
{
{
Object_t * L_0 = (Object_t *)VirtFuncInvoker0< Object_t * >::Invoke(14 /* System.Collections.IDictionaryEnumerator System.Collections.Specialized.HybridDictionary::GetEnumerator() */, __this);
return L_0;
}
}
// System.Collections.IDictionary System.Collections.Specialized.HybridDictionary::get_inner()
extern "C" Object_t * HybridDictionary_get_inner_m1544058846_0 (HybridDictionary_t330100885_0 * __this, const MethodInfo* method)
{
Object_t * V_0 = {0};
Object_t * G_B3_0 = {0};
{
ListDictionary_t_2060207753_0 * L_0 = (__this->___list_2);
if (L_0)
{
goto IL_0018;
}
}
{
Hashtable_t_2004451924_0 * L_1 = (__this->___hashtable_1);
V_0 = L_1;
Object_t * L_2 = V_0;
G_B3_0 = L_2;
goto IL_001e;
}
IL_0018:
{
ListDictionary_t_2060207753_0 * L_3 = (__this->___list_2);
G_B3_0 = ((Object_t *)(L_3));
}
IL_001e:
{
return G_B3_0;
}
}
// System.Int32 System.Collections.Specialized.HybridDictionary::get_Count()
extern TypeInfo* ICollection_t592284435_0_il2cpp_TypeInfo_var;
extern "C" int32_t HybridDictionary_get_Count_m_1750231857_0 (HybridDictionary_t330100885_0 * __this, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
ICollection_t592284435_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(184);
s_Il2CppMethodIntialized = true;
}
{
Object_t * L_0 = HybridDictionary_get_inner_m1544058846_0(__this, /*hidden argument*/NULL);
NullCheck(L_0);
int32_t L_1 = (int32_t)InterfaceFuncInvoker0< int32_t >::Invoke(0 /* System.Int32 System.Collections.ICollection::get_Count() */, ICollection_t592284435_0_il2cpp_TypeInfo_var, L_0);
return L_1;
}
}
// System.Boolean System.Collections.Specialized.HybridDictionary::get_IsSynchronized()
extern "C" bool HybridDictionary_get_IsSynchronized_m_191126374_0 (HybridDictionary_t330100885_0 * __this, const MethodInfo* method)
{
{
return (bool)0;
}
}
// System.Object System.Collections.Specialized.HybridDictionary::get_Item(System.Object)
extern TypeInfo* IDictionary_t_1514320629_0_il2cpp_TypeInfo_var;
extern "C" Object_t * HybridDictionary_get_Item_m1101975172_0 (HybridDictionary_t330100885_0 * __this, Object_t * ___key, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
IDictionary_t_1514320629_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(98);
s_Il2CppMethodIntialized = true;
}
{
Object_t * L_0 = HybridDictionary_get_inner_m1544058846_0(__this, /*hidden argument*/NULL);
Object_t * L_1 = ___key;
NullCheck(L_0);
Object_t * L_2 = (Object_t *)InterfaceFuncInvoker1< Object_t *, Object_t * >::Invoke(0 /* System.Object System.Collections.IDictionary::get_Item(System.Object) */, IDictionary_t_1514320629_0_il2cpp_TypeInfo_var, L_0, L_1);
return L_2;
}
}
// System.Void System.Collections.Specialized.HybridDictionary::set_Item(System.Object,System.Object)
extern TypeInfo* IDictionary_t_1514320629_0_il2cpp_TypeInfo_var;
extern "C" void HybridDictionary_set_Item_m_2061489879_0 (HybridDictionary_t330100885_0 * __this, Object_t * ___key, Object_t * ___value, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
IDictionary_t_1514320629_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(98);
s_Il2CppMethodIntialized = true;
}
{
Object_t * L_0 = HybridDictionary_get_inner_m1544058846_0(__this, /*hidden argument*/NULL);
Object_t * L_1 = ___key;
Object_t * L_2 = ___value;
NullCheck(L_0);
InterfaceActionInvoker2< Object_t *, Object_t * >::Invoke(1 /* System.Void System.Collections.IDictionary::set_Item(System.Object,System.Object) */, IDictionary_t_1514320629_0_il2cpp_TypeInfo_var, L_0, L_1, L_2);
ListDictionary_t_2060207753_0 * L_3 = (__this->___list_2);
if (!L_3)
{
goto IL_002b;
}
}
{
int32_t L_4 = (int32_t)VirtFuncInvoker0< int32_t >::Invoke(4 /* System.Int32 System.Collections.Specialized.HybridDictionary::get_Count() */, __this);
if ((((int32_t)L_4) <= ((int32_t)((int32_t)10))))
{
goto IL_002b;
}
}
{
HybridDictionary_Switch_m_255081475_0(__this, /*hidden argument*/NULL);
}
IL_002b:
{
return;
}
}
// System.Collections.ICollection System.Collections.Specialized.HybridDictionary::get_Keys()
extern TypeInfo* IDictionary_t_1514320629_0_il2cpp_TypeInfo_var;
extern "C" Object_t * HybridDictionary_get_Keys_m38827318_0 (HybridDictionary_t330100885_0 * __this, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
IDictionary_t_1514320629_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(98);
s_Il2CppMethodIntialized = true;
}
{
Object_t * L_0 = HybridDictionary_get_inner_m1544058846_0(__this, /*hidden argument*/NULL);
NullCheck(L_0);
Object_t * L_1 = (Object_t *)InterfaceFuncInvoker0< Object_t * >::Invoke(2 /* System.Collections.ICollection System.Collections.IDictionary::get_Keys() */, IDictionary_t_1514320629_0_il2cpp_TypeInfo_var, L_0);
return L_1;
}
}
// System.Object System.Collections.Specialized.HybridDictionary::get_SyncRoot()
extern "C" Object_t * HybridDictionary_get_SyncRoot_m1280025498_0 (HybridDictionary_t330100885_0 * __this, const MethodInfo* method)
{
{
return __this;
}
}
// System.Void System.Collections.Specialized.HybridDictionary::Add(System.Object,System.Object)
extern TypeInfo* IDictionary_t_1514320629_0_il2cpp_TypeInfo_var;
extern "C" void HybridDictionary_Add_m1798913928_0 (HybridDictionary_t330100885_0 * __this, Object_t * ___key, Object_t * ___value, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
IDictionary_t_1514320629_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(98);
s_Il2CppMethodIntialized = true;
}
{
Object_t * L_0 = HybridDictionary_get_inner_m1544058846_0(__this, /*hidden argument*/NULL);
Object_t * L_1 = ___key;
Object_t * L_2 = ___value;
NullCheck(L_0);
InterfaceActionInvoker2< Object_t *, Object_t * >::Invoke(3 /* System.Void System.Collections.IDictionary::Add(System.Object,System.Object) */, IDictionary_t_1514320629_0_il2cpp_TypeInfo_var, L_0, L_1, L_2);
ListDictionary_t_2060207753_0 * L_3 = (__this->___list_2);
if (!L_3)
{
goto IL_002b;
}
}
{
int32_t L_4 = (int32_t)VirtFuncInvoker0< int32_t >::Invoke(4 /* System.Int32 System.Collections.Specialized.HybridDictionary::get_Count() */, __this);
if ((((int32_t)L_4) <= ((int32_t)((int32_t)10))))
{
goto IL_002b;
}
}
{
HybridDictionary_Switch_m_255081475_0(__this, /*hidden argument*/NULL);
}
IL_002b:
{
return;
}
}
// System.Boolean System.Collections.Specialized.HybridDictionary::Contains(System.Object)
extern TypeInfo* IDictionary_t_1514320629_0_il2cpp_TypeInfo_var;
extern "C" bool HybridDictionary_Contains_m356410114_0 (HybridDictionary_t330100885_0 * __this, Object_t * ___key, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
IDictionary_t_1514320629_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(98);
s_Il2CppMethodIntialized = true;
}
{
Object_t * L_0 = HybridDictionary_get_inner_m1544058846_0(__this, /*hidden argument*/NULL);
Object_t * L_1 = ___key;
NullCheck(L_0);
bool L_2 = (bool)InterfaceFuncInvoker1< bool, Object_t * >::Invoke(4 /* System.Boolean System.Collections.IDictionary::Contains(System.Object) */, IDictionary_t_1514320629_0_il2cpp_TypeInfo_var, L_0, L_1);
return L_2;
}
}
// System.Void System.Collections.Specialized.HybridDictionary::CopyTo(System.Array,System.Int32)
extern TypeInfo* ICollection_t592284435_0_il2cpp_TypeInfo_var;
extern "C" void HybridDictionary_CopyTo_m1553338168_0 (HybridDictionary_t330100885_0 * __this, Array_t * ___array, int32_t ___index, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
ICollection_t592284435_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(184);
s_Il2CppMethodIntialized = true;
}
{
Object_t * L_0 = HybridDictionary_get_inner_m1544058846_0(__this, /*hidden argument*/NULL);
Array_t * L_1 = ___array;
int32_t L_2 = ___index;
NullCheck(L_0);
InterfaceActionInvoker2< Array_t *, int32_t >::Invoke(3 /* System.Void System.Collections.ICollection::CopyTo(System.Array,System.Int32) */, ICollection_t592284435_0_il2cpp_TypeInfo_var, L_0, L_1, L_2);
return;
}
}
// System.Collections.IDictionaryEnumerator System.Collections.Specialized.HybridDictionary::GetEnumerator()
extern TypeInfo* IDictionary_t_1514320629_0_il2cpp_TypeInfo_var;
extern "C" Object_t * HybridDictionary_GetEnumerator_m_1272031769_0 (HybridDictionary_t330100885_0 * __this, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
IDictionary_t_1514320629_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(98);
s_Il2CppMethodIntialized = true;
}
{
Object_t * L_0 = HybridDictionary_get_inner_m1544058846_0(__this, /*hidden argument*/NULL);
NullCheck(L_0);
Object_t * L_1 = (Object_t *)InterfaceFuncInvoker0< Object_t * >::Invoke(5 /* System.Collections.IDictionaryEnumerator System.Collections.IDictionary::GetEnumerator() */, IDictionary_t_1514320629_0_il2cpp_TypeInfo_var, L_0);
return L_1;
}
}
// System.Void System.Collections.Specialized.HybridDictionary::Remove(System.Object)
extern TypeInfo* IDictionary_t_1514320629_0_il2cpp_TypeInfo_var;
extern "C" void HybridDictionary_Remove_m1597248871_0 (HybridDictionary_t330100885_0 * __this, Object_t * ___key, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
IDictionary_t_1514320629_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(98);
s_Il2CppMethodIntialized = true;
}
{
Object_t * L_0 = HybridDictionary_get_inner_m1544058846_0(__this, /*hidden argument*/NULL);
Object_t * L_1 = ___key;
NullCheck(L_0);
InterfaceActionInvoker1< Object_t * >::Invoke(6 /* System.Void System.Collections.IDictionary::Remove(System.Object) */, IDictionary_t_1514320629_0_il2cpp_TypeInfo_var, L_0, L_1);
return;
}
}
// System.Void System.Collections.Specialized.HybridDictionary::Switch()
extern TypeInfo* CaseInsensitiveComparer_t417417786_0_il2cpp_TypeInfo_var;
extern TypeInfo* CaseInsensitiveHashCodeProvider_t69752889_0_il2cpp_TypeInfo_var;
extern TypeInfo* Hashtable_t_2004451924_0_il2cpp_TypeInfo_var;
extern "C" void HybridDictionary_Switch_m_255081475_0 (HybridDictionary_t330100885_0 * __this, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
CaseInsensitiveComparer_t417417786_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(190);
CaseInsensitiveHashCodeProvider_t69752889_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(191);
Hashtable_t_2004451924_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(196);
s_Il2CppMethodIntialized = true;
}
Object_t * V_0 = {0};
Object_t * V_1 = {0};
CaseInsensitiveComparer_t417417786_0 * G_B3_0 = {0};
CaseInsensitiveHashCodeProvider_t69752889_0 * G_B6_0 = {0};
{
bool L_0 = (__this->___caseInsensitive_0);
if (!L_0)
{
goto IL_0015;
}
}
{
IL2CPP_RUNTIME_CLASS_INIT(CaseInsensitiveComparer_t417417786_0_il2cpp_TypeInfo_var);
CaseInsensitiveComparer_t417417786_0 * L_1 = CaseInsensitiveComparer_get_DefaultInvariant_m_1019056219_0(NULL /*static, unused*/, /*hidden argument*/NULL);
G_B3_0 = L_1;
goto IL_0016;
}
IL_0015:
{
G_B3_0 = ((CaseInsensitiveComparer_t417417786_0 *)(NULL));
}
IL_0016:
{
V_0 = G_B3_0;
bool L_2 = (__this->___caseInsensitive_0);
if (!L_2)
{
goto IL_002c;
}
}
{
IL2CPP_RUNTIME_CLASS_INIT(CaseInsensitiveHashCodeProvider_t69752889_0_il2cpp_TypeInfo_var);
CaseInsensitiveHashCodeProvider_t69752889_0 * L_3 = CaseInsensitiveHashCodeProvider_get_DefaultInvariant_m1403540293_0(NULL /*static, unused*/, /*hidden argument*/NULL);
G_B6_0 = L_3;
goto IL_002d;
}
IL_002c:
{
G_B6_0 = ((CaseInsensitiveHashCodeProvider_t69752889_0 *)(NULL));
}
IL_002d:
{
V_1 = G_B6_0;
ListDictionary_t_2060207753_0 * L_4 = (__this->___list_2);
Object_t * L_5 = V_1;
Object_t * L_6 = V_0;
Hashtable_t_2004451924_0 * L_7 = (Hashtable_t_2004451924_0 *)il2cpp_codegen_object_new (Hashtable_t_2004451924_0_il2cpp_TypeInfo_var);
Hashtable__ctor_m1961291234_0(L_7, L_4, L_5, L_6, /*hidden argument*/NULL);
__this->___hashtable_1 = L_7;
ListDictionary_t_2060207753_0 * L_8 = (__this->___list_2);
NullCheck(L_8);
VirtActionInvoker0::Invoke(16 /* System.Void System.Collections.Specialized.ListDictionary::Clear() */, L_8);
__this->___list_2 = (ListDictionary_t_2060207753_0 *)NULL;
return;
}
}
// System.Void System.Collections.Specialized.ListDictionary/DictionaryNode::.ctor(System.Object,System.Object,System.Collections.Specialized.ListDictionary/DictionaryNode)
extern "C" void DictionaryNode__ctor_m424034580_0 (DictionaryNode_t150269808_0 * __this, Object_t * ___key, Object_t * ___value, DictionaryNode_t150269808_0 * ___next, const MethodInfo* method)
{
{
Object__ctor_m1772956182_0(__this, /*hidden argument*/NULL);
Object_t * L_0 = ___key;
__this->___key_0 = L_0;
Object_t * L_1 = ___value;
__this->___value_1 = L_1;
DictionaryNode_t150269808_0 * L_2 = ___next;
__this->___next_2 = L_2;
return;
}
}
// System.Void System.Collections.Specialized.ListDictionary/DictionaryNodeEnumerator::.ctor(System.Collections.Specialized.ListDictionary)
extern "C" void DictionaryNodeEnumerator__ctor_m_746730209_0 (DictionaryNodeEnumerator_t1322653524_0 * __this, ListDictionary_t_2060207753_0 * ___dict, const MethodInfo* method)
{
{
Object__ctor_m1772956182_0(__this, /*hidden argument*/NULL);
ListDictionary_t_2060207753_0 * L_0 = ___dict;
__this->___dict_0 = L_0;
ListDictionary_t_2060207753_0 * L_1 = ___dict;
NullCheck(L_1);
int32_t L_2 = (L_1->___version_1);
__this->___version_3 = L_2;
VirtActionInvoker0::Invoke(6 /* System.Void System.Collections.Specialized.ListDictionary/DictionaryNodeEnumerator::Reset() */, __this);
return;
}
}
// System.Void System.Collections.Specialized.ListDictionary/DictionaryNodeEnumerator::FailFast()
extern TypeInfo* InvalidOperationException_t_523179548_0_il2cpp_TypeInfo_var;
extern Il2CppCodeGenString* _stringLiteral_1658168354_0;
extern "C" void DictionaryNodeEnumerator_FailFast_m_293706724_0 (DictionaryNodeEnumerator_t1322653524_0 * __this, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
InvalidOperationException_t_523179548_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(72);
_stringLiteral_1658168354_0 = il2cpp_codegen_string_literal_from_index(2082);
s_Il2CppMethodIntialized = true;
}
{
int32_t L_0 = (__this->___version_3);
ListDictionary_t_2060207753_0 * L_1 = (__this->___dict_0);
NullCheck(L_1);
int32_t L_2 = (L_1->___version_1);
if ((((int32_t)L_0) == ((int32_t)L_2)))
{
goto IL_0021;
}
}
{
InvalidOperationException_t_523179548_0 * L_3 = (InvalidOperationException_t_523179548_0 *)il2cpp_codegen_object_new (InvalidOperationException_t_523179548_0_il2cpp_TypeInfo_var);
InvalidOperationException__ctor_m1485483280_0(L_3, _stringLiteral_1658168354_0, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_3);
}
IL_0021:
{
return;
}
}
// System.Boolean System.Collections.Specialized.ListDictionary/DictionaryNodeEnumerator::MoveNext()
extern "C" bool DictionaryNodeEnumerator_MoveNext_m_409067908_0 (DictionaryNodeEnumerator_t1322653524_0 * __this, const MethodInfo* method)
{
DictionaryNodeEnumerator_t1322653524_0 * G_B5_0 = {0};
DictionaryNodeEnumerator_t1322653524_0 * G_B4_0 = {0};
DictionaryNode_t150269808_0 * G_B6_0 = {0};
DictionaryNodeEnumerator_t1322653524_0 * G_B6_1 = {0};
{
DictionaryNodeEnumerator_FailFast_m_293706724_0(__this, /*hidden argument*/NULL);
DictionaryNode_t150269808_0 * L_0 = (__this->___current_2);
if (L_0)
{
goto IL_001e;
}
}
{
bool L_1 = (__this->___isAtStart_1);
if (L_1)
{
goto IL_001e;
}
}
{
return (bool)0;
}
IL_001e:
{
bool L_2 = (__this->___isAtStart_1);
G_B4_0 = __this;
if (!L_2)
{
G_B5_0 = __this;
goto IL_003a;
}
}
{
ListDictionary_t_2060207753_0 * L_3 = (__this->___dict_0);
NullCheck(L_3);
DictionaryNode_t150269808_0 * L_4 = (L_3->___head_2);
G_B6_0 = L_4;
G_B6_1 = G_B4_0;
goto IL_0045;
}
IL_003a:
{
DictionaryNode_t150269808_0 * L_5 = (__this->___current_2);
NullCheck(L_5);
DictionaryNode_t150269808_0 * L_6 = (L_5->___next_2);
G_B6_0 = L_6;
G_B6_1 = G_B5_0;
}
IL_0045:
{
NullCheck(G_B6_1);
G_B6_1->___current_2 = G_B6_0;
__this->___isAtStart_1 = (bool)0;
DictionaryNode_t150269808_0 * L_7 = (__this->___current_2);
return (bool)((((int32_t)((((Object_t*)(DictionaryNode_t150269808_0 *)L_7) == ((Object_t*)(Object_t *)NULL))? 1 : 0)) == ((int32_t)0))? 1 : 0);
}
}
// System.Void System.Collections.Specialized.ListDictionary/DictionaryNodeEnumerator::Reset()
extern "C" void DictionaryNodeEnumerator_Reset_m_939468497_0 (DictionaryNodeEnumerator_t1322653524_0 * __this, const MethodInfo* method)
{
{
DictionaryNodeEnumerator_FailFast_m_293706724_0(__this, /*hidden argument*/NULL);
__this->___isAtStart_1 = (bool)1;
__this->___current_2 = (DictionaryNode_t150269808_0 *)NULL;
return;
}
}
// System.Object System.Collections.Specialized.ListDictionary/DictionaryNodeEnumerator::get_Current()
extern TypeInfo* DictionaryEntry_t_1842557272_0_il2cpp_TypeInfo_var;
extern "C" Object_t * DictionaryNodeEnumerator_get_Current_m_543339493_0 (DictionaryNodeEnumerator_t1322653524_0 * __this, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
DictionaryEntry_t_1842557272_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(195);
s_Il2CppMethodIntialized = true;
}
{
DictionaryEntry_t_1842557272_0 L_0 = (DictionaryEntry_t_1842557272_0 )VirtFuncInvoker0< DictionaryEntry_t_1842557272_0 >::Invoke(7 /* System.Collections.DictionaryEntry System.Collections.Specialized.ListDictionary/DictionaryNodeEnumerator::get_Entry() */, __this);
DictionaryEntry_t_1842557272_0 L_1 = L_0;
Object_t * L_2 = Box(DictionaryEntry_t_1842557272_0_il2cpp_TypeInfo_var, &L_1);
return L_2;
}
}
// System.Collections.Specialized.ListDictionary/DictionaryNode System.Collections.Specialized.ListDictionary/DictionaryNodeEnumerator::get_DictionaryNode()
extern TypeInfo* InvalidOperationException_t_523179548_0_il2cpp_TypeInfo_var;
extern Il2CppCodeGenString* _stringLiteral1738264260_0;
extern "C" DictionaryNode_t150269808_0 * DictionaryNodeEnumerator_get_DictionaryNode_m903305644_0 (DictionaryNodeEnumerator_t1322653524_0 * __this, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
InvalidOperationException_t_523179548_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(72);
_stringLiteral1738264260_0 = il2cpp_codegen_string_literal_from_index(2083);
s_Il2CppMethodIntialized = true;
}
{
DictionaryNodeEnumerator_FailFast_m_293706724_0(__this, /*hidden argument*/NULL);
DictionaryNode_t150269808_0 * L_0 = (__this->___current_2);
if (L_0)
{
goto IL_001c;
}
}
{
InvalidOperationException_t_523179548_0 * L_1 = (InvalidOperationException_t_523179548_0 *)il2cpp_codegen_object_new (InvalidOperationException_t_523179548_0_il2cpp_TypeInfo_var);
InvalidOperationException__ctor_m1485483280_0(L_1, _stringLiteral1738264260_0, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_1);
}
IL_001c:
{
DictionaryNode_t150269808_0 * L_2 = (__this->___current_2);
return L_2;
}
}
// System.Collections.DictionaryEntry System.Collections.Specialized.ListDictionary/DictionaryNodeEnumerator::get_Entry()
extern "C" DictionaryEntry_t_1842557272_0 DictionaryNodeEnumerator_get_Entry_m373272494_0 (DictionaryNodeEnumerator_t1322653524_0 * __this, const MethodInfo* method)
{
Object_t * V_0 = {0};
{
DictionaryNode_t150269808_0 * L_0 = DictionaryNodeEnumerator_get_DictionaryNode_m903305644_0(__this, /*hidden argument*/NULL);
NullCheck(L_0);
Object_t * L_1 = (L_0->___key_0);
V_0 = L_1;
Object_t * L_2 = V_0;
DictionaryNode_t150269808_0 * L_3 = (__this->___current_2);
NullCheck(L_3);
Object_t * L_4 = (L_3->___value_1);
DictionaryEntry_t_1842557272_0 L_5 = {0};
DictionaryEntry__ctor_m_1694295436_0(&L_5, L_2, L_4, /*hidden argument*/NULL);
return L_5;
}
}
// System.Object System.Collections.Specialized.ListDictionary/DictionaryNodeEnumerator::get_Key()
extern "C" Object_t * DictionaryNodeEnumerator_get_Key_m_1080712191_0 (DictionaryNodeEnumerator_t1322653524_0 * __this, const MethodInfo* method)
{
{
DictionaryNode_t150269808_0 * L_0 = DictionaryNodeEnumerator_get_DictionaryNode_m903305644_0(__this, /*hidden argument*/NULL);
NullCheck(L_0);
Object_t * L_1 = (L_0->___key_0);
return L_1;
}
}
// System.Object System.Collections.Specialized.ListDictionary/DictionaryNodeEnumerator::get_Value()
extern "C" Object_t * DictionaryNodeEnumerator_get_Value_m1866106451_0 (DictionaryNodeEnumerator_t1322653524_0 * __this, const MethodInfo* method)
{
{
DictionaryNode_t150269808_0 * L_0 = DictionaryNodeEnumerator_get_DictionaryNode_m903305644_0(__this, /*hidden argument*/NULL);
NullCheck(L_0);
Object_t * L_1 = (L_0->___value_1);
return L_1;
}
}
// System.Void System.Collections.Specialized.ListDictionary/DictionaryNodeCollection/DictionaryNodeCollectionEnumerator::.ctor(System.Collections.IDictionaryEnumerator,System.Boolean)
extern "C" void DictionaryNodeCollectionEnumerator__ctor_m1249719667_0 (DictionaryNodeCollectionEnumerator_t1884346491_0 * __this, Object_t * ___inner, bool ___isKeyList, const MethodInfo* method)
{
{
Object__ctor_m1772956182_0(__this, /*hidden argument*/NULL);
Object_t * L_0 = ___inner;
__this->___inner_0 = L_0;
bool L_1 = ___isKeyList;
__this->___isKeyList_1 = L_1;
return;
}
}
// System.Object System.Collections.Specialized.ListDictionary/DictionaryNodeCollection/DictionaryNodeCollectionEnumerator::get_Current()
extern TypeInfo* IDictionaryEnumerator_t_855216337_0_il2cpp_TypeInfo_var;
extern "C" Object_t * DictionaryNodeCollectionEnumerator_get_Current_m_1142005288_0 (DictionaryNodeCollectionEnumerator_t1884346491_0 * __this, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
IDictionaryEnumerator_t_855216337_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(164);
s_Il2CppMethodIntialized = true;
}
Object_t * G_B3_0 = {0};
{
bool L_0 = (__this->___isKeyList_1);
if (!L_0)
{
goto IL_001b;
}
}
{
Object_t * L_1 = (__this->___inner_0);
NullCheck(L_1);
Object_t * L_2 = (Object_t *)InterfaceFuncInvoker0< Object_t * >::Invoke(1 /* System.Object System.Collections.IDictionaryEnumerator::get_Key() */, IDictionaryEnumerator_t_855216337_0_il2cpp_TypeInfo_var, L_1);
G_B3_0 = L_2;
goto IL_0026;
}
IL_001b:
{
Object_t * L_3 = (__this->___inner_0);
NullCheck(L_3);
Object_t * L_4 = (Object_t *)InterfaceFuncInvoker0< Object_t * >::Invoke(2 /* System.Object System.Collections.IDictionaryEnumerator::get_Value() */, IDictionaryEnumerator_t_855216337_0_il2cpp_TypeInfo_var, L_3);
G_B3_0 = L_4;
}
IL_0026:
{
return G_B3_0;
}
}
// System.Boolean System.Collections.Specialized.ListDictionary/DictionaryNodeCollection/DictionaryNodeCollectionEnumerator::MoveNext()
extern TypeInfo* IEnumerator_t1412936761_0_il2cpp_TypeInfo_var;
extern "C" bool DictionaryNodeCollectionEnumerator_MoveNext_m2062611325_0 (DictionaryNodeCollectionEnumerator_t1884346491_0 * __this, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
IEnumerator_t1412936761_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(159);
s_Il2CppMethodIntialized = true;
}
{
Object_t * L_0 = (__this->___inner_0);
NullCheck(L_0);
bool L_1 = (bool)InterfaceFuncInvoker0< bool >::Invoke(1 /* System.Boolean System.Collections.IEnumerator::MoveNext() */, IEnumerator_t1412936761_0_il2cpp_TypeInfo_var, L_0);
return L_1;
}
}
// System.Void System.Collections.Specialized.ListDictionary/DictionaryNodeCollection/DictionaryNodeCollectionEnumerator::Reset()
extern TypeInfo* IEnumerator_t1412936761_0_il2cpp_TypeInfo_var;
extern "C" void DictionaryNodeCollectionEnumerator_Reset_m_364499614_0 (DictionaryNodeCollectionEnumerator_t1884346491_0 * __this, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
IEnumerator_t1412936761_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(159);
s_Il2CppMethodIntialized = true;
}
{
Object_t * L_0 = (__this->___inner_0);
NullCheck(L_0);
InterfaceActionInvoker0::Invoke(2 /* System.Void System.Collections.IEnumerator::Reset() */, IEnumerator_t1412936761_0_il2cpp_TypeInfo_var, L_0);
return;
}
}
// System.Void System.Collections.Specialized.ListDictionary/DictionaryNodeCollection::.ctor(System.Collections.Specialized.ListDictionary,System.Boolean)
extern "C" void DictionaryNodeCollection__ctor_m_883231260_0 (DictionaryNodeCollection_t502001198_0 * __this, ListDictionary_t_2060207753_0 * ___dict, bool ___isKeyList, const MethodInfo* method)
{
{
Object__ctor_m1772956182_0(__this, /*hidden argument*/NULL);
ListDictionary_t_2060207753_0 * L_0 = ___dict;
__this->___dict_0 = L_0;
bool L_1 = ___isKeyList;
__this->___isKeyList_1 = L_1;
return;
}
}
// System.Int32 System.Collections.Specialized.ListDictionary/DictionaryNodeCollection::get_Count()
extern "C" int32_t DictionaryNodeCollection_get_Count_m_1712317764_0 (DictionaryNodeCollection_t502001198_0 * __this, const MethodInfo* method)
{
{
ListDictionary_t_2060207753_0 * L_0 = (__this->___dict_0);
NullCheck(L_0);
int32_t L_1 = (int32_t)VirtFuncInvoker0< int32_t >::Invoke(4 /* System.Int32 System.Collections.Specialized.ListDictionary::get_Count() */, L_0);
return L_1;
}
}
// System.Boolean System.Collections.Specialized.ListDictionary/DictionaryNodeCollection::get_IsSynchronized()
extern "C" bool DictionaryNodeCollection_get_IsSynchronized_m1546384729_0 (DictionaryNodeCollection_t502001198_0 * __this, const MethodInfo* method)
{
{
return (bool)0;
}
}
// System.Object System.Collections.Specialized.ListDictionary/DictionaryNodeCollection::get_SyncRoot()
extern "C" Object_t * DictionaryNodeCollection_get_SyncRoot_m_2052811017_0 (DictionaryNodeCollection_t502001198_0 * __this, const MethodInfo* method)
{
{
ListDictionary_t_2060207753_0 * L_0 = (__this->___dict_0);
NullCheck(L_0);
Object_t * L_1 = (Object_t *)VirtFuncInvoker0< Object_t * >::Invoke(6 /* System.Object System.Collections.Specialized.ListDictionary::get_SyncRoot() */, L_0);
return L_1;
}
}
// System.Void System.Collections.Specialized.ListDictionary/DictionaryNodeCollection::CopyTo(System.Array,System.Int32)
extern TypeInfo* ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var;
extern TypeInfo* ArgumentOutOfRangeException_t_1011290529_0_il2cpp_TypeInfo_var;
extern TypeInfo* IndexOutOfRangeException_t2086638848_0_il2cpp_TypeInfo_var;
extern TypeInfo* ArgumentException_t1159624695_0_il2cpp_TypeInfo_var;
extern TypeInfo* IEnumerator_t1412936761_0_il2cpp_TypeInfo_var;
extern TypeInfo* IDisposable_t_2098447282_0_il2cpp_TypeInfo_var;
extern Il2CppCodeGenString* _stringLiteral93090393_0;
extern Il2CppCodeGenString* _stringLiteral_2063584256_0;
extern Il2CppCodeGenString* _stringLiteral100346066_0;
extern Il2CppCodeGenString* _stringLiteral_1838657296_0;
extern Il2CppCodeGenString* _stringLiteral_2085580153_0;
extern Il2CppCodeGenString* _stringLiteral542924273_0;
extern "C" void DictionaryNodeCollection_CopyTo_m611500997_0 (DictionaryNodeCollection_t502001198_0 * __this, Array_t * ___array, int32_t ___index, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(2);
ArgumentOutOfRangeException_t_1011290529_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(27);
IndexOutOfRangeException_t2086638848_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(31);
ArgumentException_t1159624695_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(4);
IEnumerator_t1412936761_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(159);
IDisposable_t_2098447282_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(142);
_stringLiteral93090393_0 = il2cpp_codegen_string_literal_from_index(147);
_stringLiteral_2063584256_0 = il2cpp_codegen_string_literal_from_index(2078);
_stringLiteral100346066_0 = il2cpp_codegen_string_literal_from_index(144);
_stringLiteral_1838657296_0 = il2cpp_codegen_string_literal_from_index(726);
_stringLiteral_2085580153_0 = il2cpp_codegen_string_literal_from_index(2079);
_stringLiteral542924273_0 = il2cpp_codegen_string_literal_from_index(2080);
s_Il2CppMethodIntialized = true;
}
Object_t * V_0 = {0};
Object_t * V_1 = {0};
Object_t * V_2 = {0};
Exception_t2143823668_0 * __last_unhandled_exception = 0;
NO_UNUSED_WARNING (__last_unhandled_exception);
Exception_t2143823668_0 * __exception_local = 0;
NO_UNUSED_WARNING (__exception_local);
int32_t __leave_target = 0;
NO_UNUSED_WARNING (__leave_target);
{
Array_t * L_0 = ___array;
if (L_0)
{
goto IL_0016;
}
}
{
ArgumentNullException_t_1072101840_0 * L_1 = (ArgumentNullException_t_1072101840_0 *)il2cpp_codegen_object_new (ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var);
ArgumentNullException__ctor_m_953897448_0(L_1, _stringLiteral93090393_0, _stringLiteral_2063584256_0, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_1);
}
IL_0016:
{
int32_t L_2 = ___index;
if ((((int32_t)L_2) >= ((int32_t)0)))
{
goto IL_002d;
}
}
{
ArgumentOutOfRangeException_t_1011290529_0 * L_3 = (ArgumentOutOfRangeException_t_1011290529_0 *)il2cpp_codegen_object_new (ArgumentOutOfRangeException_t_1011290529_0_il2cpp_TypeInfo_var);
ArgumentOutOfRangeException__ctor_m1193970951_0(L_3, _stringLiteral100346066_0, _stringLiteral_1838657296_0, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_3);
}
IL_002d:
{
int32_t L_4 = ___index;
Array_t * L_5 = ___array;
NullCheck(L_5);
int32_t L_6 = Array_get_Length_m1203127607_0(L_5, /*hidden argument*/NULL);
if ((((int32_t)L_4) <= ((int32_t)L_6)))
{
goto IL_0044;
}
}
{
IndexOutOfRangeException_t2086638848_0 * L_7 = (IndexOutOfRangeException_t2086638848_0 *)il2cpp_codegen_object_new (IndexOutOfRangeException_t2086638848_0_il2cpp_TypeInfo_var);
IndexOutOfRangeException__ctor_m1621772274_0(L_7, _stringLiteral_2085580153_0, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_7);
}
IL_0044:
{
int32_t L_8 = (int32_t)VirtFuncInvoker0< int32_t >::Invoke(4 /* System.Int32 System.Collections.Specialized.ListDictionary/DictionaryNodeCollection::get_Count() */, __this);
Array_t * L_9 = ___array;
NullCheck(L_9);
int32_t L_10 = Array_get_Length_m1203127607_0(L_9, /*hidden argument*/NULL);
int32_t L_11 = ___index;
if ((((int32_t)L_8) <= ((int32_t)((int32_t)((int32_t)L_10-(int32_t)L_11)))))
{
goto IL_0062;
}
}
{
ArgumentException_t1159624695_0 * L_12 = (ArgumentException_t1159624695_0 *)il2cpp_codegen_object_new (ArgumentException_t1159624695_0_il2cpp_TypeInfo_var);
ArgumentException__ctor_m_750110749_0(L_12, _stringLiteral542924273_0, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_12);
}
IL_0062:
{
Object_t * L_13 = (Object_t *)VirtFuncInvoker0< Object_t * >::Invoke(8 /* System.Collections.IEnumerator System.Collections.Specialized.ListDictionary/DictionaryNodeCollection::GetEnumerator() */, __this);
V_1 = L_13;
}
IL_0069:
try
{ // begin try (depth: 1)
{
goto IL_0082;
}
IL_006e:
{
Object_t * L_14 = V_1;
NullCheck(L_14);
Object_t * L_15 = (Object_t *)InterfaceFuncInvoker0< Object_t * >::Invoke(0 /* System.Object System.Collections.IEnumerator::get_Current() */, IEnumerator_t1412936761_0_il2cpp_TypeInfo_var, L_14);
V_0 = L_15;
Array_t * L_16 = ___array;
Object_t * L_17 = V_0;
int32_t L_18 = ___index;
int32_t L_19 = L_18;
___index = ((int32_t)((int32_t)L_19+(int32_t)1));
NullCheck(L_16);
Array_SetValue_m_730564322_0(L_16, L_17, L_19, /*hidden argument*/NULL);
}
IL_0082:
{
Object_t * L_20 = V_1;
NullCheck(L_20);
bool L_21 = (bool)InterfaceFuncInvoker0< bool >::Invoke(1 /* System.Boolean System.Collections.IEnumerator::MoveNext() */, IEnumerator_t1412936761_0_il2cpp_TypeInfo_var, L_20);
if (L_21)
{
goto IL_006e;
}
}
IL_008d:
{
IL2CPP_LEAVE(0xA4, FINALLY_0092);
}
} // end try (depth: 1)
catch(Il2CppExceptionWrapper& e)
{
__last_unhandled_exception = (Exception_t2143823668_0 *)e.ex;
goto FINALLY_0092;
}
FINALLY_0092:
{ // begin finally (depth: 1)
{
Object_t * L_22 = V_1;
V_2 = ((Object_t *)IsInst(L_22, IDisposable_t_2098447282_0_il2cpp_TypeInfo_var));
Object_t * L_23 = V_2;
if (L_23)
{
goto IL_009d;
}
}
IL_009c:
{
IL2CPP_END_FINALLY(146)
}
IL_009d:
{
Object_t * L_24 = V_2;
NullCheck(L_24);
InterfaceActionInvoker0::Invoke(0 /* System.Void System.IDisposable::Dispose() */, IDisposable_t_2098447282_0_il2cpp_TypeInfo_var, L_24);
IL2CPP_END_FINALLY(146)
}
} // end finally (depth: 1)
IL2CPP_CLEANUP(146)
{
IL2CPP_JUMP_TBL(0xA4, IL_00a4)
IL2CPP_RETHROW_IF_UNHANDLED(Exception_t2143823668_0 *)
}
IL_00a4:
{
return;
}
}
// System.Collections.IEnumerator System.Collections.Specialized.ListDictionary/DictionaryNodeCollection::GetEnumerator()
extern TypeInfo* DictionaryNodeCollectionEnumerator_t1884346491_0_il2cpp_TypeInfo_var;
extern "C" Object_t * DictionaryNodeCollection_GetEnumerator_m1096937686_0 (DictionaryNodeCollection_t502001198_0 * __this, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
DictionaryNodeCollectionEnumerator_t1884346491_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(619);
s_Il2CppMethodIntialized = true;
}
{
ListDictionary_t_2060207753_0 * L_0 = (__this->___dict_0);
NullCheck(L_0);
Object_t * L_1 = (Object_t *)VirtFuncInvoker0< Object_t * >::Invoke(14 /* System.Collections.IDictionaryEnumerator System.Collections.Specialized.ListDictionary::GetEnumerator() */, L_0);
bool L_2 = (__this->___isKeyList_1);
DictionaryNodeCollectionEnumerator_t1884346491_0 * L_3 = (DictionaryNodeCollectionEnumerator_t1884346491_0 *)il2cpp_codegen_object_new (DictionaryNodeCollectionEnumerator_t1884346491_0_il2cpp_TypeInfo_var);
DictionaryNodeCollectionEnumerator__ctor_m1249719667_0(L_3, L_1, L_2, /*hidden argument*/NULL);
return L_3;
}
}
// System.Void System.Collections.Specialized.ListDictionary::.ctor()
extern "C" void ListDictionary__ctor_m1342781113_0 (ListDictionary_t_2060207753_0 * __this, const MethodInfo* method)
{
{
Object__ctor_m1772956182_0(__this, /*hidden argument*/NULL);
__this->___count_0 = 0;
__this->___version_1 = 0;
__this->___comparer_3 = (Object_t *)NULL;
__this->___head_2 = (DictionaryNode_t150269808_0 *)NULL;
return;
}
}
// System.Void System.Collections.Specialized.ListDictionary::.ctor(System.Collections.IComparer)
extern "C" void ListDictionary__ctor_m1799491195_0 (ListDictionary_t_2060207753_0 * __this, Object_t * ___comparer, const MethodInfo* method)
{
{
ListDictionary__ctor_m1342781113_0(__this, /*hidden argument*/NULL);
Object_t * L_0 = ___comparer;
__this->___comparer_3 = L_0;
return;
}
}
// System.Collections.IEnumerator System.Collections.Specialized.ListDictionary::System.Collections.IEnumerable.GetEnumerator()
extern TypeInfo* DictionaryNodeEnumerator_t1322653524_0_il2cpp_TypeInfo_var;
extern "C" Object_t * ListDictionary_System_Collections_IEnumerable_GetEnumerator_m_647913498_0 (ListDictionary_t_2060207753_0 * __this, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
DictionaryNodeEnumerator_t1322653524_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(620);
s_Il2CppMethodIntialized = true;
}
{
DictionaryNodeEnumerator_t1322653524_0 * L_0 = (DictionaryNodeEnumerator_t1322653524_0 *)il2cpp_codegen_object_new (DictionaryNodeEnumerator_t1322653524_0_il2cpp_TypeInfo_var);
DictionaryNodeEnumerator__ctor_m_746730209_0(L_0, __this, /*hidden argument*/NULL);
return L_0;
}
}
// System.Collections.Specialized.ListDictionary/DictionaryNode System.Collections.Specialized.ListDictionary::FindEntry(System.Object)
extern TypeInfo* ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var;
extern TypeInfo* IComparer_t622777826_0_il2cpp_TypeInfo_var;
extern Il2CppCodeGenString* _stringLiteral106079_0;
extern Il2CppCodeGenString* _stringLiteral5403328_0;
extern "C" DictionaryNode_t150269808_0 * ListDictionary_FindEntry_m_2017797701_0 (ListDictionary_t_2060207753_0 * __this, Object_t * ___key, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(2);
IComparer_t622777826_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(79);
_stringLiteral106079_0 = il2cpp_codegen_string_literal_from_index(490);
_stringLiteral5403328_0 = il2cpp_codegen_string_literal_from_index(2077);
s_Il2CppMethodIntialized = true;
}
DictionaryNode_t150269808_0 * V_0 = {0};
{
Object_t * L_0 = ___key;
if (L_0)
{
goto IL_0016;
}
}
{
ArgumentNullException_t_1072101840_0 * L_1 = (ArgumentNullException_t_1072101840_0 *)il2cpp_codegen_object_new (ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var);
ArgumentNullException__ctor_m_953897448_0(L_1, _stringLiteral106079_0, _stringLiteral5403328_0, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_1);
}
IL_0016:
{
DictionaryNode_t150269808_0 * L_2 = (__this->___head_2);
V_0 = L_2;
Object_t * L_3 = (__this->___comparer_3);
if (L_3)
{
goto IL_0055;
}
}
{
goto IL_004a;
}
IL_002d:
{
Object_t * L_4 = ___key;
DictionaryNode_t150269808_0 * L_5 = V_0;
NullCheck(L_5);
Object_t * L_6 = (L_5->___key_0);
NullCheck(L_4);
bool L_7 = (bool)VirtFuncInvoker1< bool, Object_t * >::Invoke(0 /* System.Boolean System.Object::Equals(System.Object) */, L_4, L_6);
if (!L_7)
{
goto IL_0043;
}
}
{
goto IL_0050;
}
IL_0043:
{
DictionaryNode_t150269808_0 * L_8 = V_0;
NullCheck(L_8);
DictionaryNode_t150269808_0 * L_9 = (L_8->___next_2);
V_0 = L_9;
}
IL_004a:
{
DictionaryNode_t150269808_0 * L_10 = V_0;
if (L_10)
{
goto IL_002d;
}
}
IL_0050:
{
goto IL_0083;
}
IL_0055:
{
goto IL_007d;
}
IL_005a:
{
Object_t * L_11 = (__this->___comparer_3);
Object_t * L_12 = ___key;
DictionaryNode_t150269808_0 * L_13 = V_0;
NullCheck(L_13);
Object_t * L_14 = (L_13->___key_0);
NullCheck(L_11);
int32_t L_15 = (int32_t)InterfaceFuncInvoker2< int32_t, Object_t *, Object_t * >::Invoke(0 /* System.Int32 System.Collections.IComparer::Compare(System.Object,System.Object) */, IComparer_t622777826_0_il2cpp_TypeInfo_var, L_11, L_12, L_14);
if (L_15)
{
goto IL_0076;
}
}
{
goto IL_0083;
}
IL_0076:
{
DictionaryNode_t150269808_0 * L_16 = V_0;
NullCheck(L_16);
DictionaryNode_t150269808_0 * L_17 = (L_16->___next_2);
V_0 = L_17;
}
IL_007d:
{
DictionaryNode_t150269808_0 * L_18 = V_0;
if (L_18)
{
goto IL_005a;
}
}
IL_0083:
{
DictionaryNode_t150269808_0 * L_19 = V_0;
return L_19;
}
}
// System.Collections.Specialized.ListDictionary/DictionaryNode System.Collections.Specialized.ListDictionary::FindEntry(System.Object,System.Collections.Specialized.ListDictionary/DictionaryNode&)
extern TypeInfo* ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var;
extern TypeInfo* IComparer_t622777826_0_il2cpp_TypeInfo_var;
extern Il2CppCodeGenString* _stringLiteral106079_0;
extern Il2CppCodeGenString* _stringLiteral5403328_0;
extern "C" DictionaryNode_t150269808_0 * ListDictionary_FindEntry_m831100599_0 (ListDictionary_t_2060207753_0 * __this, Object_t * ___key, DictionaryNode_t150269808_0 ** ___prev, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(2);
IComparer_t622777826_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(79);
_stringLiteral106079_0 = il2cpp_codegen_string_literal_from_index(490);
_stringLiteral5403328_0 = il2cpp_codegen_string_literal_from_index(2077);
s_Il2CppMethodIntialized = true;
}
DictionaryNode_t150269808_0 * V_0 = {0};
{
Object_t * L_0 = ___key;
if (L_0)
{
goto IL_0016;
}
}
{
ArgumentNullException_t_1072101840_0 * L_1 = (ArgumentNullException_t_1072101840_0 *)il2cpp_codegen_object_new (ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var);
ArgumentNullException__ctor_m_953897448_0(L_1, _stringLiteral106079_0, _stringLiteral5403328_0, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_1);
}
IL_0016:
{
DictionaryNode_t150269808_0 * L_2 = (__this->___head_2);
V_0 = L_2;
DictionaryNode_t150269808_0 ** L_3 = ___prev;
*((Object_t **)(L_3)) = (Object_t *)NULL;
Object_t * L_4 = (__this->___comparer_3);
if (L_4)
{
goto IL_005b;
}
}
{
goto IL_0050;
}
IL_0030:
{
Object_t * L_5 = ___key;
DictionaryNode_t150269808_0 * L_6 = V_0;
NullCheck(L_6);
Object_t * L_7 = (L_6->___key_0);
NullCheck(L_5);
bool L_8 = (bool)VirtFuncInvoker1< bool, Object_t * >::Invoke(0 /* System.Boolean System.Object::Equals(System.Object) */, L_5, L_7);
if (!L_8)
{
goto IL_0046;
}
}
{
goto IL_0056;
}
IL_0046:
{
DictionaryNode_t150269808_0 ** L_9 = ___prev;
DictionaryNode_t150269808_0 * L_10 = V_0;
*((Object_t **)(L_9)) = (Object_t *)L_10;
DictionaryNode_t150269808_0 * L_11 = V_0;
NullCheck(L_11);
DictionaryNode_t150269808_0 * L_12 = (L_11->___next_2);
V_0 = L_12;
}
IL_0050:
{
DictionaryNode_t150269808_0 * L_13 = V_0;
if (L_13)
{
goto IL_0030;
}
}
IL_0056:
{
goto IL_008c;
}
IL_005b:
{
goto IL_0086;
}
IL_0060:
{
Object_t * L_14 = (__this->___comparer_3);
Object_t * L_15 = ___key;
DictionaryNode_t150269808_0 * L_16 = V_0;
NullCheck(L_16);
Object_t * L_17 = (L_16->___key_0);
NullCheck(L_14);
int32_t L_18 = (int32_t)InterfaceFuncInvoker2< int32_t, Object_t *, Object_t * >::Invoke(0 /* System.Int32 System.Collections.IComparer::Compare(System.Object,System.Object) */, IComparer_t622777826_0_il2cpp_TypeInfo_var, L_14, L_15, L_17);
if (L_18)
{
goto IL_007c;
}
}
{
goto IL_008c;
}
IL_007c:
{
DictionaryNode_t150269808_0 ** L_19 = ___prev;
DictionaryNode_t150269808_0 * L_20 = V_0;
*((Object_t **)(L_19)) = (Object_t *)L_20;
DictionaryNode_t150269808_0 * L_21 = V_0;
NullCheck(L_21);
DictionaryNode_t150269808_0 * L_22 = (L_21->___next_2);
V_0 = L_22;
}
IL_0086:
{
DictionaryNode_t150269808_0 * L_23 = V_0;
if (L_23)
{
goto IL_0060;
}
}
IL_008c:
{
DictionaryNode_t150269808_0 * L_24 = V_0;
return L_24;
}
}
// System.Void System.Collections.Specialized.ListDictionary::AddImpl(System.Object,System.Object,System.Collections.Specialized.ListDictionary/DictionaryNode)
extern TypeInfo* DictionaryNode_t150269808_0_il2cpp_TypeInfo_var;
extern "C" void ListDictionary_AddImpl_m_1361360410_0 (ListDictionary_t_2060207753_0 * __this, Object_t * ___key, Object_t * ___value, DictionaryNode_t150269808_0 * ___prev, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
DictionaryNode_t150269808_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(621);
s_Il2CppMethodIntialized = true;
}
{
DictionaryNode_t150269808_0 * L_0 = ___prev;
if (L_0)
{
goto IL_001e;
}
}
{
Object_t * L_1 = ___key;
Object_t * L_2 = ___value;
DictionaryNode_t150269808_0 * L_3 = (__this->___head_2);
DictionaryNode_t150269808_0 * L_4 = (DictionaryNode_t150269808_0 *)il2cpp_codegen_object_new (DictionaryNode_t150269808_0_il2cpp_TypeInfo_var);
DictionaryNode__ctor_m424034580_0(L_4, L_1, L_2, L_3, /*hidden argument*/NULL);
__this->___head_2 = L_4;
goto IL_0031;
}
IL_001e:
{
DictionaryNode_t150269808_0 * L_5 = ___prev;
Object_t * L_6 = ___key;
Object_t * L_7 = ___value;
DictionaryNode_t150269808_0 * L_8 = ___prev;
NullCheck(L_8);
DictionaryNode_t150269808_0 * L_9 = (L_8->___next_2);
DictionaryNode_t150269808_0 * L_10 = (DictionaryNode_t150269808_0 *)il2cpp_codegen_object_new (DictionaryNode_t150269808_0_il2cpp_TypeInfo_var);
DictionaryNode__ctor_m424034580_0(L_10, L_6, L_7, L_9, /*hidden argument*/NULL);
NullCheck(L_5);
L_5->___next_2 = L_10;
}
IL_0031:
{
int32_t L_11 = (__this->___count_0);
__this->___count_0 = ((int32_t)((int32_t)L_11+(int32_t)1));
int32_t L_12 = (__this->___version_1);
__this->___version_1 = ((int32_t)((int32_t)L_12+(int32_t)1));
return;
}
}
// System.Int32 System.Collections.Specialized.ListDictionary::get_Count()
extern "C" int32_t ListDictionary_get_Count_m_861292947_0 (ListDictionary_t_2060207753_0 * __this, const MethodInfo* method)
{
{
int32_t L_0 = (__this->___count_0);
return L_0;
}
}
// System.Boolean System.Collections.Specialized.ListDictionary::get_IsSynchronized()
extern "C" bool ListDictionary_get_IsSynchronized_m34636604_0 (ListDictionary_t_2060207753_0 * __this, const MethodInfo* method)
{
{
return (bool)0;
}
}
// System.Object System.Collections.Specialized.ListDictionary::get_SyncRoot()
extern "C" Object_t * ListDictionary_get_SyncRoot_m1493803004_0 (ListDictionary_t_2060207753_0 * __this, const MethodInfo* method)
{
{
return __this;
}
}
// System.Void System.Collections.Specialized.ListDictionary::CopyTo(System.Array,System.Int32)
extern TypeInfo* ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var;
extern TypeInfo* ArgumentOutOfRangeException_t_1011290529_0_il2cpp_TypeInfo_var;
extern TypeInfo* IndexOutOfRangeException_t2086638848_0_il2cpp_TypeInfo_var;
extern TypeInfo* ArgumentException_t1159624695_0_il2cpp_TypeInfo_var;
extern TypeInfo* IEnumerator_t1412936761_0_il2cpp_TypeInfo_var;
extern TypeInfo* DictionaryEntry_t_1842557272_0_il2cpp_TypeInfo_var;
extern TypeInfo* IDisposable_t_2098447282_0_il2cpp_TypeInfo_var;
extern Il2CppCodeGenString* _stringLiteral93090393_0;
extern Il2CppCodeGenString* _stringLiteral_2063584256_0;
extern Il2CppCodeGenString* _stringLiteral100346066_0;
extern Il2CppCodeGenString* _stringLiteral_1838657296_0;
extern Il2CppCodeGenString* _stringLiteral_2085580153_0;
extern Il2CppCodeGenString* _stringLiteral542924273_0;
extern "C" void ListDictionary_CopyTo_m1026734678_0 (ListDictionary_t_2060207753_0 * __this, Array_t * ___array, int32_t ___index, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(2);
ArgumentOutOfRangeException_t_1011290529_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(27);
IndexOutOfRangeException_t2086638848_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(31);
ArgumentException_t1159624695_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(4);
IEnumerator_t1412936761_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(159);
DictionaryEntry_t_1842557272_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(195);
IDisposable_t_2098447282_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(142);
_stringLiteral93090393_0 = il2cpp_codegen_string_literal_from_index(147);
_stringLiteral_2063584256_0 = il2cpp_codegen_string_literal_from_index(2078);
_stringLiteral100346066_0 = il2cpp_codegen_string_literal_from_index(144);
_stringLiteral_1838657296_0 = il2cpp_codegen_string_literal_from_index(726);
_stringLiteral_2085580153_0 = il2cpp_codegen_string_literal_from_index(2079);
_stringLiteral542924273_0 = il2cpp_codegen_string_literal_from_index(2080);
s_Il2CppMethodIntialized = true;
}
DictionaryEntry_t_1842557272_0 V_0 = {0};
Object_t * V_1 = {0};
Object_t * V_2 = {0};
Exception_t2143823668_0 * __last_unhandled_exception = 0;
NO_UNUSED_WARNING (__last_unhandled_exception);
Exception_t2143823668_0 * __exception_local = 0;
NO_UNUSED_WARNING (__exception_local);
int32_t __leave_target = 0;
NO_UNUSED_WARNING (__leave_target);
{
Array_t * L_0 = ___array;
if (L_0)
{
goto IL_0016;
}
}
{
ArgumentNullException_t_1072101840_0 * L_1 = (ArgumentNullException_t_1072101840_0 *)il2cpp_codegen_object_new (ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var);
ArgumentNullException__ctor_m_953897448_0(L_1, _stringLiteral93090393_0, _stringLiteral_2063584256_0, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_1);
}
IL_0016:
{
int32_t L_2 = ___index;
if ((((int32_t)L_2) >= ((int32_t)0)))
{
goto IL_002d;
}
}
{
ArgumentOutOfRangeException_t_1011290529_0 * L_3 = (ArgumentOutOfRangeException_t_1011290529_0 *)il2cpp_codegen_object_new (ArgumentOutOfRangeException_t_1011290529_0_il2cpp_TypeInfo_var);
ArgumentOutOfRangeException__ctor_m1193970951_0(L_3, _stringLiteral100346066_0, _stringLiteral_1838657296_0, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_3);
}
IL_002d:
{
int32_t L_4 = ___index;
Array_t * L_5 = ___array;
NullCheck(L_5);
int32_t L_6 = Array_get_Length_m1203127607_0(L_5, /*hidden argument*/NULL);
if ((((int32_t)L_4) <= ((int32_t)L_6)))
{
goto IL_0044;
}
}
{
IndexOutOfRangeException_t2086638848_0 * L_7 = (IndexOutOfRangeException_t2086638848_0 *)il2cpp_codegen_object_new (IndexOutOfRangeException_t2086638848_0_il2cpp_TypeInfo_var);
IndexOutOfRangeException__ctor_m1621772274_0(L_7, _stringLiteral_2085580153_0, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_7);
}
IL_0044:
{
int32_t L_8 = (int32_t)VirtFuncInvoker0< int32_t >::Invoke(4 /* System.Int32 System.Collections.Specialized.ListDictionary::get_Count() */, __this);
Array_t * L_9 = ___array;
NullCheck(L_9);
int32_t L_10 = Array_get_Length_m1203127607_0(L_9, /*hidden argument*/NULL);
int32_t L_11 = ___index;
if ((((int32_t)L_8) <= ((int32_t)((int32_t)((int32_t)L_10-(int32_t)L_11)))))
{
goto IL_0062;
}
}
{
ArgumentException_t1159624695_0 * L_12 = (ArgumentException_t1159624695_0 *)il2cpp_codegen_object_new (ArgumentException_t1159624695_0_il2cpp_TypeInfo_var);
ArgumentException__ctor_m_750110749_0(L_12, _stringLiteral542924273_0, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_12);
}
IL_0062:
{
Object_t * L_13 = (Object_t *)VirtFuncInvoker0< Object_t * >::Invoke(14 /* System.Collections.IDictionaryEnumerator System.Collections.Specialized.ListDictionary::GetEnumerator() */, __this);
V_1 = L_13;
}
IL_0069:
try
{ // begin try (depth: 1)
{
goto IL_008c;
}
IL_006e:
{
Object_t * L_14 = V_1;
NullCheck(L_14);
Object_t * L_15 = (Object_t *)InterfaceFuncInvoker0< Object_t * >::Invoke(0 /* System.Object System.Collections.IEnumerator::get_Current() */, IEnumerator_t1412936761_0_il2cpp_TypeInfo_var, L_14);
V_0 = ((*(DictionaryEntry_t_1842557272_0 *)((DictionaryEntry_t_1842557272_0 *)UnBox (L_15, DictionaryEntry_t_1842557272_0_il2cpp_TypeInfo_var))));
Array_t * L_16 = ___array;
DictionaryEntry_t_1842557272_0 L_17 = V_0;
DictionaryEntry_t_1842557272_0 L_18 = L_17;
Object_t * L_19 = Box(DictionaryEntry_t_1842557272_0_il2cpp_TypeInfo_var, &L_18);
int32_t L_20 = ___index;
int32_t L_21 = L_20;
___index = ((int32_t)((int32_t)L_21+(int32_t)1));
NullCheck(L_16);
Array_SetValue_m_730564322_0(L_16, L_19, L_21, /*hidden argument*/NULL);
}
IL_008c:
{
Object_t * L_22 = V_1;
NullCheck(L_22);
bool L_23 = (bool)InterfaceFuncInvoker0< bool >::Invoke(1 /* System.Boolean System.Collections.IEnumerator::MoveNext() */, IEnumerator_t1412936761_0_il2cpp_TypeInfo_var, L_22);
if (L_23)
{
goto IL_006e;
}
}
IL_0097:
{
IL2CPP_LEAVE(0xAE, FINALLY_009c);
}
} // end try (depth: 1)
catch(Il2CppExceptionWrapper& e)
{
__last_unhandled_exception = (Exception_t2143823668_0 *)e.ex;
goto FINALLY_009c;
}
FINALLY_009c:
{ // begin finally (depth: 1)
{
Object_t * L_24 = V_1;
V_2 = ((Object_t *)IsInst(L_24, IDisposable_t_2098447282_0_il2cpp_TypeInfo_var));
Object_t * L_25 = V_2;
if (L_25)
{
goto IL_00a7;
}
}
IL_00a6:
{
IL2CPP_END_FINALLY(156)
}
IL_00a7:
{
Object_t * L_26 = V_2;
NullCheck(L_26);
InterfaceActionInvoker0::Invoke(0 /* System.Void System.IDisposable::Dispose() */, IDisposable_t_2098447282_0_il2cpp_TypeInfo_var, L_26);
IL2CPP_END_FINALLY(156)
}
} // end finally (depth: 1)
IL2CPP_CLEANUP(156)
{
IL2CPP_JUMP_TBL(0xAE, IL_00ae)
IL2CPP_RETHROW_IF_UNHANDLED(Exception_t2143823668_0 *)
}
IL_00ae:
{
return;
}
}
// System.Object System.Collections.Specialized.ListDictionary::get_Item(System.Object)
extern "C" Object_t * ListDictionary_get_Item_m151625826_0 (ListDictionary_t_2060207753_0 * __this, Object_t * ___key, const MethodInfo* method)
{
DictionaryNode_t150269808_0 * V_0 = {0};
Object_t * G_B3_0 = {0};
{
Object_t * L_0 = ___key;
DictionaryNode_t150269808_0 * L_1 = ListDictionary_FindEntry_m_2017797701_0(__this, L_0, /*hidden argument*/NULL);
V_0 = L_1;
DictionaryNode_t150269808_0 * L_2 = V_0;
if (L_2)
{
goto IL_0014;
}
}
{
G_B3_0 = NULL;
goto IL_001a;
}
IL_0014:
{
DictionaryNode_t150269808_0 * L_3 = V_0;
NullCheck(L_3);
Object_t * L_4 = (L_3->___value_1);
G_B3_0 = L_4;
}
IL_001a:
{
return G_B3_0;
}
}
// System.Void System.Collections.Specialized.ListDictionary::set_Item(System.Object,System.Object)
extern "C" void ListDictionary_set_Item_m588649799_0 (ListDictionary_t_2060207753_0 * __this, Object_t * ___key, Object_t * ___value, const MethodInfo* method)
{
DictionaryNode_t150269808_0 * V_0 = {0};
DictionaryNode_t150269808_0 * V_1 = {0};
{
Object_t * L_0 = ___key;
DictionaryNode_t150269808_0 * L_1 = ListDictionary_FindEntry_m831100599_0(__this, L_0, (&V_0), /*hidden argument*/NULL);
V_1 = L_1;
DictionaryNode_t150269808_0 * L_2 = V_1;
if (!L_2)
{
goto IL_001c;
}
}
{
DictionaryNode_t150269808_0 * L_3 = V_1;
Object_t * L_4 = ___value;
NullCheck(L_3);
L_3->___value_1 = L_4;
goto IL_0025;
}
IL_001c:
{
Object_t * L_5 = ___key;
Object_t * L_6 = ___value;
DictionaryNode_t150269808_0 * L_7 = V_0;
ListDictionary_AddImpl_m_1361360410_0(__this, L_5, L_6, L_7, /*hidden argument*/NULL);
}
IL_0025:
{
return;
}
}
// System.Collections.ICollection System.Collections.Specialized.ListDictionary::get_Keys()
extern TypeInfo* DictionaryNodeCollection_t502001198_0_il2cpp_TypeInfo_var;
extern "C" Object_t * ListDictionary_get_Keys_m9342936_0 (ListDictionary_t_2060207753_0 * __this, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
DictionaryNodeCollection_t502001198_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(622);
s_Il2CppMethodIntialized = true;
}
{
DictionaryNodeCollection_t502001198_0 * L_0 = (DictionaryNodeCollection_t502001198_0 *)il2cpp_codegen_object_new (DictionaryNodeCollection_t502001198_0_il2cpp_TypeInfo_var);
DictionaryNodeCollection__ctor_m_883231260_0(L_0, __this, (bool)1, /*hidden argument*/NULL);
return L_0;
}
}
// System.Void System.Collections.Specialized.ListDictionary::Add(System.Object,System.Object)
extern TypeInfo* ArgumentException_t1159624695_0_il2cpp_TypeInfo_var;
extern Il2CppCodeGenString* _stringLiteral106079_0;
extern Il2CppCodeGenString* _stringLiteral7235922_0;
extern "C" void ListDictionary_Add_m1089190058_0 (ListDictionary_t_2060207753_0 * __this, Object_t * ___key, Object_t * ___value, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
ArgumentException_t1159624695_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(4);
_stringLiteral106079_0 = il2cpp_codegen_string_literal_from_index(490);
_stringLiteral7235922_0 = il2cpp_codegen_string_literal_from_index(2081);
s_Il2CppMethodIntialized = true;
}
DictionaryNode_t150269808_0 * V_0 = {0};
DictionaryNode_t150269808_0 * V_1 = {0};
{
Object_t * L_0 = ___key;
DictionaryNode_t150269808_0 * L_1 = ListDictionary_FindEntry_m831100599_0(__this, L_0, (&V_0), /*hidden argument*/NULL);
V_1 = L_1;
DictionaryNode_t150269808_0 * L_2 = V_1;
if (!L_2)
{
goto IL_0020;
}
}
{
ArgumentException_t1159624695_0 * L_3 = (ArgumentException_t1159624695_0 *)il2cpp_codegen_object_new (ArgumentException_t1159624695_0_il2cpp_TypeInfo_var);
ArgumentException__ctor_m732321503_0(L_3, _stringLiteral106079_0, _stringLiteral7235922_0, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_3);
}
IL_0020:
{
Object_t * L_4 = ___key;
Object_t * L_5 = ___value;
DictionaryNode_t150269808_0 * L_6 = V_0;
ListDictionary_AddImpl_m_1361360410_0(__this, L_4, L_5, L_6, /*hidden argument*/NULL);
return;
}
}
// System.Void System.Collections.Specialized.ListDictionary::Clear()
extern "C" void ListDictionary_Clear_m_1251085596_0 (ListDictionary_t_2060207753_0 * __this, const MethodInfo* method)
{
{
__this->___head_2 = (DictionaryNode_t150269808_0 *)NULL;
__this->___count_0 = 0;
int32_t L_0 = (__this->___version_1);
__this->___version_1 = ((int32_t)((int32_t)L_0+(int32_t)1));
return;
}
}
// System.Boolean System.Collections.Specialized.ListDictionary::Contains(System.Object)
extern "C" bool ListDictionary_Contains_m142502176_0 (ListDictionary_t_2060207753_0 * __this, Object_t * ___key, const MethodInfo* method)
{
{
Object_t * L_0 = ___key;
DictionaryNode_t150269808_0 * L_1 = ListDictionary_FindEntry_m_2017797701_0(__this, L_0, /*hidden argument*/NULL);
return (bool)((((int32_t)((((Object_t*)(DictionaryNode_t150269808_0 *)L_1) == ((Object_t*)(Object_t *)NULL))? 1 : 0)) == ((int32_t)0))? 1 : 0);
}
}
// System.Collections.IDictionaryEnumerator System.Collections.Specialized.ListDictionary::GetEnumerator()
extern TypeInfo* DictionaryNodeEnumerator_t1322653524_0_il2cpp_TypeInfo_var;
extern "C" Object_t * ListDictionary_GetEnumerator_m_2138769019_0 (ListDictionary_t_2060207753_0 * __this, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
DictionaryNodeEnumerator_t1322653524_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(620);
s_Il2CppMethodIntialized = true;
}
{
DictionaryNodeEnumerator_t1322653524_0 * L_0 = (DictionaryNodeEnumerator_t1322653524_0 *)il2cpp_codegen_object_new (DictionaryNodeEnumerator_t1322653524_0_il2cpp_TypeInfo_var);
DictionaryNodeEnumerator__ctor_m_746730209_0(L_0, __this, /*hidden argument*/NULL);
return L_0;
}
}
// System.Void System.Collections.Specialized.ListDictionary::Remove(System.Object)
extern "C" void ListDictionary_Remove_m_233702011_0 (ListDictionary_t_2060207753_0 * __this, Object_t * ___key, const MethodInfo* method)
{
DictionaryNode_t150269808_0 * V_0 = {0};
DictionaryNode_t150269808_0 * V_1 = {0};
{
Object_t * L_0 = ___key;
DictionaryNode_t150269808_0 * L_1 = ListDictionary_FindEntry_m831100599_0(__this, L_0, (&V_0), /*hidden argument*/NULL);
V_1 = L_1;
DictionaryNode_t150269808_0 * L_2 = V_1;
if (L_2)
{
goto IL_0011;
}
}
{
return;
}
IL_0011:
{
DictionaryNode_t150269808_0 * L_3 = V_0;
if (L_3)
{
goto IL_0028;
}
}
{
DictionaryNode_t150269808_0 * L_4 = V_1;
NullCheck(L_4);
DictionaryNode_t150269808_0 * L_5 = (L_4->___next_2);
__this->___head_2 = L_5;
goto IL_0034;
}
IL_0028:
{
DictionaryNode_t150269808_0 * L_6 = V_0;
DictionaryNode_t150269808_0 * L_7 = V_1;
NullCheck(L_7);
DictionaryNode_t150269808_0 * L_8 = (L_7->___next_2);
NullCheck(L_6);
L_6->___next_2 = L_8;
}
IL_0034:
{
DictionaryNode_t150269808_0 * L_9 = V_1;
NullCheck(L_9);
L_9->___value_1 = NULL;
int32_t L_10 = (__this->___count_0);
__this->___count_0 = ((int32_t)((int32_t)L_10-(int32_t)1));
int32_t L_11 = (__this->___version_1);
__this->___version_1 = ((int32_t)((int32_t)L_11+(int32_t)1));
return;
}
}
// System.Void System.Collections.Specialized.NameObjectCollectionBase/_Item::.ctor(System.String,System.Object)
extern "C" void _Item__ctor_m887709055_0 (_Item_t_1254169345_0 * __this, String_t* ___key, Object_t * ___value, const MethodInfo* method)
{
{
Object__ctor_m1772956182_0(__this, /*hidden argument*/NULL);
String_t* L_0 = ___key;
__this->___key_0 = L_0;
Object_t * L_1 = ___value;
__this->___value_1 = L_1;
return;
}
}
// System.Void System.Collections.Specialized.NameObjectCollectionBase/_KeysEnumerator::.ctor(System.Collections.Specialized.NameObjectCollectionBase)
extern "C" void _KeysEnumerator__ctor_m837674160_0 (_KeysEnumerator_t_537070652_0 * __this, NameObjectCollectionBase_t773911740_0 * ___collection, const MethodInfo* method)
{
{
Object__ctor_m1772956182_0(__this, /*hidden argument*/NULL);
NameObjectCollectionBase_t773911740_0 * L_0 = ___collection;
__this->___m_collection_0 = L_0;
VirtActionInvoker0::Invoke(6 /* System.Void System.Collections.Specialized.NameObjectCollectionBase/_KeysEnumerator::Reset() */, __this);
return;
}
}
// System.Object System.Collections.Specialized.NameObjectCollectionBase/_KeysEnumerator::get_Current()
extern TypeInfo* InvalidOperationException_t_523179548_0_il2cpp_TypeInfo_var;
extern "C" Object_t * _KeysEnumerator_get_Current_m698870767_0 (_KeysEnumerator_t_537070652_0 * __this, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
InvalidOperationException_t_523179548_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(72);
s_Il2CppMethodIntialized = true;
}
{
int32_t L_0 = (__this->___m_position_1);
NameObjectCollectionBase_t773911740_0 * L_1 = (__this->___m_collection_0);
NullCheck(L_1);
int32_t L_2 = (int32_t)VirtFuncInvoker0< int32_t >::Invoke(14 /* System.Int32 System.Collections.Specialized.NameObjectCollectionBase::get_Count() */, L_1);
if ((((int32_t)L_0) < ((int32_t)L_2)))
{
goto IL_0022;
}
}
{
int32_t L_3 = (__this->___m_position_1);
if ((((int32_t)L_3) >= ((int32_t)0)))
{
goto IL_0034;
}
}
IL_0022:
{
NameObjectCollectionBase_t773911740_0 * L_4 = (__this->___m_collection_0);
int32_t L_5 = (__this->___m_position_1);
NullCheck(L_4);
String_t* L_6 = NameObjectCollectionBase_BaseGetKey_m_861828136_0(L_4, L_5, /*hidden argument*/NULL);
return L_6;
}
IL_0034:
{
InvalidOperationException_t_523179548_0 * L_7 = (InvalidOperationException_t_523179548_0 *)il2cpp_codegen_object_new (InvalidOperationException_t_523179548_0_il2cpp_TypeInfo_var);
InvalidOperationException__ctor_m355676978_0(L_7, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_7);
}
}
// System.Boolean System.Collections.Specialized.NameObjectCollectionBase/_KeysEnumerator::MoveNext()
extern "C" bool _KeysEnumerator_MoveNext_m_1360795514_0 (_KeysEnumerator_t_537070652_0 * __this, const MethodInfo* method)
{
int32_t V_0 = 0;
{
int32_t L_0 = (__this->___m_position_1);
int32_t L_1 = ((int32_t)((int32_t)L_0+(int32_t)1));
V_0 = L_1;
__this->___m_position_1 = L_1;
int32_t L_2 = V_0;
NameObjectCollectionBase_t773911740_0 * L_3 = (__this->___m_collection_0);
NullCheck(L_3);
int32_t L_4 = (int32_t)VirtFuncInvoker0< int32_t >::Invoke(14 /* System.Int32 System.Collections.Specialized.NameObjectCollectionBase::get_Count() */, L_3);
return (bool)((((int32_t)L_2) < ((int32_t)L_4))? 1 : 0);
}
}
// System.Void System.Collections.Specialized.NameObjectCollectionBase/_KeysEnumerator::Reset()
extern "C" void _KeysEnumerator_Reset_m_1781606535_0 (_KeysEnumerator_t_537070652_0 * __this, const MethodInfo* method)
{
{
__this->___m_position_1 = (-1);
return;
}
}
// System.Void System.Collections.Specialized.NameObjectCollectionBase/KeysCollection::.ctor(System.Collections.Specialized.NameObjectCollectionBase)
extern "C" void KeysCollection__ctor_m571748459_0 (KeysCollection_t_702111355_0 * __this, NameObjectCollectionBase_t773911740_0 * ___collection, const MethodInfo* method)
{
{
Object__ctor_m1772956182_0(__this, /*hidden argument*/NULL);
NameObjectCollectionBase_t773911740_0 * L_0 = ___collection;
__this->___m_collection_0 = L_0;
return;
}
}
// System.Void System.Collections.Specialized.NameObjectCollectionBase/KeysCollection::System.Collections.ICollection.CopyTo(System.Array,System.Int32)
extern TypeInfo* ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var;
extern TypeInfo* ArgumentOutOfRangeException_t_1011290529_0_il2cpp_TypeInfo_var;
extern TypeInfo* ArgumentException_t1159624695_0_il2cpp_TypeInfo_var;
extern TypeInfo* ObjectU5BU5D_t1774424924_0_il2cpp_TypeInfo_var;
extern TypeInfo* _Item_t_1254169345_0_il2cpp_TypeInfo_var;
extern Il2CppCodeGenString* _stringLiteral93090393_0;
extern Il2CppCodeGenString* _stringLiteral_1232972295_0;
extern Il2CppCodeGenString* _stringLiteral1494722593_0;
extern Il2CppCodeGenString* _stringLiteral_269191644_0;
extern Il2CppCodeGenString* _stringLiteral_1766614745_0;
extern "C" void KeysCollection_System_Collections_ICollection_CopyTo_m_813177101_0 (KeysCollection_t_702111355_0 * __this, Array_t * ___array, int32_t ___arrayIndex, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(2);
ArgumentOutOfRangeException_t_1011290529_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(27);
ArgumentException_t1159624695_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(4);
ObjectU5BU5D_t1774424924_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(19);
_Item_t_1254169345_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(623);
_stringLiteral93090393_0 = il2cpp_codegen_string_literal_from_index(147);
_stringLiteral_1232972295_0 = il2cpp_codegen_string_literal_from_index(542);
_stringLiteral1494722593_0 = il2cpp_codegen_string_literal_from_index(544);
_stringLiteral_269191644_0 = il2cpp_codegen_string_literal_from_index(2090);
_stringLiteral_1766614745_0 = il2cpp_codegen_string_literal_from_index(543);
s_Il2CppMethodIntialized = true;
}
ArrayList_t536890563_0 * V_0 = {0};
ObjectU5BU5D_t1774424924_0* V_1 = {0};
int32_t V_2 = 0;
{
NameObjectCollectionBase_t773911740_0 * L_0 = (__this->___m_collection_0);
NullCheck(L_0);
ArrayList_t536890563_0 * L_1 = (L_0->___m_ItemsArray_2);
V_0 = L_1;
Array_t * L_2 = ___array;
if (L_2)
{
goto IL_001d;
}
}
{
ArgumentNullException_t_1072101840_0 * L_3 = (ArgumentNullException_t_1072101840_0 *)il2cpp_codegen_object_new (ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var);
ArgumentNullException__ctor_m135444188_0(L_3, _stringLiteral93090393_0, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_3);
}
IL_001d:
{
int32_t L_4 = ___arrayIndex;
if ((((int32_t)L_4) >= ((int32_t)0)))
{
goto IL_002f;
}
}
{
ArgumentOutOfRangeException_t_1011290529_0 * L_5 = (ArgumentOutOfRangeException_t_1011290529_0 *)il2cpp_codegen_object_new (ArgumentOutOfRangeException_t_1011290529_0_il2cpp_TypeInfo_var);
ArgumentOutOfRangeException__ctor_m2026296331_0(L_5, _stringLiteral_1232972295_0, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_5);
}
IL_002f:
{
Array_t * L_6 = ___array;
NullCheck(L_6);
int32_t L_7 = Array_get_Length_m1203127607_0(L_6, /*hidden argument*/NULL);
if ((((int32_t)L_7) <= ((int32_t)0)))
{
goto IL_0052;
}
}
{
int32_t L_8 = ___arrayIndex;
Array_t * L_9 = ___array;
NullCheck(L_9);
int32_t L_10 = Array_get_Length_m1203127607_0(L_9, /*hidden argument*/NULL);
if ((((int32_t)L_8) < ((int32_t)L_10)))
{
goto IL_0052;
}
}
{
ArgumentException_t1159624695_0 * L_11 = (ArgumentException_t1159624695_0 *)il2cpp_codegen_object_new (ArgumentException_t1159624695_0_il2cpp_TypeInfo_var);
ArgumentException__ctor_m_750110749_0(L_11, _stringLiteral1494722593_0, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_11);
}
IL_0052:
{
int32_t L_12 = ___arrayIndex;
ArrayList_t536890563_0 * L_13 = V_0;
NullCheck(L_13);
int32_t L_14 = (int32_t)VirtFuncInvoker0< int32_t >::Invoke(23 /* System.Int32 System.Collections.ArrayList::get_Count() */, L_13);
Array_t * L_15 = ___array;
NullCheck(L_15);
int32_t L_16 = Array_get_Length_m1203127607_0(L_15, /*hidden argument*/NULL);
if ((((int32_t)((int32_t)((int32_t)L_12+(int32_t)L_14))) <= ((int32_t)L_16)))
{
goto IL_0070;
}
}
{
ArgumentException_t1159624695_0 * L_17 = (ArgumentException_t1159624695_0 *)il2cpp_codegen_object_new (ArgumentException_t1159624695_0_il2cpp_TypeInfo_var);
ArgumentException__ctor_m_750110749_0(L_17, _stringLiteral_269191644_0, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_17);
}
IL_0070:
{
Array_t * L_18 = ___array;
if (!L_18)
{
goto IL_008d;
}
}
{
Array_t * L_19 = ___array;
NullCheck(L_19);
int32_t L_20 = Array_get_Rank_m1671008509_0(L_19, /*hidden argument*/NULL);
if ((((int32_t)L_20) <= ((int32_t)1)))
{
goto IL_008d;
}
}
{
ArgumentException_t1159624695_0 * L_21 = (ArgumentException_t1159624695_0 *)il2cpp_codegen_object_new (ArgumentException_t1159624695_0_il2cpp_TypeInfo_var);
ArgumentException__ctor_m_750110749_0(L_21, _stringLiteral_1766614745_0, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_21);
}
IL_008d:
{
Array_t * L_22 = ___array;
V_1 = ((ObjectU5BU5D_t1774424924_0*)Castclass(L_22, ObjectU5BU5D_t1774424924_0_il2cpp_TypeInfo_var));
V_2 = 0;
goto IL_00b8;
}
IL_009b:
{
ObjectU5BU5D_t1774424924_0* L_23 = V_1;
int32_t L_24 = ___arrayIndex;
ArrayList_t536890563_0 * L_25 = V_0;
int32_t L_26 = V_2;
NullCheck(L_25);
Object_t * L_27 = (Object_t *)VirtFuncInvoker1< Object_t *, int32_t >::Invoke(21 /* System.Object System.Collections.ArrayList::get_Item(System.Int32) */, L_25, L_26);
NullCheck(((_Item_t_1254169345_0 *)CastclassClass(L_27, _Item_t_1254169345_0_il2cpp_TypeInfo_var)));
String_t* L_28 = (((_Item_t_1254169345_0 *)CastclassClass(L_27, _Item_t_1254169345_0_il2cpp_TypeInfo_var))->___key_0);
NullCheck(L_23);
IL2CPP_ARRAY_BOUNDS_CHECK(L_23, L_24);
ArrayElementTypeCheck (L_23, L_28);
*((Object_t **)(Object_t **)SZArrayLdElema(L_23, L_24, sizeof(Object_t *))) = (Object_t *)L_28;
int32_t L_29 = V_2;
V_2 = ((int32_t)((int32_t)L_29+(int32_t)1));
int32_t L_30 = ___arrayIndex;
___arrayIndex = ((int32_t)((int32_t)L_30+(int32_t)1));
}
IL_00b8:
{
int32_t L_31 = V_2;
ArrayList_t536890563_0 * L_32 = V_0;
NullCheck(L_32);
int32_t L_33 = (int32_t)VirtFuncInvoker0< int32_t >::Invoke(23 /* System.Int32 System.Collections.ArrayList::get_Count() */, L_32);
if ((((int32_t)L_31) < ((int32_t)L_33)))
{
goto IL_009b;
}
}
{
return;
}
}
// System.Boolean System.Collections.Specialized.NameObjectCollectionBase/KeysCollection::System.Collections.ICollection.get_IsSynchronized()
extern "C" bool KeysCollection_System_Collections_ICollection_get_IsSynchronized_m261821823_0 (KeysCollection_t_702111355_0 * __this, const MethodInfo* method)
{
{
return (bool)0;
}
}
// System.Object System.Collections.Specialized.NameObjectCollectionBase/KeysCollection::System.Collections.ICollection.get_SyncRoot()
extern "C" Object_t * KeysCollection_System_Collections_ICollection_get_SyncRoot_m_1873024641_0 (KeysCollection_t_702111355_0 * __this, const MethodInfo* method)
{
{
NameObjectCollectionBase_t773911740_0 * L_0 = (__this->___m_collection_0);
return L_0;
}
}
// System.Int32 System.Collections.Specialized.NameObjectCollectionBase/KeysCollection::get_Count()
extern "C" int32_t KeysCollection_get_Count_m1716505797_0 (KeysCollection_t_702111355_0 * __this, const MethodInfo* method)
{
{
NameObjectCollectionBase_t773911740_0 * L_0 = (__this->___m_collection_0);
NullCheck(L_0);
int32_t L_1 = (int32_t)VirtFuncInvoker0< int32_t >::Invoke(14 /* System.Int32 System.Collections.Specialized.NameObjectCollectionBase::get_Count() */, L_0);
return L_1;
}
}
// System.Collections.IEnumerator System.Collections.Specialized.NameObjectCollectionBase/KeysCollection::GetEnumerator()
extern TypeInfo* _KeysEnumerator_t_537070652_0_il2cpp_TypeInfo_var;
extern "C" Object_t * KeysCollection_GetEnumerator_m_1827178913_0 (KeysCollection_t_702111355_0 * __this, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
_KeysEnumerator_t_537070652_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(624);
s_Il2CppMethodIntialized = true;
}
{
NameObjectCollectionBase_t773911740_0 * L_0 = (__this->___m_collection_0);
_KeysEnumerator_t_537070652_0 * L_1 = (_KeysEnumerator_t_537070652_0 *)il2cpp_codegen_object_new (_KeysEnumerator_t_537070652_0_il2cpp_TypeInfo_var);
_KeysEnumerator__ctor_m837674160_0(L_1, L_0, /*hidden argument*/NULL);
return L_1;
}
}
// System.Void System.Collections.Specialized.NameObjectCollectionBase::.ctor()
extern TypeInfo* CaseInsensitiveHashCodeProvider_t69752889_0_il2cpp_TypeInfo_var;
extern TypeInfo* CaseInsensitiveComparer_t417417786_0_il2cpp_TypeInfo_var;
extern "C" void NameObjectCollectionBase__ctor_m1741929684_0 (NameObjectCollectionBase_t773911740_0 * __this, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
CaseInsensitiveHashCodeProvider_t69752889_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(191);
CaseInsensitiveComparer_t417417786_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(190);
s_Il2CppMethodIntialized = true;
}
{
Object__ctor_m1772956182_0(__this, /*hidden argument*/NULL);
__this->___m_readonly_6 = (bool)0;
IL2CPP_RUNTIME_CLASS_INIT(CaseInsensitiveHashCodeProvider_t69752889_0_il2cpp_TypeInfo_var);
CaseInsensitiveHashCodeProvider_t69752889_0 * L_0 = CaseInsensitiveHashCodeProvider_get_DefaultInvariant_m1403540293_0(NULL /*static, unused*/, /*hidden argument*/NULL);
__this->___m_hashprovider_3 = L_0;
IL2CPP_RUNTIME_CLASS_INIT(CaseInsensitiveComparer_t417417786_0_il2cpp_TypeInfo_var);
CaseInsensitiveComparer_t417417786_0 * L_1 = CaseInsensitiveComparer_get_DefaultInvariant_m_1019056219_0(NULL /*static, unused*/, /*hidden argument*/NULL);
__this->___m_comparer_4 = L_1;
__this->___m_defCapacity_5 = 0;
NameObjectCollectionBase_Init_m_1100650752_0(__this, /*hidden argument*/NULL);
return;
}
}
// System.Void System.Collections.Specialized.NameObjectCollectionBase::.ctor(System.Runtime.Serialization.SerializationInfo,System.Runtime.Serialization.StreamingContext)
extern "C" void NameObjectCollectionBase__ctor_m355604501_0 (NameObjectCollectionBase_t773911740_0 * __this, SerializationInfo_t526833679_0 * ___info, StreamingContext_t_1216992900_0 ___context, const MethodInfo* method)
{
{
Object__ctor_m1772956182_0(__this, /*hidden argument*/NULL);
SerializationInfo_t526833679_0 * L_0 = ___info;
__this->___infoCopy_7 = L_0;
return;
}
}
// System.Boolean System.Collections.Specialized.NameObjectCollectionBase::System.Collections.ICollection.get_IsSynchronized()
extern "C" bool NameObjectCollectionBase_System_Collections_ICollection_get_IsSynchronized_m_2098098_0 (NameObjectCollectionBase_t773911740_0 * __this, const MethodInfo* method)
{
{
return (bool)0;
}
}
// System.Object System.Collections.Specialized.NameObjectCollectionBase::System.Collections.ICollection.get_SyncRoot()
extern "C" Object_t * NameObjectCollectionBase_System_Collections_ICollection_get_SyncRoot_m625351596_0 (NameObjectCollectionBase_t773911740_0 * __this, const MethodInfo* method)
{
{
return __this;
}
}
// System.Void System.Collections.Specialized.NameObjectCollectionBase::System.Collections.ICollection.CopyTo(System.Array,System.Int32)
extern TypeInfo* ICollection_t592284435_0_il2cpp_TypeInfo_var;
extern "C" void NameObjectCollectionBase_System_Collections_ICollection_CopyTo_m606865136_0 (NameObjectCollectionBase_t773911740_0 * __this, Array_t * ___array, int32_t ___index, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
ICollection_t592284435_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(184);
s_Il2CppMethodIntialized = true;
}
{
KeysCollection_t_702111355_0 * L_0 = (KeysCollection_t_702111355_0 *)VirtFuncInvoker0< KeysCollection_t_702111355_0 * >::Invoke(11 /* System.Collections.Specialized.NameObjectCollectionBase/KeysCollection System.Collections.Specialized.NameObjectCollectionBase::get_Keys() */, __this);
Array_t * L_1 = ___array;
int32_t L_2 = ___index;
NullCheck(L_0);
InterfaceActionInvoker2< Array_t *, int32_t >::Invoke(3 /* System.Void System.Collections.ICollection::CopyTo(System.Array,System.Int32) */, ICollection_t592284435_0_il2cpp_TypeInfo_var, L_0, L_1, L_2);
return;
}
}
// System.Void System.Collections.Specialized.NameObjectCollectionBase::Init()
extern TypeInfo* Hashtable_t_2004451924_0_il2cpp_TypeInfo_var;
extern TypeInfo* ArrayList_t536890563_0_il2cpp_TypeInfo_var;
extern "C" void NameObjectCollectionBase_Init_m_1100650752_0 (NameObjectCollectionBase_t773911740_0 * __this, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
Hashtable_t_2004451924_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(196);
ArrayList_t536890563_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(55);
s_Il2CppMethodIntialized = true;
}
{
Object_t * L_0 = (__this->___equality_comparer_9);
if (!L_0)
{
goto IL_0027;
}
}
{
int32_t L_1 = (__this->___m_defCapacity_5);
Object_t * L_2 = (__this->___equality_comparer_9);
Hashtable_t_2004451924_0 * L_3 = (Hashtable_t_2004451924_0 *)il2cpp_codegen_object_new (Hashtable_t_2004451924_0_il2cpp_TypeInfo_var);
Hashtable__ctor_m553622419_0(L_3, L_1, L_2, /*hidden argument*/NULL);
__this->___m_ItemsContainer_0 = L_3;
goto IL_0044;
}
IL_0027:
{
int32_t L_4 = (__this->___m_defCapacity_5);
Object_t * L_5 = (__this->___m_hashprovider_3);
Object_t * L_6 = (__this->___m_comparer_4);
Hashtable_t_2004451924_0 * L_7 = (Hashtable_t_2004451924_0 *)il2cpp_codegen_object_new (Hashtable_t_2004451924_0_il2cpp_TypeInfo_var);
Hashtable__ctor_m2095001914_0(L_7, L_4, L_5, L_6, /*hidden argument*/NULL);
__this->___m_ItemsContainer_0 = L_7;
}
IL_0044:
{
ArrayList_t536890563_0 * L_8 = (ArrayList_t536890563_0 *)il2cpp_codegen_object_new (ArrayList_t536890563_0_il2cpp_TypeInfo_var);
ArrayList__ctor_m1878432947_0(L_8, /*hidden argument*/NULL);
__this->___m_ItemsArray_2 = L_8;
__this->___m_NullKeyItem_1 = (_Item_t_1254169345_0 *)NULL;
return;
}
}
// System.Collections.Specialized.NameObjectCollectionBase/KeysCollection System.Collections.Specialized.NameObjectCollectionBase::get_Keys()
extern TypeInfo* KeysCollection_t_702111355_0_il2cpp_TypeInfo_var;
extern "C" KeysCollection_t_702111355_0 * NameObjectCollectionBase_get_Keys_m411623033_0 (NameObjectCollectionBase_t773911740_0 * __this, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
KeysCollection_t_702111355_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(625);
s_Il2CppMethodIntialized = true;
}
{
KeysCollection_t_702111355_0 * L_0 = (__this->___keyscoll_8);
if (L_0)
{
goto IL_0017;
}
}
{
KeysCollection_t_702111355_0 * L_1 = (KeysCollection_t_702111355_0 *)il2cpp_codegen_object_new (KeysCollection_t_702111355_0_il2cpp_TypeInfo_var);
KeysCollection__ctor_m571748459_0(L_1, __this, /*hidden argument*/NULL);
__this->___keyscoll_8 = L_1;
}
IL_0017:
{
KeysCollection_t_702111355_0 * L_2 = (__this->___keyscoll_8);
return L_2;
}
}
// System.Collections.IEnumerator System.Collections.Specialized.NameObjectCollectionBase::GetEnumerator()
extern TypeInfo* _KeysEnumerator_t_537070652_0_il2cpp_TypeInfo_var;
extern "C" Object_t * NameObjectCollectionBase_GetEnumerator_m2097604182_0 (NameObjectCollectionBase_t773911740_0 * __this, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
_KeysEnumerator_t_537070652_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(624);
s_Il2CppMethodIntialized = true;
}
{
_KeysEnumerator_t_537070652_0 * L_0 = (_KeysEnumerator_t_537070652_0 *)il2cpp_codegen_object_new (_KeysEnumerator_t_537070652_0_il2cpp_TypeInfo_var);
_KeysEnumerator__ctor_m837674160_0(L_0, __this, /*hidden argument*/NULL);
return L_0;
}
}
// System.Void System.Collections.Specialized.NameObjectCollectionBase::GetObjectData(System.Runtime.Serialization.SerializationInfo,System.Runtime.Serialization.StreamingContext)
extern const Il2CppType* IEqualityComparer_t_555839492_0_0_0_0_var;
extern const Il2CppType* Int32_t1628762099_0_0_0_0_var;
extern const Il2CppType* IHashCodeProvider_t_124535839_0_0_0_0_var;
extern const Il2CppType* IComparer_t622777826_0_0_0_0_var;
extern const Il2CppType* StringU5BU5D_t_816028754_0_0_0_0_var;
extern const Il2CppType* ObjectU5BU5D_t1774424924_0_0_0_0_var;
extern TypeInfo* ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var;
extern TypeInfo* StringU5BU5D_t_816028754_0_il2cpp_TypeInfo_var;
extern TypeInfo* ObjectU5BU5D_t1774424924_0_il2cpp_TypeInfo_var;
extern TypeInfo* IEnumerator_t1412936761_0_il2cpp_TypeInfo_var;
extern TypeInfo* _Item_t_1254169345_0_il2cpp_TypeInfo_var;
extern TypeInfo* IDisposable_t_2098447282_0_il2cpp_TypeInfo_var;
extern TypeInfo* Type_t_il2cpp_TypeInfo_var;
extern TypeInfo* Int32_t1628762099_0_il2cpp_TypeInfo_var;
extern Il2CppCodeGenString* _stringLiteral3237038_0;
extern Il2CppCodeGenString* _stringLiteral_194167924_0;
extern Il2CppCodeGenString* _stringLiteral2016261304_0;
extern Il2CppCodeGenString* _stringLiteral1449627967_0;
extern Il2CppCodeGenString* _stringLiteral_535116723_0;
extern Il2CppCodeGenString* _stringLiteral_803039614_0;
extern Il2CppCodeGenString* _stringLiteral65298671_0;
extern Il2CppCodeGenString* _stringLiteral2335252_0;
extern Il2CppCodeGenString* _stringLiteral_1739945662_0;
extern "C" void NameObjectCollectionBase_GetObjectData_m_679970190_0 (NameObjectCollectionBase_t773911740_0 * __this, SerializationInfo_t526833679_0 * ___info, StreamingContext_t_1216992900_0 ___context, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
IEqualityComparer_t_555839492_0_0_0_0_var = il2cpp_codegen_type_from_index(202);
Int32_t1628762099_0_0_0_0_var = il2cpp_codegen_type_from_index(8);
IHashCodeProvider_t_124535839_0_0_0_0_var = il2cpp_codegen_type_from_index(203);
IComparer_t622777826_0_0_0_0_var = il2cpp_codegen_type_from_index(79);
StringU5BU5D_t_816028754_0_0_0_0_var = il2cpp_codegen_type_from_index(32);
ObjectU5BU5D_t1774424924_0_0_0_0_var = il2cpp_codegen_type_from_index(19);
ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(2);
StringU5BU5D_t_816028754_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(32);
ObjectU5BU5D_t1774424924_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(19);
IEnumerator_t1412936761_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(159);
_Item_t_1254169345_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(623);
IDisposable_t_2098447282_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(142);
Type_t_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(3);
Int32_t1628762099_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(8);
_stringLiteral3237038_0 = il2cpp_codegen_string_literal_from_index(109);
_stringLiteral_194167924_0 = il2cpp_codegen_string_literal_from_index(547);
_stringLiteral2016261304_0 = il2cpp_codegen_string_literal_from_index(496);
_stringLiteral1449627967_0 = il2cpp_codegen_string_literal_from_index(2084);
_stringLiteral_535116723_0 = il2cpp_codegen_string_literal_from_index(497);
_stringLiteral_803039614_0 = il2cpp_codegen_string_literal_from_index(2085);
_stringLiteral65298671_0 = il2cpp_codegen_string_literal_from_index(2086);
_stringLiteral2335252_0 = il2cpp_codegen_string_literal_from_index(549);
_stringLiteral_1739945662_0 = il2cpp_codegen_string_literal_from_index(550);
s_Il2CppMethodIntialized = true;
}
int32_t V_0 = 0;
StringU5BU5D_t_816028754_0* V_1 = {0};
ObjectU5BU5D_t1774424924_0* V_2 = {0};
int32_t V_3 = 0;
_Item_t_1254169345_0 * V_4 = {0};
Object_t * V_5 = {0};
Object_t * V_6 = {0};
Exception_t2143823668_0 * __last_unhandled_exception = 0;
NO_UNUSED_WARNING (__last_unhandled_exception);
Exception_t2143823668_0 * __exception_local = 0;
NO_UNUSED_WARNING (__exception_local);
int32_t __leave_target = 0;
NO_UNUSED_WARNING (__leave_target);
{
SerializationInfo_t526833679_0 * L_0 = ___info;
if (L_0)
{
goto IL_0011;
}
}
{
ArgumentNullException_t_1072101840_0 * L_1 = (ArgumentNullException_t_1072101840_0 *)il2cpp_codegen_object_new (ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var);
ArgumentNullException__ctor_m135444188_0(L_1, _stringLiteral3237038_0, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_1);
}
IL_0011:
{
int32_t L_2 = (int32_t)VirtFuncInvoker0< int32_t >::Invoke(14 /* System.Int32 System.Collections.Specialized.NameObjectCollectionBase::get_Count() */, __this);
V_0 = L_2;
int32_t L_3 = V_0;
V_1 = ((StringU5BU5D_t_816028754_0*)SZArrayNew(StringU5BU5D_t_816028754_0_il2cpp_TypeInfo_var, (uint32_t)L_3));
int32_t L_4 = V_0;
V_2 = ((ObjectU5BU5D_t1774424924_0*)SZArrayNew(ObjectU5BU5D_t1774424924_0_il2cpp_TypeInfo_var, (uint32_t)L_4));
V_3 = 0;
ArrayList_t536890563_0 * L_5 = (__this->___m_ItemsArray_2);
NullCheck(L_5);
Object_t * L_6 = (Object_t *)VirtFuncInvoker0< Object_t * >::Invoke(43 /* System.Collections.IEnumerator System.Collections.ArrayList::GetEnumerator() */, L_5);
V_5 = L_6;
}
IL_0035:
try
{ // begin try (depth: 1)
{
goto IL_0060;
}
IL_003a:
{
Object_t * L_7 = V_5;
NullCheck(L_7);
Object_t * L_8 = (Object_t *)InterfaceFuncInvoker0< Object_t * >::Invoke(0 /* System.Object System.Collections.IEnumerator::get_Current() */, IEnumerator_t1412936761_0_il2cpp_TypeInfo_var, L_7);
V_4 = ((_Item_t_1254169345_0 *)CastclassClass(L_8, _Item_t_1254169345_0_il2cpp_TypeInfo_var));
StringU5BU5D_t_816028754_0* L_9 = V_1;
int32_t L_10 = V_3;
_Item_t_1254169345_0 * L_11 = V_4;
NullCheck(L_11);
String_t* L_12 = (L_11->___key_0);
NullCheck(L_9);
IL2CPP_ARRAY_BOUNDS_CHECK(L_9, L_10);
ArrayElementTypeCheck (L_9, L_12);
*((String_t**)(String_t**)SZArrayLdElema(L_9, L_10, sizeof(String_t*))) = (String_t*)L_12;
ObjectU5BU5D_t1774424924_0* L_13 = V_2;
int32_t L_14 = V_3;
_Item_t_1254169345_0 * L_15 = V_4;
NullCheck(L_15);
Object_t * L_16 = (L_15->___value_1);
NullCheck(L_13);
IL2CPP_ARRAY_BOUNDS_CHECK(L_13, L_14);
ArrayElementTypeCheck (L_13, L_16);
*((Object_t **)(Object_t **)SZArrayLdElema(L_13, L_14, sizeof(Object_t *))) = (Object_t *)L_16;
int32_t L_17 = V_3;
V_3 = ((int32_t)((int32_t)L_17+(int32_t)1));
}
IL_0060:
{
Object_t * L_18 = V_5;
NullCheck(L_18);
bool L_19 = (bool)InterfaceFuncInvoker0< bool >::Invoke(1 /* System.Boolean System.Collections.IEnumerator::MoveNext() */, IEnumerator_t1412936761_0_il2cpp_TypeInfo_var, L_18);
if (L_19)
{
goto IL_003a;
}
}
IL_006c:
{
IL2CPP_LEAVE(0x87, FINALLY_0071);
}
} // end try (depth: 1)
catch(Il2CppExceptionWrapper& e)
{
__last_unhandled_exception = (Exception_t2143823668_0 *)e.ex;
goto FINALLY_0071;
}
FINALLY_0071:
{ // begin finally (depth: 1)
{
Object_t * L_20 = V_5;
V_6 = ((Object_t *)IsInst(L_20, IDisposable_t_2098447282_0_il2cpp_TypeInfo_var));
Object_t * L_21 = V_6;
if (L_21)
{
goto IL_007f;
}
}
IL_007e:
{
IL2CPP_END_FINALLY(113)
}
IL_007f:
{
Object_t * L_22 = V_6;
NullCheck(L_22);
InterfaceActionInvoker0::Invoke(0 /* System.Void System.IDisposable::Dispose() */, IDisposable_t_2098447282_0_il2cpp_TypeInfo_var, L_22);
IL2CPP_END_FINALLY(113)
}
} // end finally (depth: 1)
IL2CPP_CLEANUP(113)
{
IL2CPP_JUMP_TBL(0x87, IL_0087)
IL2CPP_RETHROW_IF_UNHANDLED(Exception_t2143823668_0 *)
}
IL_0087:
{
Object_t * L_23 = (__this->___equality_comparer_9);
if (!L_23)
{
goto IL_00cd;
}
}
{
SerializationInfo_t526833679_0 * L_24 = ___info;
Object_t * L_25 = (__this->___equality_comparer_9);
IL2CPP_RUNTIME_CLASS_INIT(Type_t_il2cpp_TypeInfo_var);
Type_t * L_26 = Type_GetTypeFromHandle_m_488061862_0(NULL /*static, unused*/, LoadTypeToken(IEqualityComparer_t_555839492_0_0_0_0_var), /*hidden argument*/NULL);
NullCheck(L_24);
SerializationInfo_AddValue_m_953030314_0(L_24, _stringLiteral_194167924_0, L_25, L_26, /*hidden argument*/NULL);
SerializationInfo_t526833679_0 * L_27 = ___info;
int32_t L_28 = 4;
Object_t * L_29 = Box(Int32_t1628762099_0_il2cpp_TypeInfo_var, &L_28);
Type_t * L_30 = Type_GetTypeFromHandle_m_488061862_0(NULL /*static, unused*/, LoadTypeToken(Int32_t1628762099_0_0_0_0_var), /*hidden argument*/NULL);
NullCheck(L_27);
SerializationInfo_AddValue_m_953030314_0(L_27, _stringLiteral2016261304_0, L_29, L_30, /*hidden argument*/NULL);
goto IL_011e;
}
IL_00cd:
{
SerializationInfo_t526833679_0 * L_31 = ___info;
Object_t * L_32 = (__this->___m_hashprovider_3);
IL2CPP_RUNTIME_CLASS_INIT(Type_t_il2cpp_TypeInfo_var);
Type_t * L_33 = Type_GetTypeFromHandle_m_488061862_0(NULL /*static, unused*/, LoadTypeToken(IHashCodeProvider_t_124535839_0_0_0_0_var), /*hidden argument*/NULL);
NullCheck(L_31);
SerializationInfo_AddValue_m_953030314_0(L_31, _stringLiteral1449627967_0, L_32, L_33, /*hidden argument*/NULL);
SerializationInfo_t526833679_0 * L_34 = ___info;
Object_t * L_35 = (__this->___m_comparer_4);
Type_t * L_36 = Type_GetTypeFromHandle_m_488061862_0(NULL /*static, unused*/, LoadTypeToken(IComparer_t622777826_0_0_0_0_var), /*hidden argument*/NULL);
NullCheck(L_34);
SerializationInfo_AddValue_m_953030314_0(L_34, _stringLiteral_535116723_0, L_35, L_36, /*hidden argument*/NULL);
SerializationInfo_t526833679_0 * L_37 = ___info;
int32_t L_38 = 2;
Object_t * L_39 = Box(Int32_t1628762099_0_il2cpp_TypeInfo_var, &L_38);
Type_t * L_40 = Type_GetTypeFromHandle_m_488061862_0(NULL /*static, unused*/, LoadTypeToken(Int32_t1628762099_0_0_0_0_var), /*hidden argument*/NULL);
NullCheck(L_37);
SerializationInfo_AddValue_m_953030314_0(L_37, _stringLiteral2016261304_0, L_39, L_40, /*hidden argument*/NULL);
}
IL_011e:
{
SerializationInfo_t526833679_0 * L_41 = ___info;
bool L_42 = (__this->___m_readonly_6);
NullCheck(L_41);
SerializationInfo_AddValue_m_721558968_0(L_41, _stringLiteral_803039614_0, L_42, /*hidden argument*/NULL);
SerializationInfo_t526833679_0 * L_43 = ___info;
int32_t L_44 = V_0;
NullCheck(L_43);
SerializationInfo_AddValue_m_1946426782_0(L_43, _stringLiteral65298671_0, L_44, /*hidden argument*/NULL);
SerializationInfo_t526833679_0 * L_45 = ___info;
StringU5BU5D_t_816028754_0* L_46 = V_1;
IL2CPP_RUNTIME_CLASS_INIT(Type_t_il2cpp_TypeInfo_var);
Type_t * L_47 = Type_GetTypeFromHandle_m_488061862_0(NULL /*static, unused*/, LoadTypeToken(StringU5BU5D_t_816028754_0_0_0_0_var), /*hidden argument*/NULL);
NullCheck(L_45);
SerializationInfo_AddValue_m_953030314_0(L_45, _stringLiteral2335252_0, (Object_t *)(Object_t *)L_46, L_47, /*hidden argument*/NULL);
SerializationInfo_t526833679_0 * L_48 = ___info;
ObjectU5BU5D_t1774424924_0* L_49 = V_2;
Type_t * L_50 = Type_GetTypeFromHandle_m_488061862_0(NULL /*static, unused*/, LoadTypeToken(ObjectU5BU5D_t1774424924_0_0_0_0_var), /*hidden argument*/NULL);
NullCheck(L_48);
SerializationInfo_AddValue_m_953030314_0(L_48, _stringLiteral_1739945662_0, (Object_t *)(Object_t *)L_49, L_50, /*hidden argument*/NULL);
return;
}
}
// System.Int32 System.Collections.Specialized.NameObjectCollectionBase::get_Count()
extern "C" int32_t NameObjectCollectionBase_get_Count_m_1696318712_0 (NameObjectCollectionBase_t773911740_0 * __this, const MethodInfo* method)
{
{
ArrayList_t536890563_0 * L_0 = (__this->___m_ItemsArray_2);
NullCheck(L_0);
int32_t L_1 = (int32_t)VirtFuncInvoker0< int32_t >::Invoke(23 /* System.Int32 System.Collections.ArrayList::get_Count() */, L_0);
return L_1;
}
}
// System.Void System.Collections.Specialized.NameObjectCollectionBase::OnDeserialization(System.Object)
extern const Il2CppType* IHashCodeProvider_t_124535839_0_0_0_0_var;
extern const Il2CppType* IEqualityComparer_t_555839492_0_0_0_0_var;
extern const Il2CppType* IComparer_t622777826_0_0_0_0_var;
extern const Il2CppType* StringU5BU5D_t_816028754_0_0_0_0_var;
extern const Il2CppType* ObjectU5BU5D_t1774424924_0_0_0_0_var;
extern TypeInfo* Type_t_il2cpp_TypeInfo_var;
extern TypeInfo* IHashCodeProvider_t_124535839_0_il2cpp_TypeInfo_var;
extern TypeInfo* IEqualityComparer_t_555839492_0_il2cpp_TypeInfo_var;
extern TypeInfo* IComparer_t622777826_0_il2cpp_TypeInfo_var;
extern TypeInfo* SerializationException_t1427132814_0_il2cpp_TypeInfo_var;
extern TypeInfo* StringU5BU5D_t_816028754_0_il2cpp_TypeInfo_var;
extern TypeInfo* ObjectU5BU5D_t1774424924_0_il2cpp_TypeInfo_var;
extern Il2CppCodeGenString* _stringLiteral1449627967_0;
extern Il2CppCodeGenString* _stringLiteral_194167924_0;
extern Il2CppCodeGenString* _stringLiteral_535116723_0;
extern Il2CppCodeGenString* _stringLiteral_70527559_0;
extern Il2CppCodeGenString* _stringLiteral_803039614_0;
extern Il2CppCodeGenString* _stringLiteral2335252_0;
extern Il2CppCodeGenString* _stringLiteral2075584657_0;
extern Il2CppCodeGenString* _stringLiteral_1739945662_0;
extern Il2CppCodeGenString* _stringLiteral936855999_0;
extern "C" void NameObjectCollectionBase_OnDeserialization_m_1198228686_0 (NameObjectCollectionBase_t773911740_0 * __this, Object_t * ___sender, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
IHashCodeProvider_t_124535839_0_0_0_0_var = il2cpp_codegen_type_from_index(203);
IEqualityComparer_t_555839492_0_0_0_0_var = il2cpp_codegen_type_from_index(202);
IComparer_t622777826_0_0_0_0_var = il2cpp_codegen_type_from_index(79);
StringU5BU5D_t_816028754_0_0_0_0_var = il2cpp_codegen_type_from_index(32);
ObjectU5BU5D_t1774424924_0_0_0_0_var = il2cpp_codegen_type_from_index(19);
Type_t_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(3);
IHashCodeProvider_t_124535839_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(203);
IEqualityComparer_t_555839492_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(202);
IComparer_t622777826_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(79);
SerializationException_t1427132814_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(99);
StringU5BU5D_t_816028754_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(32);
ObjectU5BU5D_t1774424924_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(19);
_stringLiteral1449627967_0 = il2cpp_codegen_string_literal_from_index(2084);
_stringLiteral_194167924_0 = il2cpp_codegen_string_literal_from_index(547);
_stringLiteral_535116723_0 = il2cpp_codegen_string_literal_from_index(497);
_stringLiteral_70527559_0 = il2cpp_codegen_string_literal_from_index(2087);
_stringLiteral_803039614_0 = il2cpp_codegen_string_literal_from_index(2085);
_stringLiteral2335252_0 = il2cpp_codegen_string_literal_from_index(549);
_stringLiteral2075584657_0 = il2cpp_codegen_string_literal_from_index(2088);
_stringLiteral_1739945662_0 = il2cpp_codegen_string_literal_from_index(550);
_stringLiteral936855999_0 = il2cpp_codegen_string_literal_from_index(2089);
s_Il2CppMethodIntialized = true;
}
SerializationInfo_t526833679_0 * V_0 = {0};
StringU5BU5D_t_816028754_0* V_1 = {0};
ObjectU5BU5D_t1774424924_0* V_2 = {0};
int32_t V_3 = 0;
int32_t V_4 = 0;
{
SerializationInfo_t526833679_0 * L_0 = (__this->___infoCopy_7);
V_0 = L_0;
SerializationInfo_t526833679_0 * L_1 = V_0;
if (L_1)
{
goto IL_000e;
}
}
{
return;
}
IL_000e:
{
__this->___infoCopy_7 = (SerializationInfo_t526833679_0 *)NULL;
SerializationInfo_t526833679_0 * L_2 = V_0;
IL2CPP_RUNTIME_CLASS_INIT(Type_t_il2cpp_TypeInfo_var);
Type_t * L_3 = Type_GetTypeFromHandle_m_488061862_0(NULL /*static, unused*/, LoadTypeToken(IHashCodeProvider_t_124535839_0_0_0_0_var), /*hidden argument*/NULL);
NullCheck(L_2);
Object_t * L_4 = SerializationInfo_GetValue_m_169495960_0(L_2, _stringLiteral1449627967_0, L_3, /*hidden argument*/NULL);
__this->___m_hashprovider_3 = ((Object_t *)Castclass(L_4, IHashCodeProvider_t_124535839_0_il2cpp_TypeInfo_var));
Object_t * L_5 = (__this->___m_hashprovider_3);
if (L_5)
{
goto IL_0065;
}
}
{
SerializationInfo_t526833679_0 * L_6 = V_0;
IL2CPP_RUNTIME_CLASS_INIT(Type_t_il2cpp_TypeInfo_var);
Type_t * L_7 = Type_GetTypeFromHandle_m_488061862_0(NULL /*static, unused*/, LoadTypeToken(IEqualityComparer_t_555839492_0_0_0_0_var), /*hidden argument*/NULL);
NullCheck(L_6);
Object_t * L_8 = SerializationInfo_GetValue_m_169495960_0(L_6, _stringLiteral_194167924_0, L_7, /*hidden argument*/NULL);
__this->___equality_comparer_9 = ((Object_t *)Castclass(L_8, IEqualityComparer_t_555839492_0_il2cpp_TypeInfo_var));
goto IL_009b;
}
IL_0065:
{
SerializationInfo_t526833679_0 * L_9 = V_0;
IL2CPP_RUNTIME_CLASS_INIT(Type_t_il2cpp_TypeInfo_var);
Type_t * L_10 = Type_GetTypeFromHandle_m_488061862_0(NULL /*static, unused*/, LoadTypeToken(IComparer_t622777826_0_0_0_0_var), /*hidden argument*/NULL);
NullCheck(L_9);
Object_t * L_11 = SerializationInfo_GetValue_m_169495960_0(L_9, _stringLiteral_535116723_0, L_10, /*hidden argument*/NULL);
__this->___m_comparer_4 = ((Object_t *)Castclass(L_11, IComparer_t622777826_0_il2cpp_TypeInfo_var));
Object_t * L_12 = (__this->___m_comparer_4);
if (L_12)
{
goto IL_009b;
}
}
{
SerializationException_t1427132814_0 * L_13 = (SerializationException_t1427132814_0 *)il2cpp_codegen_object_new (SerializationException_t1427132814_0_il2cpp_TypeInfo_var);
SerializationException__ctor_m_78610816_0(L_13, _stringLiteral_70527559_0, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_13);
}
IL_009b:
{
SerializationInfo_t526833679_0 * L_14 = V_0;
NullCheck(L_14);
bool L_15 = SerializationInfo_GetBoolean_m1462266865_0(L_14, _stringLiteral_803039614_0, /*hidden argument*/NULL);
__this->___m_readonly_6 = L_15;
SerializationInfo_t526833679_0 * L_16 = V_0;
IL2CPP_RUNTIME_CLASS_INIT(Type_t_il2cpp_TypeInfo_var);
Type_t * L_17 = Type_GetTypeFromHandle_m_488061862_0(NULL /*static, unused*/, LoadTypeToken(StringU5BU5D_t_816028754_0_0_0_0_var), /*hidden argument*/NULL);
NullCheck(L_16);
Object_t * L_18 = SerializationInfo_GetValue_m_169495960_0(L_16, _stringLiteral2335252_0, L_17, /*hidden argument*/NULL);
V_1 = ((StringU5BU5D_t_816028754_0*)Castclass(L_18, StringU5BU5D_t_816028754_0_il2cpp_TypeInfo_var));
StringU5BU5D_t_816028754_0* L_19 = V_1;
if (L_19)
{
goto IL_00d8;
}
}
{
SerializationException_t1427132814_0 * L_20 = (SerializationException_t1427132814_0 *)il2cpp_codegen_object_new (SerializationException_t1427132814_0_il2cpp_TypeInfo_var);
SerializationException__ctor_m_78610816_0(L_20, _stringLiteral2075584657_0, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_20);
}
IL_00d8:
{
SerializationInfo_t526833679_0 * L_21 = V_0;
IL2CPP_RUNTIME_CLASS_INIT(Type_t_il2cpp_TypeInfo_var);
Type_t * L_22 = Type_GetTypeFromHandle_m_488061862_0(NULL /*static, unused*/, LoadTypeToken(ObjectU5BU5D_t1774424924_0_0_0_0_var), /*hidden argument*/NULL);
NullCheck(L_21);
Object_t * L_23 = SerializationInfo_GetValue_m_169495960_0(L_21, _stringLiteral_1739945662_0, L_22, /*hidden argument*/NULL);
V_2 = ((ObjectU5BU5D_t1774424924_0*)Castclass(L_23, ObjectU5BU5D_t1774424924_0_il2cpp_TypeInfo_var));
ObjectU5BU5D_t1774424924_0* L_24 = V_2;
if (L_24)
{
goto IL_0104;
}
}
{
SerializationException_t1427132814_0 * L_25 = (SerializationException_t1427132814_0 *)il2cpp_codegen_object_new (SerializationException_t1427132814_0_il2cpp_TypeInfo_var);
SerializationException__ctor_m_78610816_0(L_25, _stringLiteral936855999_0, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_25);
}
IL_0104:
{
NameObjectCollectionBase_Init_m_1100650752_0(__this, /*hidden argument*/NULL);
StringU5BU5D_t_816028754_0* L_26 = V_1;
NullCheck(L_26);
V_3 = (((int32_t)((int32_t)(((Array_t *)L_26)->max_length))));
V_4 = 0;
goto IL_012a;
}
IL_0116:
{
StringU5BU5D_t_816028754_0* L_27 = V_1;
int32_t L_28 = V_4;
NullCheck(L_27);
IL2CPP_ARRAY_BOUNDS_CHECK(L_27, L_28);
int32_t L_29 = L_28;
ObjectU5BU5D_t1774424924_0* L_30 = V_2;
int32_t L_31 = V_4;
NullCheck(L_30);
IL2CPP_ARRAY_BOUNDS_CHECK(L_30, L_31);
int32_t L_32 = L_31;
NameObjectCollectionBase_BaseAdd_m_1645849778_0(__this, (*(String_t**)(String_t**)SZArrayLdElema(L_27, L_29, sizeof(String_t*))), (*(Object_t **)(Object_t **)SZArrayLdElema(L_30, L_32, sizeof(Object_t *))), /*hidden argument*/NULL);
int32_t L_33 = V_4;
V_4 = ((int32_t)((int32_t)L_33+(int32_t)1));
}
IL_012a:
{
int32_t L_34 = V_4;
int32_t L_35 = V_3;
if ((((int32_t)L_34) < ((int32_t)L_35)))
{
goto IL_0116;
}
}
{
return;
}
}
// System.Boolean System.Collections.Specialized.NameObjectCollectionBase::get_IsReadOnly()
extern "C" bool NameObjectCollectionBase_get_IsReadOnly_m911678543_0 (NameObjectCollectionBase_t773911740_0 * __this, const MethodInfo* method)
{
{
bool L_0 = (__this->___m_readonly_6);
return L_0;
}
}
// System.Void System.Collections.Specialized.NameObjectCollectionBase::BaseAdd(System.String,System.Object)
extern TypeInfo* NotSupportedException_t1382227673_0_il2cpp_TypeInfo_var;
extern TypeInfo* _Item_t_1254169345_0_il2cpp_TypeInfo_var;
extern Il2CppCodeGenString* _stringLiteral615244847_0;
extern "C" void NameObjectCollectionBase_BaseAdd_m_1645849778_0 (NameObjectCollectionBase_t773911740_0 * __this, String_t* ___name, Object_t * ___value, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
NotSupportedException_t1382227673_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(6);
_Item_t_1254169345_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(623);
_stringLiteral615244847_0 = il2cpp_codegen_string_literal_from_index(146);
s_Il2CppMethodIntialized = true;
}
_Item_t_1254169345_0 * V_0 = {0};
{
bool L_0 = NameObjectCollectionBase_get_IsReadOnly_m911678543_0(__this, /*hidden argument*/NULL);
if (!L_0)
{
goto IL_0016;
}
}
{
NotSupportedException_t1382227673_0 * L_1 = (NotSupportedException_t1382227673_0 *)il2cpp_codegen_object_new (NotSupportedException_t1382227673_0_il2cpp_TypeInfo_var);
NotSupportedException__ctor_m133757637_0(L_1, _stringLiteral615244847_0, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_1);
}
IL_0016:
{
String_t* L_2 = ___name;
Object_t * L_3 = ___value;
_Item_t_1254169345_0 * L_4 = (_Item_t_1254169345_0 *)il2cpp_codegen_object_new (_Item_t_1254169345_0_il2cpp_TypeInfo_var);
_Item__ctor_m887709055_0(L_4, L_2, L_3, /*hidden argument*/NULL);
V_0 = L_4;
String_t* L_5 = ___name;
if (L_5)
{
goto IL_003b;
}
}
{
_Item_t_1254169345_0 * L_6 = (__this->___m_NullKeyItem_1);
if (L_6)
{
goto IL_0036;
}
}
{
_Item_t_1254169345_0 * L_7 = V_0;
__this->___m_NullKeyItem_1 = L_7;
}
IL_0036:
{
goto IL_0059;
}
IL_003b:
{
Hashtable_t_2004451924_0 * L_8 = (__this->___m_ItemsContainer_0);
String_t* L_9 = ___name;
NullCheck(L_8);
Object_t * L_10 = (Object_t *)VirtFuncInvoker1< Object_t *, Object_t * >::Invoke(24 /* System.Object System.Collections.Hashtable::get_Item(System.Object) */, L_8, L_9);
if (L_10)
{
goto IL_0059;
}
}
{
Hashtable_t_2004451924_0 * L_11 = (__this->___m_ItemsContainer_0);
String_t* L_12 = ___name;
_Item_t_1254169345_0 * L_13 = V_0;
NullCheck(L_11);
VirtActionInvoker2< Object_t *, Object_t * >::Invoke(27 /* System.Void System.Collections.Hashtable::Add(System.Object,System.Object) */, L_11, L_12, L_13);
}
IL_0059:
{
ArrayList_t536890563_0 * L_14 = (__this->___m_ItemsArray_2);
_Item_t_1254169345_0 * L_15 = V_0;
NullCheck(L_14);
VirtFuncInvoker1< int32_t, Object_t * >::Invoke(30 /* System.Int32 System.Collections.ArrayList::Add(System.Object) */, L_14, L_15);
return;
}
}
// System.Object System.Collections.Specialized.NameObjectCollectionBase::BaseGet(System.Int32)
extern TypeInfo* _Item_t_1254169345_0_il2cpp_TypeInfo_var;
extern "C" Object_t * NameObjectCollectionBase_BaseGet_m_1290395075_0 (NameObjectCollectionBase_t773911740_0 * __this, int32_t ___index, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
_Item_t_1254169345_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(623);
s_Il2CppMethodIntialized = true;
}
{
ArrayList_t536890563_0 * L_0 = (__this->___m_ItemsArray_2);
int32_t L_1 = ___index;
NullCheck(L_0);
Object_t * L_2 = (Object_t *)VirtFuncInvoker1< Object_t *, int32_t >::Invoke(21 /* System.Object System.Collections.ArrayList::get_Item(System.Int32) */, L_0, L_1);
NullCheck(((_Item_t_1254169345_0 *)CastclassClass(L_2, _Item_t_1254169345_0_il2cpp_TypeInfo_var)));
Object_t * L_3 = (((_Item_t_1254169345_0 *)CastclassClass(L_2, _Item_t_1254169345_0_il2cpp_TypeInfo_var))->___value_1);
return L_3;
}
}
// System.Object System.Collections.Specialized.NameObjectCollectionBase::BaseGet(System.String)
extern "C" Object_t * NameObjectCollectionBase_BaseGet_m_890843242_0 (NameObjectCollectionBase_t773911740_0 * __this, String_t* ___name, const MethodInfo* method)
{
_Item_t_1254169345_0 * V_0 = {0};
{
String_t* L_0 = ___name;
_Item_t_1254169345_0 * L_1 = NameObjectCollectionBase_FindFirstMatchedItem_m_362397204_0(__this, L_0, /*hidden argument*/NULL);
V_0 = L_1;
_Item_t_1254169345_0 * L_2 = V_0;
if (L_2)
{
goto IL_0010;
}
}
{
return NULL;
}
IL_0010:
{
_Item_t_1254169345_0 * L_3 = V_0;
NullCheck(L_3);
Object_t * L_4 = (L_3->___value_1);
return L_4;
}
}
// System.String System.Collections.Specialized.NameObjectCollectionBase::BaseGetKey(System.Int32)
extern TypeInfo* _Item_t_1254169345_0_il2cpp_TypeInfo_var;
extern "C" String_t* NameObjectCollectionBase_BaseGetKey_m_861828136_0 (NameObjectCollectionBase_t773911740_0 * __this, int32_t ___index, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
_Item_t_1254169345_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(623);
s_Il2CppMethodIntialized = true;
}
{
ArrayList_t536890563_0 * L_0 = (__this->___m_ItemsArray_2);
int32_t L_1 = ___index;
NullCheck(L_0);
Object_t * L_2 = (Object_t *)VirtFuncInvoker1< Object_t *, int32_t >::Invoke(21 /* System.Object System.Collections.ArrayList::get_Item(System.Int32) */, L_0, L_1);
NullCheck(((_Item_t_1254169345_0 *)CastclassClass(L_2, _Item_t_1254169345_0_il2cpp_TypeInfo_var)));
String_t* L_3 = (((_Item_t_1254169345_0 *)CastclassClass(L_2, _Item_t_1254169345_0_il2cpp_TypeInfo_var))->___key_0);
return L_3;
}
}
// System.Collections.Specialized.NameObjectCollectionBase/_Item System.Collections.Specialized.NameObjectCollectionBase::FindFirstMatchedItem(System.String)
extern TypeInfo* _Item_t_1254169345_0_il2cpp_TypeInfo_var;
extern "C" _Item_t_1254169345_0 * NameObjectCollectionBase_FindFirstMatchedItem_m_362397204_0 (NameObjectCollectionBase_t773911740_0 * __this, String_t* ___name, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
_Item_t_1254169345_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(623);
s_Il2CppMethodIntialized = true;
}
{
String_t* L_0 = ___name;
if (!L_0)
{
goto IL_0018;
}
}
{
Hashtable_t_2004451924_0 * L_1 = (__this->___m_ItemsContainer_0);
String_t* L_2 = ___name;
NullCheck(L_1);
Object_t * L_3 = (Object_t *)VirtFuncInvoker1< Object_t *, Object_t * >::Invoke(24 /* System.Object System.Collections.Hashtable::get_Item(System.Object) */, L_1, L_2);
return ((_Item_t_1254169345_0 *)CastclassClass(L_3, _Item_t_1254169345_0_il2cpp_TypeInfo_var));
}
IL_0018:
{
_Item_t_1254169345_0 * L_4 = (__this->___m_NullKeyItem_1);
return L_4;
}
}
// System.Void System.Collections.Specialized.NameValueCollection::.ctor()
extern "C" void NameValueCollection__ctor_m_1741764907_0 (NameValueCollection_t_1489674975_0 * __this, const MethodInfo* method)
{
{
NameObjectCollectionBase__ctor_m1741929684_0(__this, /*hidden argument*/NULL);
return;
}
}
// System.Void System.Collections.Specialized.NameValueCollection::.ctor(System.Runtime.Serialization.SerializationInfo,System.Runtime.Serialization.StreamingContext)
extern "C" void NameValueCollection__ctor_m_1101693290_0 (NameValueCollection_t_1489674975_0 * __this, SerializationInfo_t526833679_0 * ___info, StreamingContext_t_1216992900_0 ___context, const MethodInfo* method)
{
{
SerializationInfo_t526833679_0 * L_0 = ___info;
StreamingContext_t_1216992900_0 L_1 = ___context;
NameObjectCollectionBase__ctor_m355604501_0(__this, L_0, L_1, /*hidden argument*/NULL);
return;
}
}
// System.Void System.Collections.Specialized.NameValueCollection::Add(System.String,System.String)
extern TypeInfo* NotSupportedException_t1382227673_0_il2cpp_TypeInfo_var;
extern TypeInfo* ArrayList_t536890563_0_il2cpp_TypeInfo_var;
extern Il2CppCodeGenString* _stringLiteral615244847_0;
extern "C" void NameValueCollection_Add_m1609818730_0 (NameValueCollection_t_1489674975_0 * __this, String_t* ___name, String_t* ___val, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
NotSupportedException_t1382227673_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(6);
ArrayList_t536890563_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(55);
_stringLiteral615244847_0 = il2cpp_codegen_string_literal_from_index(146);
s_Il2CppMethodIntialized = true;
}
ArrayList_t536890563_0 * V_0 = {0};
{
bool L_0 = NameObjectCollectionBase_get_IsReadOnly_m911678543_0(__this, /*hidden argument*/NULL);
if (!L_0)
{
goto IL_0016;
}
}
{
NotSupportedException_t1382227673_0 * L_1 = (NotSupportedException_t1382227673_0 *)il2cpp_codegen_object_new (NotSupportedException_t1382227673_0_il2cpp_TypeInfo_var);
NotSupportedException__ctor_m133757637_0(L_1, _stringLiteral615244847_0, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_1);
}
IL_0016:
{
NameValueCollection_InvalidateCachedArrays_m_725946266_0(__this, /*hidden argument*/NULL);
String_t* L_2 = ___name;
Object_t * L_3 = NameObjectCollectionBase_BaseGet_m_890843242_0(__this, L_2, /*hidden argument*/NULL);
V_0 = ((ArrayList_t536890563_0 *)CastclassClass(L_3, ArrayList_t536890563_0_il2cpp_TypeInfo_var));
ArrayList_t536890563_0 * L_4 = V_0;
if (L_4)
{
goto IL_0050;
}
}
{
ArrayList_t536890563_0 * L_5 = (ArrayList_t536890563_0 *)il2cpp_codegen_object_new (ArrayList_t536890563_0_il2cpp_TypeInfo_var);
ArrayList__ctor_m1878432947_0(L_5, /*hidden argument*/NULL);
V_0 = L_5;
String_t* L_6 = ___val;
if (!L_6)
{
goto IL_0043;
}
}
{
ArrayList_t536890563_0 * L_7 = V_0;
String_t* L_8 = ___val;
NullCheck(L_7);
VirtFuncInvoker1< int32_t, Object_t * >::Invoke(30 /* System.Int32 System.Collections.ArrayList::Add(System.Object) */, L_7, L_8);
}
IL_0043:
{
String_t* L_9 = ___name;
ArrayList_t536890563_0 * L_10 = V_0;
NameObjectCollectionBase_BaseAdd_m_1645849778_0(__this, L_9, L_10, /*hidden argument*/NULL);
goto IL_005e;
}
IL_0050:
{
String_t* L_11 = ___val;
if (!L_11)
{
goto IL_005e;
}
}
{
ArrayList_t536890563_0 * L_12 = V_0;
String_t* L_13 = ___val;
NullCheck(L_12);
VirtFuncInvoker1< int32_t, Object_t * >::Invoke(30 /* System.Int32 System.Collections.ArrayList::Add(System.Object) */, L_12, L_13);
}
IL_005e:
{
return;
}
}
// System.String System.Collections.Specialized.NameValueCollection::Get(System.Int32)
extern TypeInfo* ArrayList_t536890563_0_il2cpp_TypeInfo_var;
extern "C" String_t* NameValueCollection_Get_m_1454014057_0 (NameValueCollection_t_1489674975_0 * __this, int32_t ___index, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
ArrayList_t536890563_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(55);
s_Il2CppMethodIntialized = true;
}
ArrayList_t536890563_0 * V_0 = {0};
{
int32_t L_0 = ___index;
Object_t * L_1 = NameObjectCollectionBase_BaseGet_m_1290395075_0(__this, L_0, /*hidden argument*/NULL);
V_0 = ((ArrayList_t536890563_0 *)CastclassClass(L_1, ArrayList_t536890563_0_il2cpp_TypeInfo_var));
ArrayList_t536890563_0 * L_2 = V_0;
String_t* L_3 = NameValueCollection_AsSingleString_m_1113033922_0(NULL /*static, unused*/, L_2, /*hidden argument*/NULL);
return L_3;
}
}
// System.String System.Collections.Specialized.NameValueCollection::AsSingleString(System.Collections.ArrayList)
extern TypeInfo* String_t_il2cpp_TypeInfo_var;
extern TypeInfo* Char_t_224738991_0_il2cpp_TypeInfo_var;
extern TypeInfo* StringBuilder_t586045924_0_il2cpp_TypeInfo_var;
extern "C" String_t* NameValueCollection_AsSingleString_m_1113033922_0 (Object_t * __this /* static, unused */, ArrayList_t536890563_0 * ___values, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
String_t_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(11);
Char_t_224738991_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(9);
StringBuilder_t586045924_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(36);
s_Il2CppMethodIntialized = true;
}
uint16_t V_0 = 0x0;
int32_t V_1 = 0;
int32_t V_2 = 0;
int32_t V_3 = 0;
StringBuilder_t586045924_0 * V_4 = {0};
int32_t V_5 = 0;
int32_t V_6 = 0;
{
ArrayList_t536890563_0 * L_0 = ___values;
if (L_0)
{
goto IL_0008;
}
}
{
return (String_t*)NULL;
}
IL_0008:
{
ArrayList_t536890563_0 * L_1 = ___values;
NullCheck(L_1);
int32_t L_2 = (int32_t)VirtFuncInvoker0< int32_t >::Invoke(23 /* System.Int32 System.Collections.ArrayList::get_Count() */, L_1);
V_1 = L_2;
int32_t L_3 = V_1;
V_6 = L_3;
int32_t L_4 = V_6;
if (L_4 == 0)
{
goto IL_002a;
}
if (L_4 == 1)
{
goto IL_002c;
}
if (L_4 == 2)
{
goto IL_0039;
}
}
{
goto IL_005e;
}
IL_002a:
{
return (String_t*)NULL;
}
IL_002c:
{
ArrayList_t536890563_0 * L_5 = ___values;
NullCheck(L_5);
Object_t * L_6 = (Object_t *)VirtFuncInvoker1< Object_t *, int32_t >::Invoke(21 /* System.Object System.Collections.ArrayList::get_Item(System.Int32) */, L_5, 0);
return ((String_t*)CastclassSealed(L_6, String_t_il2cpp_TypeInfo_var));
}
IL_0039:
{
ArrayList_t536890563_0 * L_7 = ___values;
NullCheck(L_7);
Object_t * L_8 = (Object_t *)VirtFuncInvoker1< Object_t *, int32_t >::Invoke(21 /* System.Object System.Collections.ArrayList::get_Item(System.Int32) */, L_7, 0);
uint16_t L_9 = ((uint16_t)((int32_t)44));
Object_t * L_10 = Box(Char_t_224738991_0_il2cpp_TypeInfo_var, &L_9);
ArrayList_t536890563_0 * L_11 = ___values;
NullCheck(L_11);
Object_t * L_12 = (Object_t *)VirtFuncInvoker1< Object_t *, int32_t >::Invoke(21 /* System.Object System.Collections.ArrayList::get_Item(System.Int32) */, L_11, 1);
IL2CPP_RUNTIME_CLASS_INIT(String_t_il2cpp_TypeInfo_var);
String_t* L_13 = String_Concat_m_1485633153_0(NULL /*static, unused*/, ((String_t*)CastclassSealed(L_8, String_t_il2cpp_TypeInfo_var)), L_10, ((String_t*)CastclassSealed(L_12, String_t_il2cpp_TypeInfo_var)), /*hidden argument*/NULL);
return L_13;
}
IL_005e:
{
int32_t L_14 = V_1;
V_2 = L_14;
V_3 = 0;
goto IL_007f;
}
IL_0067:
{
int32_t L_15 = V_2;
ArrayList_t536890563_0 * L_16 = ___values;
int32_t L_17 = V_3;
NullCheck(L_16);
Object_t * L_18 = (Object_t *)VirtFuncInvoker1< Object_t *, int32_t >::Invoke(21 /* System.Object System.Collections.ArrayList::get_Item(System.Int32) */, L_16, L_17);
NullCheck(((String_t*)CastclassSealed(L_18, String_t_il2cpp_TypeInfo_var)));
int32_t L_19 = String_get_Length_m_1314969965_0(((String_t*)CastclassSealed(L_18, String_t_il2cpp_TypeInfo_var)), /*hidden argument*/NULL);
V_2 = ((int32_t)((int32_t)L_15+(int32_t)L_19));
int32_t L_20 = V_3;
V_3 = ((int32_t)((int32_t)L_20+(int32_t)1));
}
IL_007f:
{
int32_t L_21 = V_3;
int32_t L_22 = V_1;
if ((((int32_t)L_21) < ((int32_t)L_22)))
{
goto IL_0067;
}
}
{
ArrayList_t536890563_0 * L_23 = ___values;
NullCheck(L_23);
Object_t * L_24 = (Object_t *)VirtFuncInvoker1< Object_t *, int32_t >::Invoke(21 /* System.Object System.Collections.ArrayList::get_Item(System.Int32) */, L_23, 0);
int32_t L_25 = V_2;
StringBuilder_t586045924_0 * L_26 = (StringBuilder_t586045924_0 *)il2cpp_codegen_object_new (StringBuilder_t586045924_0_il2cpp_TypeInfo_var);
StringBuilder__ctor_m1310751873_0(L_26, ((String_t*)CastclassSealed(L_24, String_t_il2cpp_TypeInfo_var)), L_25, /*hidden argument*/NULL);
V_4 = L_26;
V_5 = 1;
goto IL_00c2;
}
IL_00a2:
{
StringBuilder_t586045924_0 * L_27 = V_4;
NullCheck(L_27);
StringBuilder_Append_m2143093878_0(L_27, ((int32_t)44), /*hidden argument*/NULL);
StringBuilder_t586045924_0 * L_28 = V_4;
ArrayList_t536890563_0 * L_29 = ___values;
int32_t L_30 = V_5;
NullCheck(L_29);
Object_t * L_31 = (Object_t *)VirtFuncInvoker1< Object_t *, int32_t >::Invoke(21 /* System.Object System.Collections.ArrayList::get_Item(System.Int32) */, L_29, L_30);
NullCheck(L_28);
StringBuilder_Append_m_174766867_0(L_28, L_31, /*hidden argument*/NULL);
int32_t L_32 = V_5;
V_5 = ((int32_t)((int32_t)L_32+(int32_t)1));
}
IL_00c2:
{
int32_t L_33 = V_5;
int32_t L_34 = V_1;
if ((((int32_t)L_33) < ((int32_t)L_34)))
{
goto IL_00a2;
}
}
{
StringBuilder_t586045924_0 * L_35 = V_4;
NullCheck(L_35);
String_t* L_36 = StringBuilder_ToString_m350379841_0(L_35, /*hidden argument*/NULL);
return L_36;
}
}
// System.String System.Collections.Specialized.NameValueCollection::GetKey(System.Int32)
extern "C" String_t* NameValueCollection_GetKey_m_217818644_0 (NameValueCollection_t_1489674975_0 * __this, int32_t ___index, const MethodInfo* method)
{
{
int32_t L_0 = ___index;
String_t* L_1 = NameObjectCollectionBase_BaseGetKey_m_861828136_0(__this, L_0, /*hidden argument*/NULL);
return L_1;
}
}
// System.Void System.Collections.Specialized.NameValueCollection::InvalidateCachedArrays()
extern "C" void NameValueCollection_InvalidateCachedArrays_m_725946266_0 (NameValueCollection_t_1489674975_0 * __this, const MethodInfo* method)
{
{
__this->___cachedAllKeys_10 = (StringU5BU5D_t_816028754_0*)NULL;
__this->___cachedAll_11 = (StringU5BU5D_t_816028754_0*)NULL;
return;
}
}
// System.Void System.ComponentModel.EditorBrowsableAttribute::.ctor(System.ComponentModel.EditorBrowsableState)
extern "C" void EditorBrowsableAttribute__ctor_m2031704921_0 (EditorBrowsableAttribute_t466544369_0 * __this, int32_t ___state, const MethodInfo* method)
{
{
Attribute__ctor_m_1309613515_0(__this, /*hidden argument*/NULL);
int32_t L_0 = ___state;
__this->___state_0 = L_0;
return;
}
}
// System.ComponentModel.EditorBrowsableState System.ComponentModel.EditorBrowsableAttribute::get_State()
extern "C" int32_t EditorBrowsableAttribute_get_State_m_2100304520_0 (EditorBrowsableAttribute_t466544369_0 * __this, const MethodInfo* method)
{
{
int32_t L_0 = (__this->___state_0);
return L_0;
}
}
// System.Boolean System.ComponentModel.EditorBrowsableAttribute::Equals(System.Object)
extern TypeInfo* EditorBrowsableAttribute_t466544369_0_il2cpp_TypeInfo_var;
extern "C" bool EditorBrowsableAttribute_Equals_m2138671840_0 (EditorBrowsableAttribute_t466544369_0 * __this, Object_t * ___obj, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
EditorBrowsableAttribute_t466544369_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(626);
s_Il2CppMethodIntialized = true;
}
{
Object_t * L_0 = ___obj;
if (((EditorBrowsableAttribute_t466544369_0 *)IsInstSealed(L_0, EditorBrowsableAttribute_t466544369_0_il2cpp_TypeInfo_var)))
{
goto IL_000d;
}
}
{
return (bool)0;
}
IL_000d:
{
Object_t * L_1 = ___obj;
if ((!(((Object_t*)(Object_t *)L_1) == ((Object_t*)(EditorBrowsableAttribute_t466544369_0 *)__this))))
{
goto IL_0016;
}
}
{
return (bool)1;
}
IL_0016:
{
Object_t * L_2 = ___obj;
NullCheck(((EditorBrowsableAttribute_t466544369_0 *)CastclassSealed(L_2, EditorBrowsableAttribute_t466544369_0_il2cpp_TypeInfo_var)));
int32_t L_3 = EditorBrowsableAttribute_get_State_m_2100304520_0(((EditorBrowsableAttribute_t466544369_0 *)CastclassSealed(L_2, EditorBrowsableAttribute_t466544369_0_il2cpp_TypeInfo_var)), /*hidden argument*/NULL);
int32_t L_4 = (__this->___state_0);
return (bool)((((int32_t)L_3) == ((int32_t)L_4))? 1 : 0);
}
}
// System.Int32 System.ComponentModel.EditorBrowsableAttribute::GetHashCode()
extern TypeInfo* EditorBrowsableState_t1272935270_0_il2cpp_TypeInfo_var;
extern "C" int32_t EditorBrowsableAttribute_GetHashCode_m_1643271356_0 (EditorBrowsableAttribute_t466544369_0 * __this, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
EditorBrowsableState_t1272935270_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(627);
s_Il2CppMethodIntialized = true;
}
{
int32_t L_0 = (__this->___state_0);
int32_t L_1 = L_0;
Object_t * L_2 = Box(EditorBrowsableState_t1272935270_0_il2cpp_TypeInfo_var, &L_1);
NullCheck(L_2);
int32_t L_3 = (int32_t)VirtFuncInvoker0< int32_t >::Invoke(2 /* System.Int32 System.Enum::GetHashCode() */, L_2);
return L_3;
}
}
// System.Void System.ComponentModel.TypeConverterAttribute::.ctor()
extern TypeInfo* String_t_il2cpp_TypeInfo_var;
extern "C" void TypeConverterAttribute__ctor_m1679891427_0 (TypeConverterAttribute_t_1743453549_0 * __this, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
String_t_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(11);
s_Il2CppMethodIntialized = true;
}
{
Attribute__ctor_m_1309613515_0(__this, /*hidden argument*/NULL);
IL2CPP_RUNTIME_CLASS_INIT(String_t_il2cpp_TypeInfo_var);
String_t* L_0 = ((String_t_StaticFields*)String_t_il2cpp_TypeInfo_var->static_fields)->___Empty_2;
__this->___converter_type_1 = L_0;
return;
}
}
// System.Void System.ComponentModel.TypeConverterAttribute::.ctor(System.Type)
extern "C" void TypeConverterAttribute__ctor_m1621665718_0 (TypeConverterAttribute_t_1743453549_0 * __this, Type_t * ___type, const MethodInfo* method)
{
{
Attribute__ctor_m_1309613515_0(__this, /*hidden argument*/NULL);
Type_t * L_0 = ___type;
NullCheck(L_0);
String_t* L_1 = (String_t*)VirtFuncInvoker0< String_t* >::Invoke(15 /* System.String System.Type::get_AssemblyQualifiedName() */, L_0);
__this->___converter_type_1 = L_1;
return;
}
}
// System.Void System.ComponentModel.TypeConverterAttribute::.cctor()
extern TypeInfo* TypeConverterAttribute_t_1743453549_0_il2cpp_TypeInfo_var;
extern "C" void TypeConverterAttribute__cctor_m54930474_0 (Object_t * __this /* static, unused */, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
TypeConverterAttribute_t_1743453549_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(628);
s_Il2CppMethodIntialized = true;
}
{
TypeConverterAttribute_t_1743453549_0 * L_0 = (TypeConverterAttribute_t_1743453549_0 *)il2cpp_codegen_object_new (TypeConverterAttribute_t_1743453549_0_il2cpp_TypeInfo_var);
TypeConverterAttribute__ctor_m1679891427_0(L_0, /*hidden argument*/NULL);
((TypeConverterAttribute_t_1743453549_0_StaticFields*)TypeConverterAttribute_t_1743453549_0_il2cpp_TypeInfo_var->static_fields)->___Default_0 = L_0;
return;
}
}
// System.Boolean System.ComponentModel.TypeConverterAttribute::Equals(System.Object)
extern TypeInfo* TypeConverterAttribute_t_1743453549_0_il2cpp_TypeInfo_var;
extern TypeInfo* String_t_il2cpp_TypeInfo_var;
extern "C" bool TypeConverterAttribute_Equals_m476857406_0 (TypeConverterAttribute_t_1743453549_0 * __this, Object_t * ___obj, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
TypeConverterAttribute_t_1743453549_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(628);
String_t_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(11);
s_Il2CppMethodIntialized = true;
}
{
Object_t * L_0 = ___obj;
if (((TypeConverterAttribute_t_1743453549_0 *)IsInstSealed(L_0, TypeConverterAttribute_t_1743453549_0_il2cpp_TypeInfo_var)))
{
goto IL_000d;
}
}
{
return (bool)0;
}
IL_000d:
{
Object_t * L_1 = ___obj;
NullCheck(((TypeConverterAttribute_t_1743453549_0 *)CastclassSealed(L_1, TypeConverterAttribute_t_1743453549_0_il2cpp_TypeInfo_var)));
String_t* L_2 = TypeConverterAttribute_get_ConverterTypeName_m_1216434310_0(((TypeConverterAttribute_t_1743453549_0 *)CastclassSealed(L_1, TypeConverterAttribute_t_1743453549_0_il2cpp_TypeInfo_var)), /*hidden argument*/NULL);
String_t* L_3 = (__this->___converter_type_1);
IL2CPP_RUNTIME_CLASS_INIT(String_t_il2cpp_TypeInfo_var);
bool L_4 = String_op_Equality_m1260523650_0(NULL /*static, unused*/, L_2, L_3, /*hidden argument*/NULL);
return L_4;
}
}
// System.Int32 System.ComponentModel.TypeConverterAttribute::GetHashCode()
extern "C" int32_t TypeConverterAttribute_GetHashCode_m_897051614_0 (TypeConverterAttribute_t_1743453549_0 * __this, const MethodInfo* method)
{
{
String_t* L_0 = (__this->___converter_type_1);
NullCheck(L_0);
int32_t L_1 = String_GetHashCode_m471729487_0(L_0, /*hidden argument*/NULL);
return L_1;
}
}
// System.String System.ComponentModel.TypeConverterAttribute::get_ConverterTypeName()
extern "C" String_t* TypeConverterAttribute_get_ConverterTypeName_m_1216434310_0 (TypeConverterAttribute_t_1743453549_0 * __this, const MethodInfo* method)
{
{
String_t* L_0 = (__this->___converter_type_1);
return L_0;
}
}
// System.Void System.ComponentModel.Win32Exception::.ctor()
extern TypeInfo* Marshal_t973547706_0_il2cpp_TypeInfo_var;
extern "C" void Win32Exception__ctor_m_1727958523_0 (Win32Exception_t_918716111_0 * __this, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
Marshal_t973547706_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(112);
s_Il2CppMethodIntialized = true;
}
{
IL2CPP_RUNTIME_CLASS_INIT(Marshal_t973547706_0_il2cpp_TypeInfo_var);
int32_t L_0 = Marshal_GetLastWin32Error_m701978199_0(NULL /*static, unused*/, /*hidden argument*/NULL);
String_t* L_1 = Win32Exception_W32ErrorMessage_m_1705683834_0(NULL /*static, unused*/, L_0, /*hidden argument*/NULL);
ExternalException__ctor_m_693314804_0(__this, L_1, /*hidden argument*/NULL);
int32_t L_2 = Marshal_GetLastWin32Error_m701978199_0(NULL /*static, unused*/, /*hidden argument*/NULL);
__this->___native_error_code_11 = L_2;
return;
}
}
// System.Void System.ComponentModel.Win32Exception::.ctor(System.Int32)
extern "C" void Win32Exception__ctor_m931350486_0 (Win32Exception_t_918716111_0 * __this, int32_t ___error, const MethodInfo* method)
{
{
int32_t L_0 = ___error;
String_t* L_1 = Win32Exception_W32ErrorMessage_m_1705683834_0(NULL /*static, unused*/, L_0, /*hidden argument*/NULL);
ExternalException__ctor_m_693314804_0(__this, L_1, /*hidden argument*/NULL);
int32_t L_2 = ___error;
__this->___native_error_code_11 = L_2;
return;
}
}
// System.Void System.ComponentModel.Win32Exception::.ctor(System.Int32,System.String)
extern "C" void Win32Exception__ctor_m1587478930_0 (Win32Exception_t_918716111_0 * __this, int32_t ___error, String_t* ___message, const MethodInfo* method)
{
{
String_t* L_0 = ___message;
ExternalException__ctor_m_693314804_0(__this, L_0, /*hidden argument*/NULL);
int32_t L_1 = ___error;
__this->___native_error_code_11 = L_1;
return;
}
}
// System.Void System.ComponentModel.Win32Exception::.ctor(System.Runtime.Serialization.SerializationInfo,System.Runtime.Serialization.StreamingContext)
extern Il2CppCodeGenString* _stringLiteral_1097703010_0;
extern "C" void Win32Exception__ctor_m655557062_0 (Win32Exception_t_918716111_0 * __this, SerializationInfo_t526833679_0 * ___info, StreamingContext_t_1216992900_0 ___context, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
_stringLiteral_1097703010_0 = il2cpp_codegen_string_literal_from_index(2091);
s_Il2CppMethodIntialized = true;
}
{
SerializationInfo_t526833679_0 * L_0 = ___info;
StreamingContext_t_1216992900_0 L_1 = ___context;
ExternalException__ctor_m1975451639_0(__this, L_0, L_1, /*hidden argument*/NULL);
SerializationInfo_t526833679_0 * L_2 = ___info;
NullCheck(L_2);
int32_t L_3 = SerializationInfo_GetInt32_m_246931343_0(L_2, _stringLiteral_1097703010_0, /*hidden argument*/NULL);
__this->___native_error_code_11 = L_3;
return;
}
}
// System.Int32 System.ComponentModel.Win32Exception::get_NativeErrorCode()
extern "C" int32_t Win32Exception_get_NativeErrorCode_m1057550088_0 (Win32Exception_t_918716111_0 * __this, const MethodInfo* method)
{
{
int32_t L_0 = (__this->___native_error_code_11);
return L_0;
}
}
// System.Void System.ComponentModel.Win32Exception::GetObjectData(System.Runtime.Serialization.SerializationInfo,System.Runtime.Serialization.StreamingContext)
extern TypeInfo* ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var;
extern Il2CppCodeGenString* _stringLiteral3237038_0;
extern Il2CppCodeGenString* _stringLiteral_1097703010_0;
extern "C" void Win32Exception_GetObjectData_m_709811421_0 (Win32Exception_t_918716111_0 * __this, SerializationInfo_t526833679_0 * ___info, StreamingContext_t_1216992900_0 ___context, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(2);
_stringLiteral3237038_0 = il2cpp_codegen_string_literal_from_index(109);
_stringLiteral_1097703010_0 = il2cpp_codegen_string_literal_from_index(2091);
s_Il2CppMethodIntialized = true;
}
{
SerializationInfo_t526833679_0 * L_0 = ___info;
if (L_0)
{
goto IL_0011;
}
}
{
ArgumentNullException_t_1072101840_0 * L_1 = (ArgumentNullException_t_1072101840_0 *)il2cpp_codegen_object_new (ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var);
ArgumentNullException__ctor_m135444188_0(L_1, _stringLiteral3237038_0, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_1);
}
IL_0011:
{
SerializationInfo_t526833679_0 * L_2 = ___info;
int32_t L_3 = (__this->___native_error_code_11);
NullCheck(L_2);
SerializationInfo_AddValue_m_1946426782_0(L_2, _stringLiteral_1097703010_0, L_3, /*hidden argument*/NULL);
SerializationInfo_t526833679_0 * L_4 = ___info;
StreamingContext_t_1216992900_0 L_5 = ___context;
Exception_GetObjectData_m1945031808_0(__this, L_4, L_5, /*hidden argument*/NULL);
return;
}
}
// System.String System.ComponentModel.Win32Exception::W32ErrorMessage(System.Int32)
extern "C" String_t* Win32Exception_W32ErrorMessage_m_1705683834_0 (Object_t * __this /* static, unused */, int32_t ___error_code, const MethodInfo* method)
{
using namespace il2cpp::icalls;
typedef String_t* (*Win32Exception_W32ErrorMessage_m_1705683834_0_ftn) (int32_t);
return ((Win32Exception_W32ErrorMessage_m_1705683834_0_ftn)System::System::ComponentModel::Win32Exception::W32ErrorMessage) (___error_code);
}
// System.Void System.Diagnostics.Debug::WriteLine(System.String)
extern TypeInfo* Console_t867283324_0_il2cpp_TypeInfo_var;
extern "C" void Debug_WriteLine_m_131339481_0 (Object_t * __this /* static, unused */, String_t* ___message, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
Console_t867283324_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(575);
s_Il2CppMethodIntialized = true;
}
{
String_t* L_0 = ___message;
IL2CPP_RUNTIME_CLASS_INIT(Console_t867283324_0_il2cpp_TypeInfo_var);
Console_WriteLine_m_1465765321_0(NULL /*static, unused*/, L_0, /*hidden argument*/NULL);
return;
}
}
// System.Void System.Diagnostics.Stopwatch::.ctor()
extern "C" void Stopwatch__ctor_m435104496_0 (Stopwatch_t_1779390746_0 * __this, const MethodInfo* method)
{
{
Object__ctor_m1772956182_0(__this, /*hidden argument*/NULL);
return;
}
}
// System.Void System.Diagnostics.Stopwatch::.cctor()
extern TypeInfo* Stopwatch_t_1779390746_0_il2cpp_TypeInfo_var;
extern "C" void Stopwatch__cctor_m121241277_0 (Object_t * __this /* static, unused */, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
Stopwatch_t_1779390746_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(629);
s_Il2CppMethodIntialized = true;
}
{
((Stopwatch_t_1779390746_0_StaticFields*)Stopwatch_t_1779390746_0_il2cpp_TypeInfo_var->static_fields)->___Frequency_0 = (((int64_t)((int64_t)((int32_t)10000000))));
((Stopwatch_t_1779390746_0_StaticFields*)Stopwatch_t_1779390746_0_il2cpp_TypeInfo_var->static_fields)->___IsHighResolution_1 = (bool)1;
return;
}
}
// System.Int64 System.Diagnostics.Stopwatch::GetTimestamp()
extern "C" int64_t Stopwatch_GetTimestamp_m930365925_0 (Object_t * __this /* static, unused */, const MethodInfo* method)
{
using namespace il2cpp::icalls;
typedef int64_t (*Stopwatch_GetTimestamp_m930365925_0_ftn) ();
return ((Stopwatch_GetTimestamp_m930365925_0_ftn)System::System::Diagnostics::Stopwatch::GetTimestamp) ();
}
// System.TimeSpan System.Diagnostics.Stopwatch::get_Elapsed()
extern TypeInfo* Stopwatch_t_1779390746_0_il2cpp_TypeInfo_var;
extern TypeInfo* TimeSpan_t_393459662_0_il2cpp_TypeInfo_var;
extern "C" TimeSpan_t_393459662_0 Stopwatch_get_Elapsed_m892540484_0 (Stopwatch_t_1779390746_0 * __this, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
Stopwatch_t_1779390746_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(629);
TimeSpan_t_393459662_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(331);
s_Il2CppMethodIntialized = true;
}
{
IL2CPP_RUNTIME_CLASS_INIT(Stopwatch_t_1779390746_0_il2cpp_TypeInfo_var);
bool L_0 = ((Stopwatch_t_1779390746_0_StaticFields*)Stopwatch_t_1779390746_0_il2cpp_TypeInfo_var->static_fields)->___IsHighResolution_1;
if (!L_0)
{
goto IL_0023;
}
}
{
int64_t L_1 = Stopwatch_get_ElapsedTicks_m1015444840_0(__this, /*hidden argument*/NULL);
IL2CPP_RUNTIME_CLASS_INIT(Stopwatch_t_1779390746_0_il2cpp_TypeInfo_var);
int64_t L_2 = ((Stopwatch_t_1779390746_0_StaticFields*)Stopwatch_t_1779390746_0_il2cpp_TypeInfo_var->static_fields)->___Frequency_0;
IL2CPP_RUNTIME_CLASS_INIT(TimeSpan_t_393459662_0_il2cpp_TypeInfo_var);
TimeSpan_t_393459662_0 L_3 = TimeSpan_FromTicks_m_1811875529_0(NULL /*static, unused*/, ((int64_t)((int64_t)L_1/(int64_t)((int64_t)((int64_t)L_2/(int64_t)(((int64_t)((int64_t)((int32_t)10000000)))))))), /*hidden argument*/NULL);
return L_3;
}
IL_0023:
{
int64_t L_4 = Stopwatch_get_ElapsedTicks_m1015444840_0(__this, /*hidden argument*/NULL);
IL2CPP_RUNTIME_CLASS_INIT(TimeSpan_t_393459662_0_il2cpp_TypeInfo_var);
TimeSpan_t_393459662_0 L_5 = TimeSpan_FromTicks_m_1811875529_0(NULL /*static, unused*/, L_4, /*hidden argument*/NULL);
return L_5;
}
}
// System.Int64 System.Diagnostics.Stopwatch::get_ElapsedMilliseconds()
extern TypeInfo* Stopwatch_t_1779390746_0_il2cpp_TypeInfo_var;
extern "C" int64_t Stopwatch_get_ElapsedMilliseconds_m23977474_0 (Stopwatch_t_1779390746_0 * __this, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
Stopwatch_t_1779390746_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(629);
s_Il2CppMethodIntialized = true;
}
TimeSpan_t_393459662_0 V_0 = {0};
{
IL2CPP_RUNTIME_CLASS_INIT(Stopwatch_t_1779390746_0_il2cpp_TypeInfo_var);
bool L_0 = ((Stopwatch_t_1779390746_0_StaticFields*)Stopwatch_t_1779390746_0_il2cpp_TypeInfo_var->static_fields)->___IsHighResolution_1;
if (!L_0)
{
goto IL_001e;
}
}
{
int64_t L_1 = Stopwatch_get_ElapsedTicks_m1015444840_0(__this, /*hidden argument*/NULL);
IL2CPP_RUNTIME_CLASS_INIT(Stopwatch_t_1779390746_0_il2cpp_TypeInfo_var);
int64_t L_2 = ((Stopwatch_t_1779390746_0_StaticFields*)Stopwatch_t_1779390746_0_il2cpp_TypeInfo_var->static_fields)->___Frequency_0;
return ((int64_t)((int64_t)L_1/(int64_t)((int64_t)((int64_t)L_2/(int64_t)(((int64_t)((int64_t)((int32_t)1000))))))));
}
IL_001e:
{
TimeSpan_t_393459662_0 L_3 = Stopwatch_get_Elapsed_m892540484_0(__this, /*hidden argument*/NULL);
V_0 = L_3;
double L_4 = TimeSpan_get_TotalMilliseconds_m_241353748_0((&V_0), /*hidden argument*/NULL);
if (L_4 > (double)(std::numeric_limits<int64_t>::max())) il2cpp_codegen_raise_exception((Il2CppCodeGenException*)il2cpp_codegen_get_overflow_exception());
return (((int64_t)((int64_t)L_4)));
}
}
// System.Int64 System.Diagnostics.Stopwatch::get_ElapsedTicks()
extern TypeInfo* Stopwatch_t_1779390746_0_il2cpp_TypeInfo_var;
extern "C" int64_t Stopwatch_get_ElapsedTicks_m1015444840_0 (Stopwatch_t_1779390746_0 * __this, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
Stopwatch_t_1779390746_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(629);
s_Il2CppMethodIntialized = true;
}
int64_t G_B3_0 = 0;
{
bool L_0 = (__this->___is_running_4);
if (!L_0)
{
goto IL_0023;
}
}
{
IL2CPP_RUNTIME_CLASS_INIT(Stopwatch_t_1779390746_0_il2cpp_TypeInfo_var);
int64_t L_1 = Stopwatch_GetTimestamp_m930365925_0(NULL /*static, unused*/, /*hidden argument*/NULL);
int64_t L_2 = (__this->___started_3);
int64_t L_3 = (__this->___elapsed_2);
G_B3_0 = ((int64_t)((int64_t)((int64_t)((int64_t)L_1-(int64_t)L_2))+(int64_t)L_3));
goto IL_0029;
}
IL_0023:
{
int64_t L_4 = (__this->___elapsed_2);
G_B3_0 = L_4;
}
IL_0029:
{
return G_B3_0;
}
}
// System.Void System.Diagnostics.Stopwatch::Reset()
extern "C" void Stopwatch_Reset_m_1918462563_0 (Stopwatch_t_1779390746_0 * __this, const MethodInfo* method)
{
{
__this->___elapsed_2 = (((int64_t)((int64_t)0)));
__this->___is_running_4 = (bool)0;
return;
}
}
// System.Void System.Diagnostics.Stopwatch::Start()
extern TypeInfo* Stopwatch_t_1779390746_0_il2cpp_TypeInfo_var;
extern "C" void Stopwatch_Start_m_617757712_0 (Stopwatch_t_1779390746_0 * __this, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
Stopwatch_t_1779390746_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(629);
s_Il2CppMethodIntialized = true;
}
{
bool L_0 = (__this->___is_running_4);
if (!L_0)
{
goto IL_000c;
}
}
{
return;
}
IL_000c:
{
IL2CPP_RUNTIME_CLASS_INIT(Stopwatch_t_1779390746_0_il2cpp_TypeInfo_var);
int64_t L_1 = Stopwatch_GetTimestamp_m930365925_0(NULL /*static, unused*/, /*hidden argument*/NULL);
__this->___started_3 = L_1;
__this->___is_running_4 = (bool)1;
return;
}
}
// System.Void System.Diagnostics.Stopwatch::Stop()
extern TypeInfo* Stopwatch_t_1779390746_0_il2cpp_TypeInfo_var;
extern "C" void Stopwatch_Stop_m_1682082858_0 (Stopwatch_t_1779390746_0 * __this, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
Stopwatch_t_1779390746_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(629);
s_Il2CppMethodIntialized = true;
}
{
bool L_0 = (__this->___is_running_4);
if (L_0)
{
goto IL_000c;
}
}
{
return;
}
IL_000c:
{
int64_t L_1 = (__this->___elapsed_2);
IL2CPP_RUNTIME_CLASS_INIT(Stopwatch_t_1779390746_0_il2cpp_TypeInfo_var);
int64_t L_2 = Stopwatch_GetTimestamp_m930365925_0(NULL /*static, unused*/, /*hidden argument*/NULL);
int64_t L_3 = (__this->___started_3);
__this->___elapsed_2 = ((int64_t)((int64_t)L_1+(int64_t)((int64_t)((int64_t)L_2-(int64_t)L_3))));
__this->___is_running_4 = (bool)0;
return;
}
}
// System.Void System.Net.Sockets.LingerOption::.ctor(System.Boolean,System.Int32)
extern "C" void LingerOption__ctor_m134971468_0 (LingerOption_t_1578713956_0 * __this, bool ___enable, int32_t ___secs, const MethodInfo* method)
{
{
Object__ctor_m1772956182_0(__this, /*hidden argument*/NULL);
bool L_0 = ___enable;
__this->___enabled_0 = L_0;
int32_t L_1 = ___secs;
__this->___seconds_1 = L_1;
return;
}
}
// System.Void System.Net.Sockets.Socket::.ctor(System.Net.Sockets.AddressFamily,System.Net.Sockets.SocketType,System.Net.Sockets.ProtocolType)
extern TypeInfo* Queue_t_1070229187_0_il2cpp_TypeInfo_var;
extern TypeInfo* ArgumentException_t1159624695_0_il2cpp_TypeInfo_var;
extern TypeInfo* SocketException_t341026936_0_il2cpp_TypeInfo_var;
extern Il2CppCodeGenString* _stringLiteral_1281860764_0;
extern "C" void Socket__ctor_m_987995908_0 (Socket_t771039639_0 * __this, int32_t ___family, int32_t ___type, int32_t ___proto, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
Queue_t_1070229187_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(205);
ArgumentException_t1159624695_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(4);
SocketException_t341026936_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(630);
_stringLiteral_1281860764_0 = il2cpp_codegen_string_literal_from_index(2092);
s_Il2CppMethodIntialized = true;
}
int32_t V_0 = 0;
{
__this->___blocking_12 = (bool)1;
__this->___max_bind_count_16 = ((int32_t)50);
Queue_t_1070229187_0 * L_0 = (Queue_t_1070229187_0 *)il2cpp_codegen_object_new (Queue_t_1070229187_0_il2cpp_TypeInfo_var);
Queue__ctor_m748061386_0(L_0, 2, /*hidden argument*/NULL);
__this->___readQ_0 = L_0;
Queue_t_1070229187_0 * L_1 = (Queue_t_1070229187_0 *)il2cpp_codegen_object_new (Queue_t_1070229187_0_il2cpp_TypeInfo_var);
Queue__ctor_m748061386_0(L_1, 2, /*hidden argument*/NULL);
__this->___writeQ_1 = L_1;
__this->___MinListenPort_3 = ((int32_t)7100);
__this->___MaxListenPort_4 = ((int32_t)7150);
Object__ctor_m1772956182_0(__this, /*hidden argument*/NULL);
int32_t L_2 = ___family;
if (L_2)
{
goto IL_0054;
}
}
{
ArgumentException_t1159624695_0 * L_3 = (ArgumentException_t1159624695_0 *)il2cpp_codegen_object_new (ArgumentException_t1159624695_0_il2cpp_TypeInfo_var);
ArgumentException__ctor_m_750110749_0(L_3, _stringLiteral_1281860764_0, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_3);
}
IL_0054:
{
int32_t L_4 = ___family;
__this->___address_family_9 = L_4;
int32_t L_5 = ___type;
__this->___socket_type_10 = L_5;
int32_t L_6 = ___proto;
__this->___protocol_type_11 = L_6;
int32_t L_7 = ___family;
int32_t L_8 = ___type;
int32_t L_9 = ___proto;
IntPtr_t L_10 = Socket_Socket_internal_m_1855510163_0(__this, L_7, L_8, L_9, (&V_0), /*hidden argument*/NULL);
__this->___socket_8 = L_10;
int32_t L_11 = V_0;
if (!L_11)
{
goto IL_0087;
}
}
{
int32_t L_12 = V_0;
SocketException_t341026936_0 * L_13 = (SocketException_t341026936_0 *)il2cpp_codegen_object_new (SocketException_t341026936_0_il2cpp_TypeInfo_var);
SocketException__ctor_m2020928431_0(L_13, L_12, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_13);
}
IL_0087:
{
return;
}
}
// System.Void System.Net.Sockets.Socket::.cctor()
extern TypeInfo* Socket_t771039639_0_il2cpp_TypeInfo_var;
extern "C" void Socket__cctor_m_577956940_0 (Object_t * __this /* static, unused */, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
Socket_t771039639_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(631);
s_Il2CppMethodIntialized = true;
}
{
((Socket_t771039639_0_StaticFields*)Socket_t771039639_0_il2cpp_TypeInfo_var->static_fields)->___ipv4Supported_5 = (-1);
((Socket_t771039639_0_StaticFields*)Socket_t771039639_0_il2cpp_TypeInfo_var->static_fields)->___ipv6Supported_6 = (-1);
Socket_CheckProtocolSupport_m1469859642_0(NULL /*static, unused*/, /*hidden argument*/NULL);
return;
}
}
// System.Int32 System.Net.Sockets.Socket::Available_internal(System.IntPtr,System.Int32&)
extern "C" int32_t Socket_Available_internal_m_321502117_0 (Object_t * __this /* static, unused */, IntPtr_t ___socket, int32_t* ___error, const MethodInfo* method)
{
using namespace il2cpp::icalls;
typedef int32_t (*Socket_Available_internal_m_321502117_0_ftn) (IntPtr_t, int32_t*);
return ((Socket_Available_internal_m_321502117_0_ftn)System::System::Net::Sockets::Socket::Available) (___socket, ___error);
}
// System.Int32 System.Net.Sockets.Socket::get_Available()
extern TypeInfo* ObjectDisposedException_t_1490685872_0_il2cpp_TypeInfo_var;
extern TypeInfo* Socket_t771039639_0_il2cpp_TypeInfo_var;
extern TypeInfo* SocketException_t341026936_0_il2cpp_TypeInfo_var;
extern "C" int32_t Socket_get_Available_m137334663_0 (Socket_t771039639_0 * __this, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
ObjectDisposedException_t_1490685872_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(138);
Socket_t771039639_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(631);
SocketException_t341026936_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(630);
s_Il2CppMethodIntialized = true;
}
int32_t V_0 = 0;
int32_t V_1 = 0;
{
bool L_0 = (__this->___disposed_19);
if (!L_0)
{
goto IL_0027;
}
}
{
bool L_1 = (__this->___closed_18);
if (!L_1)
{
goto IL_0027;
}
}
{
Type_t * L_2 = Object_GetType_m2022236990_0(__this, /*hidden argument*/NULL);
NullCheck(L_2);
String_t* L_3 = (String_t*)VirtFuncInvoker0< String_t* >::Invoke(3 /* System.String System.Type::ToString() */, L_2);
ObjectDisposedException_t_1490685872_0 * L_4 = (ObjectDisposedException_t_1490685872_0 *)il2cpp_codegen_object_new (ObjectDisposedException_t_1490685872_0_il2cpp_TypeInfo_var);
ObjectDisposedException__ctor_m1180707260_0(L_4, L_3, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_4);
}
IL_0027:
{
IntPtr_t L_5 = (__this->___socket_8);
IL2CPP_RUNTIME_CLASS_INIT(Socket_t771039639_0_il2cpp_TypeInfo_var);
int32_t L_6 = Socket_Available_internal_m_321502117_0(NULL /*static, unused*/, L_5, (&V_1), /*hidden argument*/NULL);
V_0 = L_6;
int32_t L_7 = V_1;
if (!L_7)
{
goto IL_0042;
}
}
{
int32_t L_8 = V_1;
SocketException_t341026936_0 * L_9 = (SocketException_t341026936_0 *)il2cpp_codegen_object_new (SocketException_t341026936_0_il2cpp_TypeInfo_var);
SocketException__ctor_m2020928431_0(L_9, L_8, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_9);
}
IL_0042:
{
int32_t L_10 = V_0;
return L_10;
}
}
// System.Void System.Net.Sockets.Socket::set_ReceiveTimeout(System.Int32)
extern TypeInfo* ObjectDisposedException_t_1490685872_0_il2cpp_TypeInfo_var;
extern TypeInfo* ArgumentOutOfRangeException_t_1011290529_0_il2cpp_TypeInfo_var;
extern Il2CppCodeGenString* _stringLiteral111972721_0;
extern Il2CppCodeGenString* _stringLiteral_301921993_0;
extern "C" void Socket_set_ReceiveTimeout_m_831493737_0 (Socket_t771039639_0 * __this, int32_t ___value, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
ObjectDisposedException_t_1490685872_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(138);
ArgumentOutOfRangeException_t_1011290529_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(27);
_stringLiteral111972721_0 = il2cpp_codegen_string_literal_from_index(54);
_stringLiteral_301921993_0 = il2cpp_codegen_string_literal_from_index(2093);
s_Il2CppMethodIntialized = true;
}
{
bool L_0 = (__this->___disposed_19);
if (!L_0)
{
goto IL_0027;
}
}
{
bool L_1 = (__this->___closed_18);
if (!L_1)
{
goto IL_0027;
}
}
{
Type_t * L_2 = Object_GetType_m2022236990_0(__this, /*hidden argument*/NULL);
NullCheck(L_2);
String_t* L_3 = (String_t*)VirtFuncInvoker0< String_t* >::Invoke(3 /* System.String System.Type::ToString() */, L_2);
ObjectDisposedException_t_1490685872_0 * L_4 = (ObjectDisposedException_t_1490685872_0 *)il2cpp_codegen_object_new (ObjectDisposedException_t_1490685872_0_il2cpp_TypeInfo_var);
ObjectDisposedException__ctor_m1180707260_0(L_4, L_3, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_4);
}
IL_0027:
{
int32_t L_5 = ___value;
if ((((int32_t)L_5) >= ((int32_t)(-1))))
{
goto IL_003e;
}
}
{
ArgumentOutOfRangeException_t_1011290529_0 * L_6 = (ArgumentOutOfRangeException_t_1011290529_0 *)il2cpp_codegen_object_new (ArgumentOutOfRangeException_t_1011290529_0_il2cpp_TypeInfo_var);
ArgumentOutOfRangeException__ctor_m1193970951_0(L_6, _stringLiteral111972721_0, _stringLiteral_301921993_0, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_6);
}
IL_003e:
{
int32_t L_7 = ___value;
if ((!(((uint32_t)L_7) == ((uint32_t)(-1)))))
{
goto IL_0048;
}
}
{
___value = 0;
}
IL_0048:
{
int32_t L_8 = ___value;
Socket_SetSocketOption_m225156057_0(__this, ((int32_t)65535), ((int32_t)4102), L_8, /*hidden argument*/NULL);
return;
}
}
// System.Void System.Net.Sockets.Socket::Connect(System.Net.IPAddress,System.Int32)
extern TypeInfo* IPEndPoint_t_1780335022_0_il2cpp_TypeInfo_var;
extern "C" void Socket_Connect_m_673212717_0 (Socket_t771039639_0 * __this, IPAddress_t125139831_0 * ___address, int32_t ___port, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
IPEndPoint_t_1780335022_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(632);
s_Il2CppMethodIntialized = true;
}
{
IPAddress_t125139831_0 * L_0 = ___address;
int32_t L_1 = ___port;
IPEndPoint_t_1780335022_0 * L_2 = (IPEndPoint_t_1780335022_0 *)il2cpp_codegen_object_new (IPEndPoint_t_1780335022_0_il2cpp_TypeInfo_var);
IPEndPoint__ctor_m613724246_0(L_2, L_0, L_1, /*hidden argument*/NULL);
Socket_Connect_m_851817300_0(__this, L_2, /*hidden argument*/NULL);
return;
}
}
// System.Void System.Net.Sockets.Socket::Connect(System.Net.IPAddress[],System.Int32)
extern TypeInfo* ObjectDisposedException_t_1490685872_0_il2cpp_TypeInfo_var;
extern TypeInfo* ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var;
extern TypeInfo* NotSupportedException_t1382227673_0_il2cpp_TypeInfo_var;
extern TypeInfo* InvalidOperationException_t_523179548_0_il2cpp_TypeInfo_var;
extern TypeInfo* IPEndPoint_t_1780335022_0_il2cpp_TypeInfo_var;
extern TypeInfo* Socket_t771039639_0_il2cpp_TypeInfo_var;
extern TypeInfo* Int32_t1628762099_0_il2cpp_TypeInfo_var;
extern TypeInfo* SocketException_t341026936_0_il2cpp_TypeInfo_var;
extern Il2CppCodeGenString* _stringLiteral874544034_0;
extern Il2CppCodeGenString* _stringLiteral1269248299_0;
extern "C" void Socket_Connect_m2053194101_0 (Socket_t771039639_0 * __this, IPAddressU5BU5D_t296217_0* ___addresses, int32_t ___port, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
ObjectDisposedException_t_1490685872_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(138);
ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(2);
NotSupportedException_t1382227673_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(6);
InvalidOperationException_t_523179548_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(72);
IPEndPoint_t_1780335022_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(632);
Socket_t771039639_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(631);
Int32_t1628762099_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(8);
SocketException_t341026936_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(630);
_stringLiteral874544034_0 = il2cpp_codegen_string_literal_from_index(2094);
_stringLiteral1269248299_0 = il2cpp_codegen_string_literal_from_index(2095);
s_Il2CppMethodIntialized = true;
}
int32_t V_0 = 0;
IPAddress_t125139831_0 * V_1 = {0};
IPAddressU5BU5D_t296217_0* V_2 = {0};
int32_t V_3 = 0;
IPEndPoint_t_1780335022_0 * V_4 = {0};
SocketAddress_t_1639988597_0 * V_5 = {0};
{
bool L_0 = (__this->___disposed_19);
if (!L_0)
{
goto IL_0027;
}
}
{
bool L_1 = (__this->___closed_18);
if (!L_1)
{
goto IL_0027;
}
}
{
Type_t * L_2 = Object_GetType_m2022236990_0(__this, /*hidden argument*/NULL);
NullCheck(L_2);
String_t* L_3 = (String_t*)VirtFuncInvoker0< String_t* >::Invoke(3 /* System.String System.Type::ToString() */, L_2);
ObjectDisposedException_t_1490685872_0 * L_4 = (ObjectDisposedException_t_1490685872_0 *)il2cpp_codegen_object_new (ObjectDisposedException_t_1490685872_0_il2cpp_TypeInfo_var);
ObjectDisposedException__ctor_m1180707260_0(L_4, L_3, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_4);
}
IL_0027:
{
IPAddressU5BU5D_t296217_0* L_5 = ___addresses;
if (L_5)
{
goto IL_0038;
}
}
{
ArgumentNullException_t_1072101840_0 * L_6 = (ArgumentNullException_t_1072101840_0 *)il2cpp_codegen_object_new (ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var);
ArgumentNullException__ctor_m135444188_0(L_6, _stringLiteral874544034_0, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_6);
}
IL_0038:
{
int32_t L_7 = Socket_get_AddressFamily_m794897675_0(__this, /*hidden argument*/NULL);
if ((((int32_t)L_7) == ((int32_t)2)))
{
goto IL_005c;
}
}
{
int32_t L_8 = Socket_get_AddressFamily_m794897675_0(__this, /*hidden argument*/NULL);
if ((((int32_t)L_8) == ((int32_t)((int32_t)23))))
{
goto IL_005c;
}
}
{
NotSupportedException_t1382227673_0 * L_9 = (NotSupportedException_t1382227673_0 *)il2cpp_codegen_object_new (NotSupportedException_t1382227673_0_il2cpp_TypeInfo_var);
NotSupportedException__ctor_m133757637_0(L_9, _stringLiteral1269248299_0, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_9);
}
IL_005c:
{
bool L_10 = (__this->___islistening_2);
if (!L_10)
{
goto IL_006d;
}
}
{
InvalidOperationException_t_523179548_0 * L_11 = (InvalidOperationException_t_523179548_0 *)il2cpp_codegen_object_new (InvalidOperationException_t_523179548_0_il2cpp_TypeInfo_var);
InvalidOperationException__ctor_m355676978_0(L_11, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_11);
}
IL_006d:
{
V_0 = 0;
IPAddressU5BU5D_t296217_0* L_12 = ___addresses;
V_2 = L_12;
V_3 = 0;
goto IL_0112;
}
IL_0078:
{
IPAddressU5BU5D_t296217_0* L_13 = V_2;
int32_t L_14 = V_3;
NullCheck(L_13);
IL2CPP_ARRAY_BOUNDS_CHECK(L_13, L_14);
int32_t L_15 = L_14;
V_1 = (*(IPAddress_t125139831_0 **)(IPAddress_t125139831_0 **)SZArrayLdElema(L_13, L_15, sizeof(IPAddress_t125139831_0 *)));
IPAddress_t125139831_0 * L_16 = V_1;
int32_t L_17 = ___port;
IPEndPoint_t_1780335022_0 * L_18 = (IPEndPoint_t_1780335022_0 *)il2cpp_codegen_object_new (IPEndPoint_t_1780335022_0_il2cpp_TypeInfo_var);
IPEndPoint__ctor_m613724246_0(L_18, L_16, L_17, /*hidden argument*/NULL);
V_4 = L_18;
IPEndPoint_t_1780335022_0 * L_19 = V_4;
NullCheck(L_19);
SocketAddress_t_1639988597_0 * L_20 = (SocketAddress_t_1639988597_0 *)VirtFuncInvoker0< SocketAddress_t_1639988597_0 * >::Invoke(6 /* System.Net.SocketAddress System.Net.IPEndPoint::Serialize() */, L_19);
V_5 = L_20;
IntPtr_t L_21 = (__this->___socket_8);
SocketAddress_t_1639988597_0 * L_22 = V_5;
IL2CPP_RUNTIME_CLASS_INIT(Socket_t771039639_0_il2cpp_TypeInfo_var);
Socket_Connect_internal_m_1246481645_0(NULL /*static, unused*/, L_21, L_22, (&V_0), /*hidden argument*/NULL);
int32_t L_23 = V_0;
if (L_23)
{
goto IL_00b3;
}
}
{
__this->___connected_17 = (bool)1;
IPEndPoint_t_1780335022_0 * L_24 = V_4;
__this->___seed_endpoint_20 = L_24;
return;
}
IL_00b3:
{
int32_t L_25 = V_0;
if ((((int32_t)L_25) == ((int32_t)((int32_t)10036))))
{
goto IL_00ce;
}
}
{
int32_t L_26 = V_0;
if ((((int32_t)L_26) == ((int32_t)((int32_t)10035))))
{
goto IL_00ce;
}
}
{
goto IL_010e;
}
IL_00ce:
{
bool L_27 = (__this->___blocking_12);
if (L_27)
{
goto IL_010e;
}
}
{
Socket_Poll_m_398706828_0(__this, (-1), 1, /*hidden argument*/NULL);
Object_t * L_28 = Socket_GetSocketOption_m_1136303577_0(__this, ((int32_t)65535), ((int32_t)4103), /*hidden argument*/NULL);
V_0 = ((*(int32_t*)((int32_t*)UnBox (L_28, Int32_t1628762099_0_il2cpp_TypeInfo_var))));
int32_t L_29 = V_0;
if (L_29)
{
goto IL_010e;
}
}
{
__this->___connected_17 = (bool)1;
IPEndPoint_t_1780335022_0 * L_30 = V_4;
__this->___seed_endpoint_20 = L_30;
return;
}
IL_010e:
{
int32_t L_31 = V_3;
V_3 = ((int32_t)((int32_t)L_31+(int32_t)1));
}
IL_0112:
{
int32_t L_32 = V_3;
IPAddressU5BU5D_t296217_0* L_33 = V_2;
NullCheck(L_33);
if ((((int32_t)L_32) < ((int32_t)(((int32_t)((int32_t)(((Array_t *)L_33)->max_length)))))))
{
goto IL_0078;
}
}
{
int32_t L_34 = V_0;
if (!L_34)
{
goto IL_0128;
}
}
{
int32_t L_35 = V_0;
SocketException_t341026936_0 * L_36 = (SocketException_t341026936_0 *)il2cpp_codegen_object_new (SocketException_t341026936_0_il2cpp_TypeInfo_var);
SocketException__ctor_m2020928431_0(L_36, L_35, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_36);
}
IL_0128:
{
return;
}
}
// System.Void System.Net.Sockets.Socket::Connect(System.String,System.Int32)
extern TypeInfo* Dns_t26242867_0_il2cpp_TypeInfo_var;
extern "C" void Socket_Connect_m_716911882_0 (Socket_t771039639_0 * __this, String_t* ___host, int32_t ___port, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
Dns_t26242867_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(633);
s_Il2CppMethodIntialized = true;
}
IPAddressU5BU5D_t296217_0* V_0 = {0};
{
String_t* L_0 = ___host;
IL2CPP_RUNTIME_CLASS_INIT(Dns_t26242867_0_il2cpp_TypeInfo_var);
IPAddressU5BU5D_t296217_0* L_1 = Dns_GetHostAddresses_m1512328765_0(NULL /*static, unused*/, L_0, /*hidden argument*/NULL);
V_0 = L_1;
IPAddressU5BU5D_t296217_0* L_2 = V_0;
int32_t L_3 = ___port;
Socket_Connect_m2053194101_0(__this, L_2, L_3, /*hidden argument*/NULL);
return;
}
}
// System.Boolean System.Net.Sockets.Socket::Poll(System.Int32,System.Net.Sockets.SelectMode)
extern TypeInfo* ObjectDisposedException_t_1490685872_0_il2cpp_TypeInfo_var;
extern TypeInfo* NotSupportedException_t1382227673_0_il2cpp_TypeInfo_var;
extern TypeInfo* Socket_t771039639_0_il2cpp_TypeInfo_var;
extern TypeInfo* SocketException_t341026936_0_il2cpp_TypeInfo_var;
extern TypeInfo* Int32_t1628762099_0_il2cpp_TypeInfo_var;
extern Il2CppCodeGenString* _stringLiteral987206171_0;
extern "C" bool Socket_Poll_m_398706828_0 (Socket_t771039639_0 * __this, int32_t ___time_us, int32_t ___mode, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
ObjectDisposedException_t_1490685872_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(138);
NotSupportedException_t1382227673_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(6);
Socket_t771039639_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(631);
SocketException_t341026936_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(630);
Int32_t1628762099_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(8);
_stringLiteral987206171_0 = il2cpp_codegen_string_literal_from_index(2096);
s_Il2CppMethodIntialized = true;
}
int32_t V_0 = 0;
bool V_1 = false;
{
bool L_0 = (__this->___disposed_19);
if (!L_0)
{
goto IL_0027;
}
}
{
bool L_1 = (__this->___closed_18);
if (!L_1)
{
goto IL_0027;
}
}
{
Type_t * L_2 = Object_GetType_m2022236990_0(__this, /*hidden argument*/NULL);
NullCheck(L_2);
String_t* L_3 = (String_t*)VirtFuncInvoker0< String_t* >::Invoke(3 /* System.String System.Type::ToString() */, L_2);
ObjectDisposedException_t_1490685872_0 * L_4 = (ObjectDisposedException_t_1490685872_0 *)il2cpp_codegen_object_new (ObjectDisposedException_t_1490685872_0_il2cpp_TypeInfo_var);
ObjectDisposedException__ctor_m1180707260_0(L_4, L_3, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_4);
}
IL_0027:
{
int32_t L_5 = ___mode;
if (!L_5)
{
goto IL_0046;
}
}
{
int32_t L_6 = ___mode;
if ((((int32_t)L_6) == ((int32_t)1)))
{
goto IL_0046;
}
}
{
int32_t L_7 = ___mode;
if ((((int32_t)L_7) == ((int32_t)2)))
{
goto IL_0046;
}
}
{
NotSupportedException_t1382227673_0 * L_8 = (NotSupportedException_t1382227673_0 *)il2cpp_codegen_object_new (NotSupportedException_t1382227673_0_il2cpp_TypeInfo_var);
NotSupportedException__ctor_m133757637_0(L_8, _stringLiteral987206171_0, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_8);
}
IL_0046:
{
IntPtr_t L_9 = (__this->___socket_8);
int32_t L_10 = ___mode;
int32_t L_11 = ___time_us;
IL2CPP_RUNTIME_CLASS_INIT(Socket_t771039639_0_il2cpp_TypeInfo_var);
bool L_12 = Socket_Poll_internal_m1151471955_0(NULL /*static, unused*/, L_9, L_10, L_11, (&V_0), /*hidden argument*/NULL);
V_1 = L_12;
int32_t L_13 = V_0;
if (!L_13)
{
goto IL_0063;
}
}
{
int32_t L_14 = V_0;
SocketException_t341026936_0 * L_15 = (SocketException_t341026936_0 *)il2cpp_codegen_object_new (SocketException_t341026936_0_il2cpp_TypeInfo_var);
SocketException__ctor_m2020928431_0(L_15, L_14, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_15);
}
IL_0063:
{
int32_t L_16 = ___mode;
if ((!(((uint32_t)L_16) == ((uint32_t)1))))
{
goto IL_009c;
}
}
{
bool L_17 = V_1;
if (!L_17)
{
goto IL_009c;
}
}
{
bool L_18 = (__this->___connected_17);
if (L_18)
{
goto IL_009c;
}
}
{
Object_t * L_19 = Socket_GetSocketOption_m_1136303577_0(__this, ((int32_t)65535), ((int32_t)4103), /*hidden argument*/NULL);
if (((*(int32_t*)((int32_t*)UnBox (L_19, Int32_t1628762099_0_il2cpp_TypeInfo_var)))))
{
goto IL_009c;
}
}
{
__this->___connected_17 = (bool)1;
}
IL_009c:
{
bool L_20 = V_1;
return L_20;
}
}
// System.Int32 System.Net.Sockets.Socket::Receive(System.Byte[])
extern TypeInfo* ObjectDisposedException_t_1490685872_0_il2cpp_TypeInfo_var;
extern TypeInfo* ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var;
extern TypeInfo* SocketException_t341026936_0_il2cpp_TypeInfo_var;
extern Il2CppCodeGenString* _stringLiteral_1378118592_0;
extern "C" int32_t Socket_Receive_m_2043367681_0 (Socket_t771039639_0 * __this, ByteU5BU5D_t_1238178395_0* ___buffer, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
ObjectDisposedException_t_1490685872_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(138);
ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(2);
SocketException_t341026936_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(630);
_stringLiteral_1378118592_0 = il2cpp_codegen_string_literal_from_index(736);
s_Il2CppMethodIntialized = true;
}
int32_t V_0 = {0};
int32_t V_1 = 0;
{
bool L_0 = (__this->___disposed_19);
if (!L_0)
{
goto IL_0027;
}
}
{
bool L_1 = (__this->___closed_18);
if (!L_1)
{
goto IL_0027;
}
}
{
Type_t * L_2 = Object_GetType_m2022236990_0(__this, /*hidden argument*/NULL);
NullCheck(L_2);
String_t* L_3 = (String_t*)VirtFuncInvoker0< String_t* >::Invoke(3 /* System.String System.Type::ToString() */, L_2);
ObjectDisposedException_t_1490685872_0 * L_4 = (ObjectDisposedException_t_1490685872_0 *)il2cpp_codegen_object_new (ObjectDisposedException_t_1490685872_0_il2cpp_TypeInfo_var);
ObjectDisposedException__ctor_m1180707260_0(L_4, L_3, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_4);
}
IL_0027:
{
ByteU5BU5D_t_1238178395_0* L_5 = ___buffer;
if (L_5)
{
goto IL_0038;
}
}
{
ArgumentNullException_t_1072101840_0 * L_6 = (ArgumentNullException_t_1072101840_0 *)il2cpp_codegen_object_new (ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var);
ArgumentNullException__ctor_m135444188_0(L_6, _stringLiteral_1378118592_0, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_6);
}
IL_0038:
{
ByteU5BU5D_t_1238178395_0* L_7 = ___buffer;
ByteU5BU5D_t_1238178395_0* L_8 = ___buffer;
NullCheck(L_8);
int32_t L_9 = Socket_Receive_nochecks_m_1529643801_0(__this, L_7, 0, (((int32_t)((int32_t)(((Array_t *)L_8)->max_length)))), 0, (&V_0), /*hidden argument*/NULL);
V_1 = L_9;
int32_t L_10 = V_0;
if (!L_10)
{
goto IL_0054;
}
}
{
int32_t L_11 = V_0;
SocketException_t341026936_0 * L_12 = (SocketException_t341026936_0 *)il2cpp_codegen_object_new (SocketException_t341026936_0_il2cpp_TypeInfo_var);
SocketException__ctor_m2020928431_0(L_12, L_11, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_12);
}
IL_0054:
{
int32_t L_13 = V_1;
return L_13;
}
}
// System.Int32 System.Net.Sockets.Socket::Receive(System.Byte[],System.Net.Sockets.SocketFlags)
extern TypeInfo* ObjectDisposedException_t_1490685872_0_il2cpp_TypeInfo_var;
extern TypeInfo* ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var;
extern TypeInfo* SocketException_t341026936_0_il2cpp_TypeInfo_var;
extern Il2CppCodeGenString* _stringLiteral_1378118592_0;
extern Il2CppCodeGenString* _stringLiteral1606233698_0;
extern "C" int32_t Socket_Receive_m_306141391_0 (Socket_t771039639_0 * __this, ByteU5BU5D_t_1238178395_0* ___buffer, int32_t ___flags, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
ObjectDisposedException_t_1490685872_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(138);
ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(2);
SocketException_t341026936_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(630);
_stringLiteral_1378118592_0 = il2cpp_codegen_string_literal_from_index(736);
_stringLiteral1606233698_0 = il2cpp_codegen_string_literal_from_index(2097);
s_Il2CppMethodIntialized = true;
}
int32_t V_0 = {0};
int32_t V_1 = 0;
{
bool L_0 = (__this->___disposed_19);
if (!L_0)
{
goto IL_0027;
}
}
{
bool L_1 = (__this->___closed_18);
if (!L_1)
{
goto IL_0027;
}
}
{
Type_t * L_2 = Object_GetType_m2022236990_0(__this, /*hidden argument*/NULL);
NullCheck(L_2);
String_t* L_3 = (String_t*)VirtFuncInvoker0< String_t* >::Invoke(3 /* System.String System.Type::ToString() */, L_2);
ObjectDisposedException_t_1490685872_0 * L_4 = (ObjectDisposedException_t_1490685872_0 *)il2cpp_codegen_object_new (ObjectDisposedException_t_1490685872_0_il2cpp_TypeInfo_var);
ObjectDisposedException__ctor_m1180707260_0(L_4, L_3, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_4);
}
IL_0027:
{
ByteU5BU5D_t_1238178395_0* L_5 = ___buffer;
if (L_5)
{
goto IL_0038;
}
}
{
ArgumentNullException_t_1072101840_0 * L_6 = (ArgumentNullException_t_1072101840_0 *)il2cpp_codegen_object_new (ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var);
ArgumentNullException__ctor_m135444188_0(L_6, _stringLiteral_1378118592_0, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_6);
}
IL_0038:
{
ByteU5BU5D_t_1238178395_0* L_7 = ___buffer;
ByteU5BU5D_t_1238178395_0* L_8 = ___buffer;
NullCheck(L_8);
int32_t L_9 = ___flags;
int32_t L_10 = Socket_Receive_nochecks_m_1529643801_0(__this, L_7, 0, (((int32_t)((int32_t)(((Array_t *)L_8)->max_length)))), L_9, (&V_0), /*hidden argument*/NULL);
V_1 = L_10;
int32_t L_11 = V_0;
if (!L_11)
{
goto IL_0076;
}
}
{
int32_t L_12 = V_0;
if ((!(((uint32_t)L_12) == ((uint32_t)((int32_t)10035)))))
{
goto IL_006f;
}
}
{
bool L_13 = (__this->___blocking_12);
if (!L_13)
{
goto IL_006f;
}
}
{
int32_t L_14 = V_0;
SocketException_t341026936_0 * L_15 = (SocketException_t341026936_0 *)il2cpp_codegen_object_new (SocketException_t341026936_0_il2cpp_TypeInfo_var);
SocketException__ctor_m_2055965269_0(L_15, L_14, _stringLiteral1606233698_0, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_15);
}
IL_006f:
{
int32_t L_16 = V_0;
SocketException_t341026936_0 * L_17 = (SocketException_t341026936_0 *)il2cpp_codegen_object_new (SocketException_t341026936_0_il2cpp_TypeInfo_var);
SocketException__ctor_m2020928431_0(L_17, L_16, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_17);
}
IL_0076:
{
int32_t L_18 = V_1;
return L_18;
}
}
// System.Int32 System.Net.Sockets.Socket::Receive(System.Byte[],System.Int32,System.Int32,System.Net.Sockets.SocketFlags)
extern TypeInfo* ObjectDisposedException_t_1490685872_0_il2cpp_TypeInfo_var;
extern TypeInfo* ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var;
extern TypeInfo* ArgumentOutOfRangeException_t_1011290529_0_il2cpp_TypeInfo_var;
extern TypeInfo* SocketException_t341026936_0_il2cpp_TypeInfo_var;
extern Il2CppCodeGenString* _stringLiteral_1378118592_0;
extern Il2CppCodeGenString* _stringLiteral_1019779949_0;
extern Il2CppCodeGenString* _stringLiteral3530753_0;
extern Il2CppCodeGenString* _stringLiteral1606233698_0;
extern "C" int32_t Socket_Receive_m1175719569_0 (Socket_t771039639_0 * __this, ByteU5BU5D_t_1238178395_0* ___buffer, int32_t ___offset, int32_t ___size, int32_t ___flags, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
ObjectDisposedException_t_1490685872_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(138);
ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(2);
ArgumentOutOfRangeException_t_1011290529_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(27);
SocketException_t341026936_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(630);
_stringLiteral_1378118592_0 = il2cpp_codegen_string_literal_from_index(736);
_stringLiteral_1019779949_0 = il2cpp_codegen_string_literal_from_index(785);
_stringLiteral3530753_0 = il2cpp_codegen_string_literal_from_index(1775);
_stringLiteral1606233698_0 = il2cpp_codegen_string_literal_from_index(2097);
s_Il2CppMethodIntialized = true;
}
int32_t V_0 = {0};
int32_t V_1 = 0;
{
bool L_0 = (__this->___disposed_19);
if (!L_0)
{
goto IL_0027;
}
}
{
bool L_1 = (__this->___closed_18);
if (!L_1)
{
goto IL_0027;
}
}
{
Type_t * L_2 = Object_GetType_m2022236990_0(__this, /*hidden argument*/NULL);
NullCheck(L_2);
String_t* L_3 = (String_t*)VirtFuncInvoker0< String_t* >::Invoke(3 /* System.String System.Type::ToString() */, L_2);
ObjectDisposedException_t_1490685872_0 * L_4 = (ObjectDisposedException_t_1490685872_0 *)il2cpp_codegen_object_new (ObjectDisposedException_t_1490685872_0_il2cpp_TypeInfo_var);
ObjectDisposedException__ctor_m1180707260_0(L_4, L_3, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_4);
}
IL_0027:
{
ByteU5BU5D_t_1238178395_0* L_5 = ___buffer;
if (L_5)
{
goto IL_0038;
}
}
{
ArgumentNullException_t_1072101840_0 * L_6 = (ArgumentNullException_t_1072101840_0 *)il2cpp_codegen_object_new (ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var);
ArgumentNullException__ctor_m135444188_0(L_6, _stringLiteral_1378118592_0, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_6);
}
IL_0038:
{
int32_t L_7 = ___offset;
if ((((int32_t)L_7) < ((int32_t)0)))
{
goto IL_0048;
}
}
{
int32_t L_8 = ___offset;
ByteU5BU5D_t_1238178395_0* L_9 = ___buffer;
NullCheck(L_9);
if ((((int32_t)L_8) <= ((int32_t)(((int32_t)((int32_t)(((Array_t *)L_9)->max_length)))))))
{
goto IL_0053;
}
}
IL_0048:
{
ArgumentOutOfRangeException_t_1011290529_0 * L_10 = (ArgumentOutOfRangeException_t_1011290529_0 *)il2cpp_codegen_object_new (ArgumentOutOfRangeException_t_1011290529_0_il2cpp_TypeInfo_var);
ArgumentOutOfRangeException__ctor_m2026296331_0(L_10, _stringLiteral_1019779949_0, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_10);
}
IL_0053:
{
int32_t L_11 = ___size;
if ((((int32_t)L_11) < ((int32_t)0)))
{
goto IL_0065;
}
}
{
int32_t L_12 = ___offset;
int32_t L_13 = ___size;
ByteU5BU5D_t_1238178395_0* L_14 = ___buffer;
NullCheck(L_14);
if ((((int32_t)((int32_t)((int32_t)L_12+(int32_t)L_13))) <= ((int32_t)(((int32_t)((int32_t)(((Array_t *)L_14)->max_length)))))))
{
goto IL_0070;
}
}
IL_0065:
{
ArgumentOutOfRangeException_t_1011290529_0 * L_15 = (ArgumentOutOfRangeException_t_1011290529_0 *)il2cpp_codegen_object_new (ArgumentOutOfRangeException_t_1011290529_0_il2cpp_TypeInfo_var);
ArgumentOutOfRangeException__ctor_m2026296331_0(L_15, _stringLiteral3530753_0, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_15);
}
IL_0070:
{
ByteU5BU5D_t_1238178395_0* L_16 = ___buffer;
int32_t L_17 = ___offset;
int32_t L_18 = ___size;
int32_t L_19 = ___flags;
int32_t L_20 = Socket_Receive_nochecks_m_1529643801_0(__this, L_16, L_17, L_18, L_19, (&V_0), /*hidden argument*/NULL);
V_1 = L_20;
int32_t L_21 = V_0;
if (!L_21)
{
goto IL_00ad;
}
}
{
int32_t L_22 = V_0;
if ((!(((uint32_t)L_22) == ((uint32_t)((int32_t)10035)))))
{
goto IL_00a6;
}
}
{
bool L_23 = (__this->___blocking_12);
if (!L_23)
{
goto IL_00a6;
}
}
{
int32_t L_24 = V_0;
SocketException_t341026936_0 * L_25 = (SocketException_t341026936_0 *)il2cpp_codegen_object_new (SocketException_t341026936_0_il2cpp_TypeInfo_var);
SocketException__ctor_m_2055965269_0(L_25, L_24, _stringLiteral1606233698_0, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_25);
}
IL_00a6:
{
int32_t L_26 = V_0;
SocketException_t341026936_0 * L_27 = (SocketException_t341026936_0 *)il2cpp_codegen_object_new (SocketException_t341026936_0_il2cpp_TypeInfo_var);
SocketException__ctor_m2020928431_0(L_27, L_26, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_27);
}
IL_00ad:
{
int32_t L_28 = V_1;
return L_28;
}
}
// System.Int32 System.Net.Sockets.Socket::RecvFrom_internal(System.IntPtr,System.Byte[],System.Int32,System.Int32,System.Net.Sockets.SocketFlags,System.Net.SocketAddress&,System.Int32&)
extern "C" int32_t Socket_RecvFrom_internal_m548074296_0 (Object_t * __this /* static, unused */, IntPtr_t ___sock, ByteU5BU5D_t_1238178395_0* ___buffer, int32_t ___offset, int32_t ___count, int32_t ___flags, SocketAddress_t_1639988597_0 ** ___sockaddr, int32_t* ___error, const MethodInfo* method)
{
using namespace il2cpp::icalls;
typedef int32_t (*Socket_RecvFrom_internal_m548074296_0_ftn) (IntPtr_t, ByteU5BU5D_t_1238178395_0*, int32_t, int32_t, int32_t, SocketAddress_t_1639988597_0 **, int32_t*);
return ((Socket_RecvFrom_internal_m548074296_0_ftn)System::System::Net::Sockets::Socket::RecvFrom) (___sock, ___buffer, ___offset, ___count, ___flags, ___sockaddr, ___error);
}
// System.Int32 System.Net.Sockets.Socket::ReceiveFrom_nochecks_exc(System.Byte[],System.Int32,System.Int32,System.Net.Sockets.SocketFlags,System.Net.EndPoint&,System.Boolean,System.Int32&)
extern TypeInfo* Socket_t771039639_0_il2cpp_TypeInfo_var;
extern TypeInfo* SocketException_t341026936_0_il2cpp_TypeInfo_var;
extern TypeInfo* SecurityException_t_1267377828_0_il2cpp_TypeInfo_var;
extern Il2CppCodeGenString* _stringLiteral_779470004_0;
extern Il2CppCodeGenString* _stringLiteral1865123476_0;
extern "C" int32_t Socket_ReceiveFrom_nochecks_exc_m1710579486_0 (Socket_t771039639_0 * __this, ByteU5BU5D_t_1238178395_0* ___buf, int32_t ___offset, int32_t ___size, int32_t ___flags, EndPoint_t_1941440085_0 ** ___remote_end, bool ___throwOnError, int32_t* ___error, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
Socket_t771039639_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(631);
SocketException_t341026936_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(630);
SecurityException_t_1267377828_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(213);
_stringLiteral_779470004_0 = il2cpp_codegen_string_literal_from_index(2098);
_stringLiteral1865123476_0 = il2cpp_codegen_string_literal_from_index(2099);
s_Il2CppMethodIntialized = true;
}
SocketAddress_t_1639988597_0 * V_0 = {0};
int32_t V_1 = 0;
int32_t V_2 = {0};
{
EndPoint_t_1941440085_0 ** L_0 = ___remote_end;
NullCheck((*((EndPoint_t_1941440085_0 **)L_0)));
SocketAddress_t_1639988597_0 * L_1 = (SocketAddress_t_1639988597_0 *)VirtFuncInvoker0< SocketAddress_t_1639988597_0 * >::Invoke(6 /* System.Net.SocketAddress System.Net.EndPoint::Serialize() */, (*((EndPoint_t_1941440085_0 **)L_0)));
V_0 = L_1;
IntPtr_t L_2 = (__this->___socket_8);
ByteU5BU5D_t_1238178395_0* L_3 = ___buf;
int32_t L_4 = ___offset;
int32_t L_5 = ___size;
int32_t L_6 = ___flags;
int32_t* L_7 = ___error;
IL2CPP_RUNTIME_CLASS_INIT(Socket_t771039639_0_il2cpp_TypeInfo_var);
int32_t L_8 = Socket_RecvFrom_internal_m548074296_0(NULL /*static, unused*/, L_2, L_3, L_4, L_5, L_6, (&V_0), L_7, /*hidden argument*/NULL);
V_1 = L_8;
int32_t* L_9 = ___error;
V_2 = (*((int32_t*)L_9));
int32_t L_10 = V_2;
if (!L_10)
{
goto IL_0093;
}
}
{
int32_t L_11 = V_2;
if ((((int32_t)L_11) == ((int32_t)((int32_t)10035))))
{
goto IL_004a;
}
}
{
int32_t L_12 = V_2;
if ((((int32_t)L_12) == ((int32_t)((int32_t)10036))))
{
goto IL_004a;
}
}
{
__this->___connected_17 = (bool)0;
goto IL_0081;
}
IL_004a:
{
int32_t L_13 = V_2;
if ((!(((uint32_t)L_13) == ((uint32_t)((int32_t)10035)))))
{
goto IL_0081;
}
}
{
bool L_14 = (__this->___blocking_12);
if (!L_14)
{
goto IL_0081;
}
}
{
bool L_15 = ___throwOnError;
if (!L_15)
{
goto IL_0077;
}
}
{
SocketException_t341026936_0 * L_16 = (SocketException_t341026936_0 *)il2cpp_codegen_object_new (SocketException_t341026936_0_il2cpp_TypeInfo_var);
SocketException__ctor_m_2055965269_0(L_16, ((int32_t)10060), _stringLiteral_779470004_0, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_16);
}
IL_0077:
{
int32_t* L_17 = ___error;
*((int32_t*)(L_17)) = (int32_t)((int32_t)10060);
return 0;
}
IL_0081:
{
bool L_18 = ___throwOnError;
if (!L_18)
{
goto IL_0091;
}
}
{
int32_t* L_19 = ___error;
SocketException_t341026936_0 * L_20 = (SocketException_t341026936_0 *)il2cpp_codegen_object_new (SocketException_t341026936_0_il2cpp_TypeInfo_var);
SocketException__ctor_m2020928431_0(L_20, (*((int32_t*)L_19)), /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_20);
}
IL_0091:
{
return 0;
}
IL_0093:
{
bool L_21 = Environment_get_SocketSecurityEnabled_m2002704895_0(NULL /*static, unused*/, /*hidden argument*/NULL);
if (!L_21)
{
goto IL_00b9;
}
}
{
SocketAddress_t_1639988597_0 * L_22 = V_0;
IL2CPP_RUNTIME_CLASS_INIT(Socket_t771039639_0_il2cpp_TypeInfo_var);
bool L_23 = Socket_CheckEndPoint_m44041593_0(NULL /*static, unused*/, L_22, /*hidden argument*/NULL);
if (L_23)
{
goto IL_00b9;
}
}
{
ByteU5BU5D_t_1238178395_0* L_24 = ___buf;
NullCheck(L_24);
Array_Initialize_m_1657581700_0(L_24, /*hidden argument*/NULL);
SecurityException_t_1267377828_0 * L_25 = (SecurityException_t_1267377828_0 *)il2cpp_codegen_object_new (SecurityException_t_1267377828_0_il2cpp_TypeInfo_var);
SecurityException__ctor_m1163560590_0(L_25, _stringLiteral1865123476_0, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_25);
}
IL_00b9:
{
__this->___connected_17 = (bool)1;
__this->___isbound_14 = (bool)1;
SocketAddress_t_1639988597_0 * L_26 = V_0;
if (!L_26)
{
goto IL_00d9;
}
}
{
EndPoint_t_1941440085_0 ** L_27 = ___remote_end;
EndPoint_t_1941440085_0 ** L_28 = ___remote_end;
SocketAddress_t_1639988597_0 * L_29 = V_0;
NullCheck((*((EndPoint_t_1941440085_0 **)L_28)));
EndPoint_t_1941440085_0 * L_30 = (EndPoint_t_1941440085_0 *)VirtFuncInvoker1< EndPoint_t_1941440085_0 *, SocketAddress_t_1639988597_0 * >::Invoke(5 /* System.Net.EndPoint System.Net.EndPoint::Create(System.Net.SocketAddress) */, (*((EndPoint_t_1941440085_0 **)L_28)), L_29);
*((Object_t **)(L_27)) = (Object_t *)L_30;
}
IL_00d9:
{
EndPoint_t_1941440085_0 ** L_31 = ___remote_end;
__this->___seed_endpoint_20 = (*((EndPoint_t_1941440085_0 **)L_31));
int32_t L_32 = V_1;
return L_32;
}
}
// System.Int32 System.Net.Sockets.Socket::Send(System.Byte[])
extern TypeInfo* ObjectDisposedException_t_1490685872_0_il2cpp_TypeInfo_var;
extern TypeInfo* ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var;
extern TypeInfo* SocketException_t341026936_0_il2cpp_TypeInfo_var;
extern Il2CppCodeGenString* _stringLiteral97907_0;
extern "C" int32_t Socket_Send_m_1257770426_0 (Socket_t771039639_0 * __this, ByteU5BU5D_t_1238178395_0* ___buf, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
ObjectDisposedException_t_1490685872_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(138);
ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(2);
SocketException_t341026936_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(630);
_stringLiteral97907_0 = il2cpp_codegen_string_literal_from_index(2100);
s_Il2CppMethodIntialized = true;
}
int32_t V_0 = {0};
int32_t V_1 = 0;
{
bool L_0 = (__this->___disposed_19);
if (!L_0)
{
goto IL_0027;
}
}
{
bool L_1 = (__this->___closed_18);
if (!L_1)
{
goto IL_0027;
}
}
{
Type_t * L_2 = Object_GetType_m2022236990_0(__this, /*hidden argument*/NULL);
NullCheck(L_2);
String_t* L_3 = (String_t*)VirtFuncInvoker0< String_t* >::Invoke(3 /* System.String System.Type::ToString() */, L_2);
ObjectDisposedException_t_1490685872_0 * L_4 = (ObjectDisposedException_t_1490685872_0 *)il2cpp_codegen_object_new (ObjectDisposedException_t_1490685872_0_il2cpp_TypeInfo_var);
ObjectDisposedException__ctor_m1180707260_0(L_4, L_3, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_4);
}
IL_0027:
{
ByteU5BU5D_t_1238178395_0* L_5 = ___buf;
if (L_5)
{
goto IL_0038;
}
}
{
ArgumentNullException_t_1072101840_0 * L_6 = (ArgumentNullException_t_1072101840_0 *)il2cpp_codegen_object_new (ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var);
ArgumentNullException__ctor_m135444188_0(L_6, _stringLiteral97907_0, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_6);
}
IL_0038:
{
ByteU5BU5D_t_1238178395_0* L_7 = ___buf;
ByteU5BU5D_t_1238178395_0* L_8 = ___buf;
NullCheck(L_8);
int32_t L_9 = Socket_Send_nochecks_m_1994164626_0(__this, L_7, 0, (((int32_t)((int32_t)(((Array_t *)L_8)->max_length)))), 0, (&V_0), /*hidden argument*/NULL);
V_1 = L_9;
int32_t L_10 = V_0;
if (!L_10)
{
goto IL_0054;
}
}
{
int32_t L_11 = V_0;
SocketException_t341026936_0 * L_12 = (SocketException_t341026936_0 *)il2cpp_codegen_object_new (SocketException_t341026936_0_il2cpp_TypeInfo_var);
SocketException__ctor_m2020928431_0(L_12, L_11, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_12);
}
IL_0054:
{
int32_t L_13 = V_1;
return L_13;
}
}
// System.Int32 System.Net.Sockets.Socket::Send(System.Byte[],System.Int32,System.Int32,System.Net.Sockets.SocketFlags)
extern TypeInfo* ObjectDisposedException_t_1490685872_0_il2cpp_TypeInfo_var;
extern TypeInfo* ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var;
extern TypeInfo* ArgumentOutOfRangeException_t_1011290529_0_il2cpp_TypeInfo_var;
extern TypeInfo* SocketException_t341026936_0_il2cpp_TypeInfo_var;
extern Il2CppCodeGenString* _stringLiteral_1378118592_0;
extern Il2CppCodeGenString* _stringLiteral_1019779949_0;
extern Il2CppCodeGenString* _stringLiteral3530753_0;
extern "C" int32_t Socket_Send_m158307626_0 (Socket_t771039639_0 * __this, ByteU5BU5D_t_1238178395_0* ___buf, int32_t ___offset, int32_t ___size, int32_t ___flags, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
ObjectDisposedException_t_1490685872_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(138);
ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(2);
ArgumentOutOfRangeException_t_1011290529_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(27);
SocketException_t341026936_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(630);
_stringLiteral_1378118592_0 = il2cpp_codegen_string_literal_from_index(736);
_stringLiteral_1019779949_0 = il2cpp_codegen_string_literal_from_index(785);
_stringLiteral3530753_0 = il2cpp_codegen_string_literal_from_index(1775);
s_Il2CppMethodIntialized = true;
}
int32_t V_0 = {0};
int32_t V_1 = 0;
{
bool L_0 = (__this->___disposed_19);
if (!L_0)
{
goto IL_0027;
}
}
{
bool L_1 = (__this->___closed_18);
if (!L_1)
{
goto IL_0027;
}
}
{
Type_t * L_2 = Object_GetType_m2022236990_0(__this, /*hidden argument*/NULL);
NullCheck(L_2);
String_t* L_3 = (String_t*)VirtFuncInvoker0< String_t* >::Invoke(3 /* System.String System.Type::ToString() */, L_2);
ObjectDisposedException_t_1490685872_0 * L_4 = (ObjectDisposedException_t_1490685872_0 *)il2cpp_codegen_object_new (ObjectDisposedException_t_1490685872_0_il2cpp_TypeInfo_var);
ObjectDisposedException__ctor_m1180707260_0(L_4, L_3, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_4);
}
IL_0027:
{
ByteU5BU5D_t_1238178395_0* L_5 = ___buf;
if (L_5)
{
goto IL_0038;
}
}
{
ArgumentNullException_t_1072101840_0 * L_6 = (ArgumentNullException_t_1072101840_0 *)il2cpp_codegen_object_new (ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var);
ArgumentNullException__ctor_m135444188_0(L_6, _stringLiteral_1378118592_0, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_6);
}
IL_0038:
{
int32_t L_7 = ___offset;
if ((((int32_t)L_7) < ((int32_t)0)))
{
goto IL_0048;
}
}
{
int32_t L_8 = ___offset;
ByteU5BU5D_t_1238178395_0* L_9 = ___buf;
NullCheck(L_9);
if ((((int32_t)L_8) <= ((int32_t)(((int32_t)((int32_t)(((Array_t *)L_9)->max_length)))))))
{
goto IL_0053;
}
}
IL_0048:
{
ArgumentOutOfRangeException_t_1011290529_0 * L_10 = (ArgumentOutOfRangeException_t_1011290529_0 *)il2cpp_codegen_object_new (ArgumentOutOfRangeException_t_1011290529_0_il2cpp_TypeInfo_var);
ArgumentOutOfRangeException__ctor_m2026296331_0(L_10, _stringLiteral_1019779949_0, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_10);
}
IL_0053:
{
int32_t L_11 = ___size;
if ((((int32_t)L_11) < ((int32_t)0)))
{
goto IL_0065;
}
}
{
int32_t L_12 = ___offset;
int32_t L_13 = ___size;
ByteU5BU5D_t_1238178395_0* L_14 = ___buf;
NullCheck(L_14);
if ((((int32_t)((int32_t)((int32_t)L_12+(int32_t)L_13))) <= ((int32_t)(((int32_t)((int32_t)(((Array_t *)L_14)->max_length)))))))
{
goto IL_0070;
}
}
IL_0065:
{
ArgumentOutOfRangeException_t_1011290529_0 * L_15 = (ArgumentOutOfRangeException_t_1011290529_0 *)il2cpp_codegen_object_new (ArgumentOutOfRangeException_t_1011290529_0_il2cpp_TypeInfo_var);
ArgumentOutOfRangeException__ctor_m2026296331_0(L_15, _stringLiteral3530753_0, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_15);
}
IL_0070:
{
ByteU5BU5D_t_1238178395_0* L_16 = ___buf;
int32_t L_17 = ___offset;
int32_t L_18 = ___size;
int32_t L_19 = ___flags;
int32_t L_20 = Socket_Send_nochecks_m_1994164626_0(__this, L_16, L_17, L_18, L_19, (&V_0), /*hidden argument*/NULL);
V_1 = L_20;
int32_t L_21 = V_0;
if (!L_21)
{
goto IL_008b;
}
}
{
int32_t L_22 = V_0;
SocketException_t341026936_0 * L_23 = (SocketException_t341026936_0 *)il2cpp_codegen_object_new (SocketException_t341026936_0_il2cpp_TypeInfo_var);
SocketException__ctor_m2020928431_0(L_23, L_22, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_23);
}
IL_008b:
{
int32_t L_24 = V_1;
return L_24;
}
}
// System.Void System.Net.Sockets.Socket::CheckProtocolSupport()
extern TypeInfo* Socket_t771039639_0_il2cpp_TypeInfo_var;
extern TypeInfo* Object_t_il2cpp_TypeInfo_var;
extern "C" void Socket_CheckProtocolSupport_m1469859642_0 (Object_t * __this /* static, unused */, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
Socket_t771039639_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(631);
Object_t_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(0);
s_Il2CppMethodIntialized = true;
}
Socket_t771039639_0 * V_0 = {0};
Socket_t771039639_0 * V_1 = {0};
Exception_t2143823668_0 * __last_unhandled_exception = 0;
NO_UNUSED_WARNING (__last_unhandled_exception);
Exception_t2143823668_0 * __exception_local = 0;
NO_UNUSED_WARNING (__exception_local);
int32_t __leave_target = 0;
NO_UNUSED_WARNING (__leave_target);
{
IL2CPP_RUNTIME_CLASS_INIT(Socket_t771039639_0_il2cpp_TypeInfo_var);
int32_t L_0 = ((Socket_t771039639_0_StaticFields*)Socket_t771039639_0_il2cpp_TypeInfo_var->static_fields)->___ipv4Supported_5;
if ((!(((uint32_t)L_0) == ((uint32_t)(-1)))))
{
goto IL_0031;
}
}
IL_000b:
try
{ // begin try (depth: 1)
Socket_t771039639_0 * L_1 = (Socket_t771039639_0 *)il2cpp_codegen_object_new (Socket_t771039639_0_il2cpp_TypeInfo_var);
Socket__ctor_m_987995908_0(L_1, 2, 1, 6, /*hidden argument*/NULL);
V_0 = L_1;
Socket_t771039639_0 * L_2 = V_0;
NullCheck(L_2);
Socket_Close_m183746607_0(L_2, /*hidden argument*/NULL);
IL2CPP_RUNTIME_CLASS_INIT(Socket_t771039639_0_il2cpp_TypeInfo_var);
((Socket_t771039639_0_StaticFields*)Socket_t771039639_0_il2cpp_TypeInfo_var->static_fields)->___ipv4Supported_5 = 1;
goto IL_0031;
} // end try (depth: 1)
catch(Il2CppExceptionWrapper& e)
{
__exception_local = (Exception_t2143823668_0 *)e.ex;
if(il2cpp_codegen_class_is_assignable_from (Object_t_il2cpp_TypeInfo_var, e.ex->object.klass))
goto CATCH_0025;
throw e;
}
CATCH_0025:
{ // begin catch(System.Object)
IL2CPP_RUNTIME_CLASS_INIT(Socket_t771039639_0_il2cpp_TypeInfo_var);
((Socket_t771039639_0_StaticFields*)Socket_t771039639_0_il2cpp_TypeInfo_var->static_fields)->___ipv4Supported_5 = 0;
goto IL_0031;
} // end catch (depth: 1)
IL_0031:
{
IL2CPP_RUNTIME_CLASS_INIT(Socket_t771039639_0_il2cpp_TypeInfo_var);
int32_t L_3 = ((Socket_t771039639_0_StaticFields*)Socket_t771039639_0_il2cpp_TypeInfo_var->static_fields)->___ipv6Supported_6;
if ((!(((uint32_t)L_3) == ((uint32_t)(-1)))))
{
goto IL_006d;
}
}
{
IL2CPP_RUNTIME_CLASS_INIT(Socket_t771039639_0_il2cpp_TypeInfo_var);
int32_t L_4 = ((Socket_t771039639_0_StaticFields*)Socket_t771039639_0_il2cpp_TypeInfo_var->static_fields)->___ipv6Supported_6;
if (!L_4)
{
goto IL_006d;
}
}
IL_0046:
try
{ // begin try (depth: 1)
Socket_t771039639_0 * L_5 = (Socket_t771039639_0 *)il2cpp_codegen_object_new (Socket_t771039639_0_il2cpp_TypeInfo_var);
Socket__ctor_m_987995908_0(L_5, ((int32_t)23), 1, 6, /*hidden argument*/NULL);
V_1 = L_5;
Socket_t771039639_0 * L_6 = V_1;
NullCheck(L_6);
Socket_Close_m183746607_0(L_6, /*hidden argument*/NULL);
IL2CPP_RUNTIME_CLASS_INIT(Socket_t771039639_0_il2cpp_TypeInfo_var);
((Socket_t771039639_0_StaticFields*)Socket_t771039639_0_il2cpp_TypeInfo_var->static_fields)->___ipv6Supported_6 = 1;
goto IL_006d;
} // end try (depth: 1)
catch(Il2CppExceptionWrapper& e)
{
__exception_local = (Exception_t2143823668_0 *)e.ex;
if(il2cpp_codegen_class_is_assignable_from (Object_t_il2cpp_TypeInfo_var, e.ex->object.klass))
goto CATCH_0061;
throw e;
}
CATCH_0061:
{ // begin catch(System.Object)
IL2CPP_RUNTIME_CLASS_INIT(Socket_t771039639_0_il2cpp_TypeInfo_var);
((Socket_t771039639_0_StaticFields*)Socket_t771039639_0_il2cpp_TypeInfo_var->static_fields)->___ipv6Supported_6 = 0;
goto IL_006d;
} // end catch (depth: 1)
IL_006d:
{
return;
}
}
// System.Boolean System.Net.Sockets.Socket::get_SupportsIPv4()
extern TypeInfo* Socket_t771039639_0_il2cpp_TypeInfo_var;
extern "C" bool Socket_get_SupportsIPv4_m1110590311_0 (Object_t * __this /* static, unused */, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
Socket_t771039639_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(631);
s_Il2CppMethodIntialized = true;
}
{
IL2CPP_RUNTIME_CLASS_INIT(Socket_t771039639_0_il2cpp_TypeInfo_var);
Socket_CheckProtocolSupport_m1469859642_0(NULL /*static, unused*/, /*hidden argument*/NULL);
int32_t L_0 = ((Socket_t771039639_0_StaticFields*)Socket_t771039639_0_il2cpp_TypeInfo_var->static_fields)->___ipv4Supported_5;
return (bool)((((int32_t)L_0) == ((int32_t)1))? 1 : 0);
}
}
// System.Boolean System.Net.Sockets.Socket::get_SupportsIPv6()
extern TypeInfo* Socket_t771039639_0_il2cpp_TypeInfo_var;
extern "C" bool Socket_get_SupportsIPv6_m1110592233_0 (Object_t * __this /* static, unused */, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
Socket_t771039639_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(631);
s_Il2CppMethodIntialized = true;
}
{
IL2CPP_RUNTIME_CLASS_INIT(Socket_t771039639_0_il2cpp_TypeInfo_var);
Socket_CheckProtocolSupport_m1469859642_0(NULL /*static, unused*/, /*hidden argument*/NULL);
int32_t L_0 = ((Socket_t771039639_0_StaticFields*)Socket_t771039639_0_il2cpp_TypeInfo_var->static_fields)->___ipv6Supported_6;
return (bool)((((int32_t)L_0) == ((int32_t)1))? 1 : 0);
}
}
// System.IntPtr System.Net.Sockets.Socket::Socket_internal(System.Net.Sockets.AddressFamily,System.Net.Sockets.SocketType,System.Net.Sockets.ProtocolType,System.Int32&)
extern "C" IntPtr_t Socket_Socket_internal_m_1855510163_0 (Socket_t771039639_0 * __this, int32_t ___family, int32_t ___type, int32_t ___proto, int32_t* ___error, const MethodInfo* method)
{
using namespace il2cpp::icalls;
typedef IntPtr_t (*Socket_Socket_internal_m_1855510163_0_ftn) (Socket_t771039639_0 *, int32_t, int32_t, int32_t, int32_t*);
return ((Socket_Socket_internal_m_1855510163_0_ftn)System::System::Net::Sockets::Socket::Socket_internal) (__this, ___family, ___type, ___proto, ___error);
}
// System.Void System.Net.Sockets.Socket::Finalize()
extern "C" void Socket_Finalize_m_1825340759_0 (Socket_t771039639_0 * __this, const MethodInfo* method)
{
Exception_t2143823668_0 * __last_unhandled_exception = 0;
NO_UNUSED_WARNING (__last_unhandled_exception);
Exception_t2143823668_0 * __exception_local = 0;
NO_UNUSED_WARNING (__exception_local);
int32_t __leave_target = 0;
NO_UNUSED_WARNING (__leave_target);
IL_0000:
try
{ // begin try (depth: 1)
VirtActionInvoker1< bool >::Invoke(5 /* System.Void System.Net.Sockets.Socket::Dispose(System.Boolean) */, __this, (bool)0);
IL2CPP_LEAVE(0x13, FINALLY_000c);
} // end try (depth: 1)
catch(Il2CppExceptionWrapper& e)
{
__last_unhandled_exception = (Exception_t2143823668_0 *)e.ex;
goto FINALLY_000c;
}
FINALLY_000c:
{ // begin finally (depth: 1)
Object_Finalize_m_1267681652_0(__this, /*hidden argument*/NULL);
IL2CPP_END_FINALLY(12)
} // end finally (depth: 1)
IL2CPP_CLEANUP(12)
{
IL2CPP_JUMP_TBL(0x13, IL_0013)
IL2CPP_RETHROW_IF_UNHANDLED(Exception_t2143823668_0 *)
}
IL_0013:
{
return;
}
}
// System.Net.Sockets.AddressFamily System.Net.Sockets.Socket::get_AddressFamily()
extern "C" int32_t Socket_get_AddressFamily_m794897675_0 (Socket_t771039639_0 * __this, const MethodInfo* method)
{
{
int32_t L_0 = (__this->___address_family_9);
return L_0;
}
}
// System.Boolean System.Net.Sockets.Socket::get_Connected()
extern "C" bool Socket_get_Connected_m32348333_0 (Socket_t771039639_0 * __this, const MethodInfo* method)
{
{
bool L_0 = (__this->___connected_17);
return L_0;
}
}
// System.Void System.Net.Sockets.Socket::set_NoDelay(System.Boolean)
extern TypeInfo* ObjectDisposedException_t_1490685872_0_il2cpp_TypeInfo_var;
extern "C" void Socket_set_NoDelay_m320978003_0 (Socket_t771039639_0 * __this, bool ___value, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
ObjectDisposedException_t_1490685872_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(138);
s_Il2CppMethodIntialized = true;
}
int32_t G_B5_0 = 0;
int32_t G_B5_1 = 0;
Socket_t771039639_0 * G_B5_2 = {0};
int32_t G_B4_0 = 0;
int32_t G_B4_1 = 0;
Socket_t771039639_0 * G_B4_2 = {0};
int32_t G_B6_0 = 0;
int32_t G_B6_1 = 0;
int32_t G_B6_2 = 0;
Socket_t771039639_0 * G_B6_3 = {0};
{
bool L_0 = (__this->___disposed_19);
if (!L_0)
{
goto IL_0027;
}
}
{
bool L_1 = (__this->___closed_18);
if (!L_1)
{
goto IL_0027;
}
}
{
Type_t * L_2 = Object_GetType_m2022236990_0(__this, /*hidden argument*/NULL);
NullCheck(L_2);
String_t* L_3 = (String_t*)VirtFuncInvoker0< String_t* >::Invoke(3 /* System.String System.Type::ToString() */, L_2);
ObjectDisposedException_t_1490685872_0 * L_4 = (ObjectDisposedException_t_1490685872_0 *)il2cpp_codegen_object_new (ObjectDisposedException_t_1490685872_0_il2cpp_TypeInfo_var);
ObjectDisposedException__ctor_m1180707260_0(L_4, L_3, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_4);
}
IL_0027:
{
Socket_ThrowIfUpd_m253258129_0(__this, /*hidden argument*/NULL);
bool L_5 = ___value;
G_B4_0 = 1;
G_B4_1 = 6;
G_B4_2 = __this;
if (!L_5)
{
G_B5_0 = 1;
G_B5_1 = 6;
G_B5_2 = __this;
goto IL_003c;
}
}
{
G_B6_0 = 1;
G_B6_1 = G_B4_0;
G_B6_2 = G_B4_1;
G_B6_3 = G_B4_2;
goto IL_003d;
}
IL_003c:
{
G_B6_0 = 0;
G_B6_1 = G_B5_0;
G_B6_2 = G_B5_1;
G_B6_3 = G_B5_2;
}
IL_003d:
{
NullCheck(G_B6_3);
Socket_SetSocketOption_m225156057_0(G_B6_3, G_B6_2, G_B6_1, G_B6_0, /*hidden argument*/NULL);
return;
}
}
// System.Void System.Net.Sockets.Socket::Linger(System.IntPtr)
extern TypeInfo* Socket_t771039639_0_il2cpp_TypeInfo_var;
extern TypeInfo* LingerOption_t_1578713956_0_il2cpp_TypeInfo_var;
extern "C" void Socket_Linger_m_323908570_0 (Socket_t771039639_0 * __this, IntPtr_t ___handle, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
Socket_t771039639_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(631);
LingerOption_t_1578713956_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(634);
s_Il2CppMethodIntialized = true;
}
int32_t V_0 = 0;
int32_t V_1 = 0;
int32_t V_2 = 0;
LingerOption_t_1578713956_0 * V_3 = {0};
{
bool L_0 = (__this->___connected_17);
if (!L_0)
{
goto IL_0017;
}
}
{
int32_t L_1 = (__this->___linger_timeout_7);
if ((((int32_t)L_1) > ((int32_t)0)))
{
goto IL_0018;
}
}
IL_0017:
{
return;
}
IL_0018:
{
IntPtr_t L_2 = ___handle;
IL2CPP_RUNTIME_CLASS_INIT(Socket_t771039639_0_il2cpp_TypeInfo_var);
Socket_Shutdown_internal_m2019310737_0(NULL /*static, unused*/, L_2, 0, (&V_0), /*hidden argument*/NULL);
int32_t L_3 = V_0;
if (!L_3)
{
goto IL_0028;
}
}
{
return;
}
IL_0028:
{
int32_t L_4 = (__this->___linger_timeout_7);
V_1 = ((int32_t)((int32_t)L_4/(int32_t)((int32_t)1000)));
int32_t L_5 = (__this->___linger_timeout_7);
V_2 = ((int32_t)((int32_t)L_5%(int32_t)((int32_t)1000)));
int32_t L_6 = V_2;
if ((((int32_t)L_6) <= ((int32_t)0)))
{
goto IL_0061;
}
}
{
IntPtr_t L_7 = ___handle;
int32_t L_8 = V_2;
IL2CPP_RUNTIME_CLASS_INIT(Socket_t771039639_0_il2cpp_TypeInfo_var);
Socket_Poll_internal_m1151471955_0(NULL /*static, unused*/, L_7, 0, ((int32_t)((int32_t)L_8*(int32_t)((int32_t)1000))), (&V_0), /*hidden argument*/NULL);
int32_t L_9 = V_0;
if (!L_9)
{
goto IL_0061;
}
}
{
return;
}
IL_0061:
{
int32_t L_10 = V_1;
if ((((int32_t)L_10) <= ((int32_t)0)))
{
goto IL_0085;
}
}
{
int32_t L_11 = V_1;
LingerOption_t_1578713956_0 * L_12 = (LingerOption_t_1578713956_0 *)il2cpp_codegen_object_new (LingerOption_t_1578713956_0_il2cpp_TypeInfo_var);
LingerOption__ctor_m134971468_0(L_12, (bool)1, L_11, /*hidden argument*/NULL);
V_3 = L_12;
IntPtr_t L_13 = ___handle;
LingerOption_t_1578713956_0 * L_14 = V_3;
IL2CPP_RUNTIME_CLASS_INIT(Socket_t771039639_0_il2cpp_TypeInfo_var);
Socket_SetSocketOption_internal_m111805231_0(NULL /*static, unused*/, L_13, ((int32_t)65535), ((int32_t)128), L_14, (ByteU5BU5D_t_1238178395_0*)(ByteU5BU5D_t_1238178395_0*)NULL, 0, (&V_0), /*hidden argument*/NULL);
}
IL_0085:
{
return;
}
}
// System.Void System.Net.Sockets.Socket::Dispose(System.Boolean)
extern TypeInfo* Socket_t771039639_0_il2cpp_TypeInfo_var;
extern TypeInfo* SocketException_t341026936_0_il2cpp_TypeInfo_var;
extern "C" void Socket_Dispose_m1498201101_0 (Socket_t771039639_0 * __this, bool ___explicitDisposing, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
Socket_t771039639_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(631);
SocketException_t341026936_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(630);
s_Il2CppMethodIntialized = true;
}
bool V_0 = false;
int32_t V_1 = 0;
IntPtr_t V_2 = {0};
Thread_t_702325573_0 * V_3 = {0};
{
bool L_0 = (__this->___disposed_19);
if (!L_0)
{
goto IL_000c;
}
}
{
return;
}
IL_000c:
{
__this->___disposed_19 = (bool)1;
bool L_1 = (__this->___connected_17);
V_0 = L_1;
__this->___connected_17 = (bool)0;
IntPtr_t L_2 = (__this->___socket_8);
int32_t L_3 = IntPtr_op_Explicit_m1500672818_0(NULL /*static, unused*/, L_2, /*hidden argument*/NULL);
if ((((int32_t)L_3) == ((int32_t)(-1))))
{
goto IL_00a9;
}
}
{
bool L_4 = Environment_get_SocketSecurityEnabled_m2002704895_0(NULL /*static, unused*/, /*hidden argument*/NULL);
if (!L_4)
{
goto IL_0053;
}
}
{
IL2CPP_RUNTIME_CLASS_INIT(Socket_t771039639_0_il2cpp_TypeInfo_var);
int32_t L_5 = ((Socket_t771039639_0_StaticFields*)Socket_t771039639_0_il2cpp_TypeInfo_var->static_fields)->___current_bind_count_15;
if ((((int32_t)L_5) <= ((int32_t)0)))
{
goto IL_0053;
}
}
{
IL2CPP_RUNTIME_CLASS_INIT(Socket_t771039639_0_il2cpp_TypeInfo_var);
int32_t L_6 = ((Socket_t771039639_0_StaticFields*)Socket_t771039639_0_il2cpp_TypeInfo_var->static_fields)->___current_bind_count_15;
((Socket_t771039639_0_StaticFields*)Socket_t771039639_0_il2cpp_TypeInfo_var->static_fields)->___current_bind_count_15 = ((int32_t)((int32_t)L_6-(int32_t)1));
}
IL_0053:
{
__this->___closed_18 = (bool)1;
IntPtr_t L_7 = (__this->___socket_8);
V_2 = L_7;
IntPtr_t L_8 = IntPtr_op_Explicit_m_2120799540_0(NULL /*static, unused*/, (-1), /*hidden argument*/NULL);
__this->___socket_8 = L_8;
Thread_t_702325573_0 * L_9 = (__this->___blocking_thread_13);
V_3 = L_9;
Thread_t_702325573_0 * L_10 = V_3;
if (!L_10)
{
goto IL_0087;
}
}
{
Thread_t_702325573_0 * L_11 = V_3;
NullCheck(L_11);
Thread_Abort_m473867523_0(L_11, /*hidden argument*/NULL);
__this->___blocking_thread_13 = (Thread_t_702325573_0 *)NULL;
}
IL_0087:
{
bool L_12 = V_0;
if (!L_12)
{
goto IL_0094;
}
}
{
IntPtr_t L_13 = V_2;
Socket_Linger_m_323908570_0(__this, L_13, /*hidden argument*/NULL);
}
IL_0094:
{
IntPtr_t L_14 = V_2;
IL2CPP_RUNTIME_CLASS_INIT(Socket_t771039639_0_il2cpp_TypeInfo_var);
Socket_Close_internal_m712534810_0(NULL /*static, unused*/, L_14, (&V_1), /*hidden argument*/NULL);
int32_t L_15 = V_1;
if (!L_15)
{
goto IL_00a9;
}
}
{
int32_t L_16 = V_1;
SocketException_t341026936_0 * L_17 = (SocketException_t341026936_0 *)il2cpp_codegen_object_new (SocketException_t341026936_0_il2cpp_TypeInfo_var);
SocketException__ctor_m2020928431_0(L_17, L_16, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_17);
}
IL_00a9:
{
return;
}
}
// System.Void System.Net.Sockets.Socket::Dispose()
extern "C" void Socket_Dispose_m1221567766_0 (Socket_t771039639_0 * __this, const MethodInfo* method)
{
{
VirtActionInvoker1< bool >::Invoke(5 /* System.Void System.Net.Sockets.Socket::Dispose(System.Boolean) */, __this, (bool)1);
GC_SuppressFinalize_m1160635446_0(NULL /*static, unused*/, __this, /*hidden argument*/NULL);
return;
}
}
// System.Void System.Net.Sockets.Socket::Close_internal(System.IntPtr,System.Int32&)
extern "C" void Socket_Close_internal_m712534810_0 (Object_t * __this /* static, unused */, IntPtr_t ___socket, int32_t* ___error, const MethodInfo* method)
{
using namespace il2cpp::icalls;
typedef void (*Socket_Close_internal_m712534810_0_ftn) (IntPtr_t, int32_t*);
((Socket_Close_internal_m712534810_0_ftn)System::System::Net::Sockets::Socket::Close) (___socket, ___error);
}
// System.Void System.Net.Sockets.Socket::Close()
extern TypeInfo* IDisposable_t_2098447282_0_il2cpp_TypeInfo_var;
extern "C" void Socket_Close_m183746607_0 (Socket_t771039639_0 * __this, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
IDisposable_t_2098447282_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(142);
s_Il2CppMethodIntialized = true;
}
{
__this->___linger_timeout_7 = 0;
InterfaceActionInvoker0::Invoke(0 /* System.Void System.IDisposable::Dispose() */, IDisposable_t_2098447282_0_il2cpp_TypeInfo_var, __this);
return;
}
}
// System.Void System.Net.Sockets.Socket::Connect_internal_real(System.IntPtr,System.Net.SocketAddress,System.Int32&)
extern "C" void Socket_Connect_internal_real_m_2056241832_0 (Object_t * __this /* static, unused */, IntPtr_t ___sock, SocketAddress_t_1639988597_0 * ___sa, int32_t* ___error, const MethodInfo* method)
{
using namespace il2cpp::icalls;
typedef void (*Socket_Connect_internal_real_m_2056241832_0_ftn) (IntPtr_t, SocketAddress_t_1639988597_0 *, int32_t*);
((Socket_Connect_internal_real_m_2056241832_0_ftn)System::System::Net::Sockets::Socket::Connect) (___sock, ___sa, ___error);
}
// System.Void System.Net.Sockets.Socket::Connect_internal(System.IntPtr,System.Net.SocketAddress,System.Int32&)
extern TypeInfo* Socket_t771039639_0_il2cpp_TypeInfo_var;
extern "C" void Socket_Connect_internal_m_1246481645_0 (Object_t * __this /* static, unused */, IntPtr_t ___sock, SocketAddress_t_1639988597_0 * ___sa, int32_t* ___error, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
Socket_t771039639_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(631);
s_Il2CppMethodIntialized = true;
}
{
IntPtr_t L_0 = ___sock;
SocketAddress_t_1639988597_0 * L_1 = ___sa;
int32_t* L_2 = ___error;
IL2CPP_RUNTIME_CLASS_INIT(Socket_t771039639_0_il2cpp_TypeInfo_var);
Socket_Connect_internal_m_2079115254_0(NULL /*static, unused*/, L_0, L_1, L_2, (bool)1, /*hidden argument*/NULL);
return;
}
}
// System.Void System.Net.Sockets.Socket::Connect_internal(System.IntPtr,System.Net.SocketAddress,System.Int32&,System.Boolean)
extern TypeInfo* Socket_t771039639_0_il2cpp_TypeInfo_var;
extern TypeInfo* SecurityException_t_1267377828_0_il2cpp_TypeInfo_var;
extern Il2CppCodeGenString* _stringLiteral1865123476_0;
extern "C" void Socket_Connect_internal_m_2079115254_0 (Object_t * __this /* static, unused */, IntPtr_t ___sock, SocketAddress_t_1639988597_0 * ___sa, int32_t* ___error, bool ___requireSocketPolicyFile, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
Socket_t771039639_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(631);
SecurityException_t_1267377828_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(213);
_stringLiteral1865123476_0 = il2cpp_codegen_string_literal_from_index(2099);
s_Il2CppMethodIntialized = true;
}
{
bool L_0 = ___requireSocketPolicyFile;
if (!L_0)
{
goto IL_001c;
}
}
{
SocketAddress_t_1639988597_0 * L_1 = ___sa;
IL2CPP_RUNTIME_CLASS_INIT(Socket_t771039639_0_il2cpp_TypeInfo_var);
bool L_2 = Socket_CheckEndPoint_m44041593_0(NULL /*static, unused*/, L_1, /*hidden argument*/NULL);
if (L_2)
{
goto IL_001c;
}
}
{
SecurityException_t_1267377828_0 * L_3 = (SecurityException_t_1267377828_0 *)il2cpp_codegen_object_new (SecurityException_t_1267377828_0_il2cpp_TypeInfo_var);
SecurityException__ctor_m1163560590_0(L_3, _stringLiteral1865123476_0, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_3);
}
IL_001c:
{
IntPtr_t L_4 = ___sock;
SocketAddress_t_1639988597_0 * L_5 = ___sa;
int32_t* L_6 = ___error;
IL2CPP_RUNTIME_CLASS_INIT(Socket_t771039639_0_il2cpp_TypeInfo_var);
Socket_Connect_internal_real_m_2056241832_0(NULL /*static, unused*/, L_4, L_5, L_6, /*hidden argument*/NULL);
return;
}
}
// System.Boolean System.Net.Sockets.Socket::CheckEndPoint(System.Net.SocketAddress)
extern TypeInfo* IPAddress_t125139831_0_il2cpp_TypeInfo_var;
extern TypeInfo* IPEndPoint_t_1780335022_0_il2cpp_TypeInfo_var;
extern TypeInfo* Socket_t771039639_0_il2cpp_TypeInfo_var;
extern TypeInfo* ObjectU5BU5D_t1774424924_0_il2cpp_TypeInfo_var;
extern TypeInfo* Int32_t1628762099_0_il2cpp_TypeInfo_var;
extern TypeInfo* Boolean_t_19515315_0_il2cpp_TypeInfo_var;
extern TypeInfo* Exception_t2143823668_0_il2cpp_TypeInfo_var;
extern TypeInfo* String_t_il2cpp_TypeInfo_var;
extern TypeInfo* Console_t867283324_0_il2cpp_TypeInfo_var;
extern Il2CppCodeGenString* _stringLiteral551196944_0;
extern Il2CppCodeGenString* _stringLiteral823074666_0;
extern "C" bool Socket_CheckEndPoint_m44041593_0 (Object_t * __this /* static, unused */, SocketAddress_t_1639988597_0 * ___sa, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
IPAddress_t125139831_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(635);
IPEndPoint_t_1780335022_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(632);
Socket_t771039639_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(631);
ObjectU5BU5D_t1774424924_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(19);
Int32_t1628762099_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(8);
Boolean_t_19515315_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(49);
Exception_t2143823668_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(45);
String_t_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(11);
Console_t867283324_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(575);
_stringLiteral551196944_0 = il2cpp_codegen_string_literal_from_index(2101);
_stringLiteral823074666_0 = il2cpp_codegen_string_literal_from_index(2102);
s_Il2CppMethodIntialized = true;
}
IPEndPoint_t_1780335022_0 * V_0 = {0};
IPEndPoint_t_1780335022_0 * V_1 = {0};
Exception_t2143823668_0 * V_2 = {0};
bool V_3 = false;
Exception_t2143823668_0 * __last_unhandled_exception = 0;
NO_UNUSED_WARNING (__last_unhandled_exception);
Exception_t2143823668_0 * __exception_local = 0;
NO_UNUSED_WARNING (__exception_local);
int32_t __leave_target = 0;
NO_UNUSED_WARNING (__leave_target);
{
bool L_0 = Environment_get_SocketSecurityEnabled_m2002704895_0(NULL /*static, unused*/, /*hidden argument*/NULL);
if (L_0)
{
goto IL_000c;
}
}
{
return (bool)1;
}
IL_000c:
try
{ // begin try (depth: 1)
{
IL2CPP_RUNTIME_CLASS_INIT(IPAddress_t125139831_0_il2cpp_TypeInfo_var);
IPAddress_t125139831_0 * L_1 = ((IPAddress_t125139831_0_StaticFields*)IPAddress_t125139831_0_il2cpp_TypeInfo_var->static_fields)->___Loopback_6;
IPEndPoint_t_1780335022_0 * L_2 = (IPEndPoint_t_1780335022_0 *)il2cpp_codegen_object_new (IPEndPoint_t_1780335022_0_il2cpp_TypeInfo_var);
IPEndPoint__ctor_m613724246_0(L_2, L_1, ((int32_t)123), /*hidden argument*/NULL);
V_0 = L_2;
IPEndPoint_t_1780335022_0 * L_3 = V_0;
SocketAddress_t_1639988597_0 * L_4 = ___sa;
NullCheck(L_3);
EndPoint_t_1941440085_0 * L_5 = (EndPoint_t_1941440085_0 *)VirtFuncInvoker1< EndPoint_t_1941440085_0 *, SocketAddress_t_1639988597_0 * >::Invoke(5 /* System.Net.EndPoint System.Net.IPEndPoint::Create(System.Net.SocketAddress) */, L_3, L_4);
V_1 = ((IPEndPoint_t_1780335022_0 *)CastclassClass(L_5, IPEndPoint_t_1780335022_0_il2cpp_TypeInfo_var));
IL2CPP_RUNTIME_CLASS_INIT(Socket_t771039639_0_il2cpp_TypeInfo_var);
MethodInfo_t * L_6 = ((Socket_t771039639_0_StaticFields*)Socket_t771039639_0_il2cpp_TypeInfo_var->static_fields)->___check_socket_policy_21;
if (L_6)
{
goto IL_003f;
}
}
IL_0030:
{
IL2CPP_RUNTIME_CLASS_INIT(Socket_t771039639_0_il2cpp_TypeInfo_var);
MethodInfo_t * L_7 = Socket_GetUnityCrossDomainHelperMethod_m_6918229_0(NULL /*static, unused*/, _stringLiteral551196944_0, /*hidden argument*/NULL);
((Socket_t771039639_0_StaticFields*)Socket_t771039639_0_il2cpp_TypeInfo_var->static_fields)->___check_socket_policy_21 = L_7;
}
IL_003f:
{
IL2CPP_RUNTIME_CLASS_INIT(Socket_t771039639_0_il2cpp_TypeInfo_var);
MethodInfo_t * L_8 = ((Socket_t771039639_0_StaticFields*)Socket_t771039639_0_il2cpp_TypeInfo_var->static_fields)->___check_socket_policy_21;
ObjectU5BU5D_t1774424924_0* L_9 = ((ObjectU5BU5D_t1774424924_0*)SZArrayNew(ObjectU5BU5D_t1774424924_0_il2cpp_TypeInfo_var, (uint32_t)2));
IPEndPoint_t_1780335022_0 * L_10 = V_1;
NullCheck(L_10);
IPAddress_t125139831_0 * L_11 = IPEndPoint_get_Address_m1282959913_0(L_10, /*hidden argument*/NULL);
NullCheck(L_11);
String_t* L_12 = (String_t*)VirtFuncInvoker0< String_t* >::Invoke(3 /* System.String System.Net.IPAddress::ToString() */, L_11);
NullCheck(L_9);
IL2CPP_ARRAY_BOUNDS_CHECK(L_9, 0);
ArrayElementTypeCheck (L_9, L_12);
*((Object_t **)(Object_t **)SZArrayLdElema(L_9, 0, sizeof(Object_t *))) = (Object_t *)L_12;
ObjectU5BU5D_t1774424924_0* L_13 = L_9;
IPEndPoint_t_1780335022_0 * L_14 = V_1;
NullCheck(L_14);
int32_t L_15 = IPEndPoint_get_Port_m1670115040_0(L_14, /*hidden argument*/NULL);
int32_t L_16 = L_15;
Object_t * L_17 = Box(Int32_t1628762099_0_il2cpp_TypeInfo_var, &L_16);
NullCheck(L_13);
IL2CPP_ARRAY_BOUNDS_CHECK(L_13, 1);
ArrayElementTypeCheck (L_13, L_17);
*((Object_t **)(Object_t **)SZArrayLdElema(L_13, 1, sizeof(Object_t *))) = (Object_t *)L_17;
NullCheck(L_8);
Object_t * L_18 = (Object_t *)VirtFuncInvoker2< Object_t *, Object_t *, ObjectU5BU5D_t1774424924_0* >::Invoke(16 /* System.Object System.Reflection.MethodBase::Invoke(System.Object,System.Object[]) */, L_8, NULL, L_13);
V_3 = ((*(bool*)((bool*)UnBox (L_18, Boolean_t_19515315_0_il2cpp_TypeInfo_var))));
goto IL_0099;
}
IL_0077:
{
; // IL_0077: leave IL_0099
}
} // end try (depth: 1)
catch(Il2CppExceptionWrapper& e)
{
__exception_local = (Exception_t2143823668_0 *)e.ex;
if(il2cpp_codegen_class_is_assignable_from (Exception_t2143823668_0_il2cpp_TypeInfo_var, e.ex->object.klass))
goto CATCH_007c;
throw e;
}
CATCH_007c:
{ // begin catch(System.Exception)
{
V_2 = ((Exception_t2143823668_0 *)__exception_local);
Exception_t2143823668_0 * L_19 = V_2;
IL2CPP_RUNTIME_CLASS_INIT(String_t_il2cpp_TypeInfo_var);
String_t* L_20 = String_Concat_m389863537_0(NULL /*static, unused*/, _stringLiteral823074666_0, L_19, /*hidden argument*/NULL);
IL2CPP_RUNTIME_CLASS_INIT(Console_t867283324_0_il2cpp_TypeInfo_var);
Console_WriteLine_m_1465765321_0(NULL /*static, unused*/, L_20, /*hidden argument*/NULL);
V_3 = (bool)0;
goto IL_0099;
}
IL_0094:
{
; // IL_0094: leave IL_0099
}
} // end catch (depth: 1)
IL_0099:
{
bool L_21 = V_3;
return L_21;
}
}
// System.Reflection.MethodInfo System.Net.Sockets.Socket::GetUnityCrossDomainHelperMethod(System.String)
extern TypeInfo* Type_t_il2cpp_TypeInfo_var;
extern TypeInfo* SecurityException_t_1267377828_0_il2cpp_TypeInfo_var;
extern TypeInfo* String_t_il2cpp_TypeInfo_var;
extern Il2CppCodeGenString* _stringLiteral98018963_0;
extern Il2CppCodeGenString* _stringLiteral_2127979848_0;
extern Il2CppCodeGenString* _stringLiteral_190537429_0;
extern "C" MethodInfo_t * Socket_GetUnityCrossDomainHelperMethod_m_6918229_0 (Object_t * __this /* static, unused */, String_t* ___methodname, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
Type_t_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(3);
SecurityException_t_1267377828_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(213);
String_t_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(11);
_stringLiteral98018963_0 = il2cpp_codegen_string_literal_from_index(2103);
_stringLiteral_2127979848_0 = il2cpp_codegen_string_literal_from_index(2104);
_stringLiteral_190537429_0 = il2cpp_codegen_string_literal_from_index(2105);
s_Il2CppMethodIntialized = true;
}
Type_t * V_0 = {0};
MethodInfo_t * V_1 = {0};
{
IL2CPP_RUNTIME_CLASS_INIT(Type_t_il2cpp_TypeInfo_var);
Type_t * L_0 = il2cpp_codegen_get_type((methodPointerType)&Type_GetType_m_1417377665_0, _stringLiteral98018963_0, "System, Version=2.0.5.0, Culture=neutral, PublicKeyToken=7cec85d7bea7798e");
V_0 = L_0;
Type_t * L_1 = V_0;
if (L_1)
{
goto IL_001c;
}
}
{
SecurityException_t_1267377828_0 * L_2 = (SecurityException_t_1267377828_0 *)il2cpp_codegen_object_new (SecurityException_t_1267377828_0_il2cpp_TypeInfo_var);
SecurityException__ctor_m1163560590_0(L_2, _stringLiteral_2127979848_0, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_2);
}
IL_001c:
{
Type_t * L_3 = V_0;
String_t* L_4 = ___methodname;
NullCheck(L_3);
MethodInfo_t * L_5 = (MethodInfo_t *)VirtFuncInvoker1< MethodInfo_t *, String_t* >::Invoke(46 /* System.Reflection.MethodInfo System.Type::GetMethod(System.String) */, L_3, L_4);
V_1 = L_5;
MethodInfo_t * L_6 = V_1;
if (L_6)
{
goto IL_003b;
}
}
{
String_t* L_7 = ___methodname;
IL2CPP_RUNTIME_CLASS_INIT(String_t_il2cpp_TypeInfo_var);
String_t* L_8 = String_Concat_m138640077_0(NULL /*static, unused*/, _stringLiteral_190537429_0, L_7, /*hidden argument*/NULL);
SecurityException_t_1267377828_0 * L_9 = (SecurityException_t_1267377828_0 *)il2cpp_codegen_object_new (SecurityException_t_1267377828_0_il2cpp_TypeInfo_var);
SecurityException__ctor_m1163560590_0(L_9, L_8, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_9);
}
IL_003b:
{
MethodInfo_t * L_10 = V_1;
return L_10;
}
}
// System.Void System.Net.Sockets.Socket::Connect(System.Net.EndPoint)
extern "C" void Socket_Connect_m_851817300_0 (Socket_t771039639_0 * __this, EndPoint_t_1941440085_0 * ___remoteEP, const MethodInfo* method)
{
{
EndPoint_t_1941440085_0 * L_0 = ___remoteEP;
Socket_Connect_m_1096443567_0(__this, L_0, (bool)1, /*hidden argument*/NULL);
return;
}
}
// System.Void System.Net.Sockets.Socket::Connect(System.Net.EndPoint,System.Boolean)
extern TypeInfo* ObjectDisposedException_t_1490685872_0_il2cpp_TypeInfo_var;
extern TypeInfo* ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var;
extern TypeInfo* IPEndPoint_t_1780335022_0_il2cpp_TypeInfo_var;
extern TypeInfo* IPAddress_t125139831_0_il2cpp_TypeInfo_var;
extern TypeInfo* SocketException_t341026936_0_il2cpp_TypeInfo_var;
extern TypeInfo* InvalidOperationException_t_523179548_0_il2cpp_TypeInfo_var;
extern TypeInfo* Thread_t_702325573_0_il2cpp_TypeInfo_var;
extern TypeInfo* Socket_t771039639_0_il2cpp_TypeInfo_var;
extern TypeInfo* ThreadAbortException_t649668762_0_il2cpp_TypeInfo_var;
extern Il2CppCodeGenString* _stringLiteral_512882831_0;
extern "C" void Socket_Connect_m_1096443567_0 (Socket_t771039639_0 * __this, EndPoint_t_1941440085_0 * ___remoteEP, bool ___requireSocketPolicy, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
ObjectDisposedException_t_1490685872_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(138);
ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(2);
IPEndPoint_t_1780335022_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(632);
IPAddress_t125139831_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(635);
SocketException_t341026936_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(630);
InvalidOperationException_t_523179548_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(72);
Thread_t_702325573_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(16);
Socket_t771039639_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(631);
ThreadAbortException_t649668762_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(309);
_stringLiteral_512882831_0 = il2cpp_codegen_string_literal_from_index(2106);
s_Il2CppMethodIntialized = true;
}
SocketAddress_t_1639988597_0 * V_0 = {0};
IPEndPoint_t_1780335022_0 * V_1 = {0};
int32_t V_2 = 0;
Exception_t2143823668_0 * __last_unhandled_exception = 0;
NO_UNUSED_WARNING (__last_unhandled_exception);
Exception_t2143823668_0 * __exception_local = 0;
NO_UNUSED_WARNING (__exception_local);
int32_t __leave_target = 0;
NO_UNUSED_WARNING (__leave_target);
{
V_0 = (SocketAddress_t_1639988597_0 *)NULL;
bool L_0 = (__this->___disposed_19);
if (!L_0)
{
goto IL_0029;
}
}
{
bool L_1 = (__this->___closed_18);
if (!L_1)
{
goto IL_0029;
}
}
{
Type_t * L_2 = Object_GetType_m2022236990_0(__this, /*hidden argument*/NULL);
NullCheck(L_2);
String_t* L_3 = (String_t*)VirtFuncInvoker0< String_t* >::Invoke(3 /* System.String System.Type::ToString() */, L_2);
ObjectDisposedException_t_1490685872_0 * L_4 = (ObjectDisposedException_t_1490685872_0 *)il2cpp_codegen_object_new (ObjectDisposedException_t_1490685872_0_il2cpp_TypeInfo_var);
ObjectDisposedException__ctor_m1180707260_0(L_4, L_3, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_4);
}
IL_0029:
{
EndPoint_t_1941440085_0 * L_5 = ___remoteEP;
if (L_5)
{
goto IL_003a;
}
}
{
ArgumentNullException_t_1072101840_0 * L_6 = (ArgumentNullException_t_1072101840_0 *)il2cpp_codegen_object_new (ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var);
ArgumentNullException__ctor_m135444188_0(L_6, _stringLiteral_512882831_0, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_6);
}
IL_003a:
{
EndPoint_t_1941440085_0 * L_7 = ___remoteEP;
V_1 = ((IPEndPoint_t_1780335022_0 *)IsInstClass(L_7, IPEndPoint_t_1780335022_0_il2cpp_TypeInfo_var));
IPEndPoint_t_1780335022_0 * L_8 = V_1;
if (!L_8)
{
goto IL_007c;
}
}
{
IPEndPoint_t_1780335022_0 * L_9 = V_1;
NullCheck(L_9);
IPAddress_t125139831_0 * L_10 = IPEndPoint_get_Address_m1282959913_0(L_9, /*hidden argument*/NULL);
IL2CPP_RUNTIME_CLASS_INIT(IPAddress_t125139831_0_il2cpp_TypeInfo_var);
IPAddress_t125139831_0 * L_11 = ((IPAddress_t125139831_0_StaticFields*)IPAddress_t125139831_0_il2cpp_TypeInfo_var->static_fields)->___Any_4;
NullCheck(L_10);
bool L_12 = (bool)VirtFuncInvoker1< bool, Object_t * >::Invoke(0 /* System.Boolean System.Net.IPAddress::Equals(System.Object) */, L_10, L_11);
if (L_12)
{
goto IL_0071;
}
}
{
IPEndPoint_t_1780335022_0 * L_13 = V_1;
NullCheck(L_13);
IPAddress_t125139831_0 * L_14 = IPEndPoint_get_Address_m1282959913_0(L_13, /*hidden argument*/NULL);
IL2CPP_RUNTIME_CLASS_INIT(IPAddress_t125139831_0_il2cpp_TypeInfo_var);
IPAddress_t125139831_0 * L_15 = ((IPAddress_t125139831_0_StaticFields*)IPAddress_t125139831_0_il2cpp_TypeInfo_var->static_fields)->___IPv6Any_8;
NullCheck(L_14);
bool L_16 = (bool)VirtFuncInvoker1< bool, Object_t * >::Invoke(0 /* System.Boolean System.Net.IPAddress::Equals(System.Object) */, L_14, L_15);
if (!L_16)
{
goto IL_007c;
}
}
IL_0071:
{
SocketException_t341026936_0 * L_17 = (SocketException_t341026936_0 *)il2cpp_codegen_object_new (SocketException_t341026936_0_il2cpp_TypeInfo_var);
SocketException__ctor_m2020928431_0(L_17, ((int32_t)10049), /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_17);
}
IL_007c:
{
bool L_18 = (__this->___islistening_2);
if (!L_18)
{
goto IL_008d;
}
}
{
InvalidOperationException_t_523179548_0 * L_19 = (InvalidOperationException_t_523179548_0 *)il2cpp_codegen_object_new (InvalidOperationException_t_523179548_0_il2cpp_TypeInfo_var);
InvalidOperationException__ctor_m355676978_0(L_19, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_19);
}
IL_008d:
{
EndPoint_t_1941440085_0 * L_20 = ___remoteEP;
NullCheck(L_20);
SocketAddress_t_1639988597_0 * L_21 = (SocketAddress_t_1639988597_0 *)VirtFuncInvoker0< SocketAddress_t_1639988597_0 * >::Invoke(6 /* System.Net.SocketAddress System.Net.EndPoint::Serialize() */, L_20);
V_0 = L_21;
V_2 = 0;
IL2CPP_RUNTIME_CLASS_INIT(Thread_t_702325573_0_il2cpp_TypeInfo_var);
Thread_t_702325573_0 * L_22 = Thread_get_CurrentThread_m1523593825_0(NULL /*static, unused*/, /*hidden argument*/NULL);
__this->___blocking_thread_13 = L_22;
}
IL_00a1:
try
{ // begin try (depth: 1)
try
{ // begin try (depth: 2)
IntPtr_t L_23 = (__this->___socket_8);
SocketAddress_t_1639988597_0 * L_24 = V_0;
bool L_25 = ___requireSocketPolicy;
IL2CPP_RUNTIME_CLASS_INIT(Socket_t771039639_0_il2cpp_TypeInfo_var);
Socket_Connect_internal_m_2079115254_0(NULL /*static, unused*/, L_23, L_24, (&V_2), L_25, /*hidden argument*/NULL);
IL2CPP_LEAVE(0xD9, FINALLY_00d1);
} // end try (depth: 2)
catch(Il2CppExceptionWrapper& e)
{
__exception_local = (Exception_t2143823668_0 *)e.ex;
if(il2cpp_codegen_class_is_assignable_from (ThreadAbortException_t649668762_0_il2cpp_TypeInfo_var, e.ex->object.klass))
goto CATCH_00b5;
throw e;
}
CATCH_00b5:
{ // begin catch(System.Threading.ThreadAbortException)
{
bool L_26 = (__this->___disposed_19);
if (!L_26)
{
goto IL_00cc;
}
}
IL_00c1:
{
IL2CPP_RUNTIME_CLASS_INIT(Thread_t_702325573_0_il2cpp_TypeInfo_var);
Thread_ResetAbort_m_1938359728_0(NULL /*static, unused*/, /*hidden argument*/NULL);
V_2 = ((int32_t)10004);
}
IL_00cc:
{
IL2CPP_LEAVE(0xD9, FINALLY_00d1);
}
} // end catch (depth: 2)
} // end try (depth: 1)
catch(Il2CppExceptionWrapper& e)
{
__last_unhandled_exception = (Exception_t2143823668_0 *)e.ex;
goto FINALLY_00d1;
}
FINALLY_00d1:
{ // begin finally (depth: 1)
__this->___blocking_thread_13 = (Thread_t_702325573_0 *)NULL;
IL2CPP_END_FINALLY(209)
} // end finally (depth: 1)
IL2CPP_CLEANUP(209)
{
IL2CPP_JUMP_TBL(0xD9, IL_00d9)
IL2CPP_RETHROW_IF_UNHANDLED(Exception_t2143823668_0 *)
}
IL_00d9:
{
int32_t L_27 = V_2;
if (!L_27)
{
goto IL_00e6;
}
}
{
int32_t L_28 = V_2;
SocketException_t341026936_0 * L_29 = (SocketException_t341026936_0 *)il2cpp_codegen_object_new (SocketException_t341026936_0_il2cpp_TypeInfo_var);
SocketException__ctor_m2020928431_0(L_29, L_28, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_29);
}
IL_00e6:
{
__this->___connected_17 = (bool)1;
__this->___isbound_14 = (bool)1;
EndPoint_t_1941440085_0 * L_30 = ___remoteEP;
__this->___seed_endpoint_20 = L_30;
return;
}
}
// System.Boolean System.Net.Sockets.Socket::Poll_internal(System.IntPtr,System.Net.Sockets.SelectMode,System.Int32,System.Int32&)
extern "C" bool Socket_Poll_internal_m1151471955_0 (Object_t * __this /* static, unused */, IntPtr_t ___socket, int32_t ___mode, int32_t ___timeout, int32_t* ___error, const MethodInfo* method)
{
using namespace il2cpp::icalls;
typedef bool (*Socket_Poll_internal_m1151471955_0_ftn) (IntPtr_t, int32_t, int32_t, int32_t*);
return ((Socket_Poll_internal_m1151471955_0_ftn)System::System::Net::Sockets::Socket::Poll) (___socket, ___mode, ___timeout, ___error);
}
// System.Int32 System.Net.Sockets.Socket::Receive_internal(System.IntPtr,System.Byte[],System.Int32,System.Int32,System.Net.Sockets.SocketFlags,System.Int32&)
extern "C" int32_t Socket_Receive_internal_m2102825858_0 (Object_t * __this /* static, unused */, IntPtr_t ___sock, ByteU5BU5D_t_1238178395_0* ___buffer, int32_t ___offset, int32_t ___count, int32_t ___flags, int32_t* ___error, const MethodInfo* method)
{
using namespace il2cpp::icalls;
typedef int32_t (*Socket_Receive_internal_m2102825858_0_ftn) (IntPtr_t, ByteU5BU5D_t_1238178395_0*, int32_t, int32_t, int32_t, int32_t*);
return ((Socket_Receive_internal_m2102825858_0_ftn)System::System::Net::Sockets::Socket::Receive) (___sock, ___buffer, ___offset, ___count, ___flags, ___error);
}
// System.Int32 System.Net.Sockets.Socket::Receive_nochecks(System.Byte[],System.Int32,System.Int32,System.Net.Sockets.SocketFlags,System.Net.Sockets.SocketError&)
extern TypeInfo* IPAddress_t125139831_0_il2cpp_TypeInfo_var;
extern TypeInfo* IPEndPoint_t_1780335022_0_il2cpp_TypeInfo_var;
extern TypeInfo* Socket_t771039639_0_il2cpp_TypeInfo_var;
extern "C" int32_t Socket_Receive_nochecks_m_1529643801_0 (Socket_t771039639_0 * __this, ByteU5BU5D_t_1238178395_0* ___buf, int32_t ___offset, int32_t ___size, int32_t ___flags, int32_t* ___error, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
IPAddress_t125139831_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(635);
IPEndPoint_t_1780335022_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(632);
Socket_t771039639_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(631);
s_Il2CppMethodIntialized = true;
}
EndPoint_t_1941440085_0 * V_0 = {0};
int32_t V_1 = 0;
int32_t V_2 = 0;
int32_t V_3 = 0;
int32_t V_4 = 0;
{
int32_t L_0 = (__this->___protocol_type_11);
if ((!(((uint32_t)L_0) == ((uint32_t)((int32_t)17)))))
{
goto IL_0032;
}
}
{
IL2CPP_RUNTIME_CLASS_INIT(IPAddress_t125139831_0_il2cpp_TypeInfo_var);
IPAddress_t125139831_0 * L_1 = ((IPAddress_t125139831_0_StaticFields*)IPAddress_t125139831_0_il2cpp_TypeInfo_var->static_fields)->___Any_4;
IPEndPoint_t_1780335022_0 * L_2 = (IPEndPoint_t_1780335022_0 *)il2cpp_codegen_object_new (IPEndPoint_t_1780335022_0_il2cpp_TypeInfo_var);
IPEndPoint__ctor_m613724246_0(L_2, L_1, 0, /*hidden argument*/NULL);
V_0 = L_2;
V_1 = 0;
ByteU5BU5D_t_1238178395_0* L_3 = ___buf;
int32_t L_4 = ___offset;
int32_t L_5 = ___size;
int32_t L_6 = ___flags;
int32_t L_7 = Socket_ReceiveFrom_nochecks_exc_m1710579486_0(__this, L_3, L_4, L_5, L_6, (&V_0), (bool)0, (&V_1), /*hidden argument*/NULL);
V_2 = L_7;
int32_t* L_8 = ___error;
int32_t L_9 = V_1;
*((int32_t*)(L_8)) = (int32_t)L_9;
int32_t L_10 = V_2;
return L_10;
}
IL_0032:
{
IntPtr_t L_11 = (__this->___socket_8);
ByteU5BU5D_t_1238178395_0* L_12 = ___buf;
int32_t L_13 = ___offset;
int32_t L_14 = ___size;
int32_t L_15 = ___flags;
IL2CPP_RUNTIME_CLASS_INIT(Socket_t771039639_0_il2cpp_TypeInfo_var);
int32_t L_16 = Socket_Receive_internal_m2102825858_0(NULL /*static, unused*/, L_11, L_12, L_13, L_14, L_15, (&V_3), /*hidden argument*/NULL);
V_4 = L_16;
int32_t* L_17 = ___error;
int32_t L_18 = V_3;
*((int32_t*)(L_17)) = (int32_t)L_18;
int32_t* L_19 = ___error;
if (!(*((int32_t*)L_19)))
{
goto IL_0078;
}
}
{
int32_t* L_20 = ___error;
if ((((int32_t)(*((int32_t*)L_20))) == ((int32_t)((int32_t)10035))))
{
goto IL_0078;
}
}
{
int32_t* L_21 = ___error;
if ((((int32_t)(*((int32_t*)L_21))) == ((int32_t)((int32_t)10036))))
{
goto IL_0078;
}
}
{
__this->___connected_17 = (bool)0;
goto IL_007f;
}
IL_0078:
{
__this->___connected_17 = (bool)1;
}
IL_007f:
{
int32_t L_22 = V_4;
return L_22;
}
}
// System.Void System.Net.Sockets.Socket::GetSocketOption_obj_internal(System.IntPtr,System.Net.Sockets.SocketOptionLevel,System.Net.Sockets.SocketOptionName,System.Object&,System.Int32&)
extern "C" void Socket_GetSocketOption_obj_internal_m_934507021_0 (Object_t * __this /* static, unused */, IntPtr_t ___socket, int32_t ___level, int32_t ___name, Object_t ** ___obj_val, int32_t* ___error, const MethodInfo* method)
{
using namespace il2cpp::icalls;
typedef void (*Socket_GetSocketOption_obj_internal_m_934507021_0_ftn) (IntPtr_t, int32_t, int32_t, Object_t **, int32_t*);
((Socket_GetSocketOption_obj_internal_m_934507021_0_ftn)System::System::Net::Sockets::Socket::GetSocketOptionObj) (___socket, ___level, ___name, ___obj_val, ___error);
}
// System.Int32 System.Net.Sockets.Socket::Send_internal(System.IntPtr,System.Byte[],System.Int32,System.Int32,System.Net.Sockets.SocketFlags,System.Int32&)
extern "C" int32_t Socket_Send_internal_m_1355388791_0 (Object_t * __this /* static, unused */, IntPtr_t ___sock, ByteU5BU5D_t_1238178395_0* ___buf, int32_t ___offset, int32_t ___count, int32_t ___flags, int32_t* ___error, const MethodInfo* method)
{
using namespace il2cpp::icalls;
typedef int32_t (*Socket_Send_internal_m_1355388791_0_ftn) (IntPtr_t, ByteU5BU5D_t_1238178395_0*, int32_t, int32_t, int32_t, int32_t*);
return ((Socket_Send_internal_m_1355388791_0_ftn)System::System::Net::Sockets::Socket::Send) (___sock, ___buf, ___offset, ___count, ___flags, ___error);
}
// System.Int32 System.Net.Sockets.Socket::Send_nochecks(System.Byte[],System.Int32,System.Int32,System.Net.Sockets.SocketFlags,System.Net.Sockets.SocketError&)
extern TypeInfo* Socket_t771039639_0_il2cpp_TypeInfo_var;
extern "C" int32_t Socket_Send_nochecks_m_1994164626_0 (Socket_t771039639_0 * __this, ByteU5BU5D_t_1238178395_0* ___buf, int32_t ___offset, int32_t ___size, int32_t ___flags, int32_t* ___error, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
Socket_t771039639_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(631);
s_Il2CppMethodIntialized = true;
}
int32_t V_0 = 0;
int32_t V_1 = 0;
{
int32_t L_0 = ___size;
if (L_0)
{
goto IL_000c;
}
}
{
int32_t* L_1 = ___error;
*((int32_t*)(L_1)) = (int32_t)0;
return 0;
}
IL_000c:
{
IntPtr_t L_2 = (__this->___socket_8);
ByteU5BU5D_t_1238178395_0* L_3 = ___buf;
int32_t L_4 = ___offset;
int32_t L_5 = ___size;
int32_t L_6 = ___flags;
IL2CPP_RUNTIME_CLASS_INIT(Socket_t771039639_0_il2cpp_TypeInfo_var);
int32_t L_7 = Socket_Send_internal_m_1355388791_0(NULL /*static, unused*/, L_2, L_3, L_4, L_5, L_6, (&V_0), /*hidden argument*/NULL);
V_1 = L_7;
int32_t* L_8 = ___error;
int32_t L_9 = V_0;
*((int32_t*)(L_8)) = (int32_t)L_9;
int32_t* L_10 = ___error;
if (!(*((int32_t*)L_10)))
{
goto IL_0051;
}
}
{
int32_t* L_11 = ___error;
if ((((int32_t)(*((int32_t*)L_11))) == ((int32_t)((int32_t)10035))))
{
goto IL_0051;
}
}
{
int32_t* L_12 = ___error;
if ((((int32_t)(*((int32_t*)L_12))) == ((int32_t)((int32_t)10036))))
{
goto IL_0051;
}
}
{
__this->___connected_17 = (bool)0;
goto IL_0058;
}
IL_0051:
{
__this->___connected_17 = (bool)1;
}
IL_0058:
{
int32_t L_13 = V_1;
return L_13;
}
}
// System.Object System.Net.Sockets.Socket::GetSocketOption(System.Net.Sockets.SocketOptionLevel,System.Net.Sockets.SocketOptionName)
extern TypeInfo* ObjectDisposedException_t_1490685872_0_il2cpp_TypeInfo_var;
extern TypeInfo* Socket_t771039639_0_il2cpp_TypeInfo_var;
extern TypeInfo* SocketException_t341026936_0_il2cpp_TypeInfo_var;
extern TypeInfo* LingerOption_t_1578713956_0_il2cpp_TypeInfo_var;
extern TypeInfo* MulticastOption_t_1799107351_0_il2cpp_TypeInfo_var;
extern TypeInfo* Int32_t1628762099_0_il2cpp_TypeInfo_var;
extern "C" Object_t * Socket_GetSocketOption_m_1136303577_0 (Socket_t771039639_0 * __this, int32_t ___optionLevel, int32_t ___optionName, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
ObjectDisposedException_t_1490685872_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(138);
Socket_t771039639_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(631);
SocketException_t341026936_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(630);
LingerOption_t_1578713956_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(634);
MulticastOption_t_1799107351_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(636);
Int32_t1628762099_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(8);
s_Il2CppMethodIntialized = true;
}
Object_t * V_0 = {0};
int32_t V_1 = 0;
{
bool L_0 = (__this->___disposed_19);
if (!L_0)
{
goto IL_0027;
}
}
{
bool L_1 = (__this->___closed_18);
if (!L_1)
{
goto IL_0027;
}
}
{
Type_t * L_2 = Object_GetType_m2022236990_0(__this, /*hidden argument*/NULL);
NullCheck(L_2);
String_t* L_3 = (String_t*)VirtFuncInvoker0< String_t* >::Invoke(3 /* System.String System.Type::ToString() */, L_2);
ObjectDisposedException_t_1490685872_0 * L_4 = (ObjectDisposedException_t_1490685872_0 *)il2cpp_codegen_object_new (ObjectDisposedException_t_1490685872_0_il2cpp_TypeInfo_var);
ObjectDisposedException__ctor_m1180707260_0(L_4, L_3, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_4);
}
IL_0027:
{
IntPtr_t L_5 = (__this->___socket_8);
int32_t L_6 = ___optionLevel;
int32_t L_7 = ___optionName;
IL2CPP_RUNTIME_CLASS_INIT(Socket_t771039639_0_il2cpp_TypeInfo_var);
Socket_GetSocketOption_obj_internal_m_934507021_0(NULL /*static, unused*/, L_5, L_6, L_7, (&V_0), (&V_1), /*hidden argument*/NULL);
int32_t L_8 = V_1;
if (!L_8)
{
goto IL_0045;
}
}
{
int32_t L_9 = V_1;
SocketException_t341026936_0 * L_10 = (SocketException_t341026936_0 *)il2cpp_codegen_object_new (SocketException_t341026936_0_il2cpp_TypeInfo_var);
SocketException__ctor_m2020928431_0(L_10, L_9, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_10);
}
IL_0045:
{
int32_t L_11 = ___optionName;
if ((!(((uint32_t)L_11) == ((uint32_t)((int32_t)128)))))
{
goto IL_0057;
}
}
{
Object_t * L_12 = V_0;
return ((LingerOption_t_1578713956_0 *)CastclassClass(L_12, LingerOption_t_1578713956_0_il2cpp_TypeInfo_var));
}
IL_0057:
{
int32_t L_13 = ___optionName;
if ((((int32_t)L_13) == ((int32_t)((int32_t)12))))
{
goto IL_0067;
}
}
{
int32_t L_14 = ___optionName;
if ((!(((uint32_t)L_14) == ((uint32_t)((int32_t)13)))))
{
goto IL_006e;
}
}
IL_0067:
{
Object_t * L_15 = V_0;
return ((MulticastOption_t_1799107351_0 *)CastclassClass(L_15, MulticastOption_t_1799107351_0_il2cpp_TypeInfo_var));
}
IL_006e:
{
Object_t * L_16 = V_0;
if (!((Object_t *)IsInstSealed(L_16, Int32_t1628762099_0_il2cpp_TypeInfo_var)))
{
goto IL_0085;
}
}
{
Object_t * L_17 = V_0;
int32_t L_18 = ((*(int32_t*)((int32_t*)UnBox (L_17, Int32_t1628762099_0_il2cpp_TypeInfo_var))));
Object_t * L_19 = Box(Int32_t1628762099_0_il2cpp_TypeInfo_var, &L_18);
return L_19;
}
IL_0085:
{
Object_t * L_20 = V_0;
return L_20;
}
}
// System.Void System.Net.Sockets.Socket::Shutdown_internal(System.IntPtr,System.Net.Sockets.SocketShutdown,System.Int32&)
extern "C" void Socket_Shutdown_internal_m2019310737_0 (Object_t * __this /* static, unused */, IntPtr_t ___socket, int32_t ___how, int32_t* ___error, const MethodInfo* method)
{
using namespace il2cpp::icalls;
typedef void (*Socket_Shutdown_internal_m2019310737_0_ftn) (IntPtr_t, int32_t, int32_t*);
((Socket_Shutdown_internal_m2019310737_0_ftn)System::System::Net::Sockets::Socket::Shutdown) (___socket, ___how, ___error);
}
// System.Void System.Net.Sockets.Socket::SetSocketOption_internal(System.IntPtr,System.Net.Sockets.SocketOptionLevel,System.Net.Sockets.SocketOptionName,System.Object,System.Byte[],System.Int32,System.Int32&)
extern "C" void Socket_SetSocketOption_internal_m111805231_0 (Object_t * __this /* static, unused */, IntPtr_t ___socket, int32_t ___level, int32_t ___name, Object_t * ___obj_val, ByteU5BU5D_t_1238178395_0* ___byte_val, int32_t ___int_val, int32_t* ___error, const MethodInfo* method)
{
using namespace il2cpp::icalls;
typedef void (*Socket_SetSocketOption_internal_m111805231_0_ftn) (IntPtr_t, int32_t, int32_t, Object_t *, ByteU5BU5D_t_1238178395_0*, int32_t, int32_t*);
((Socket_SetSocketOption_internal_m111805231_0_ftn)System::System::Net::Sockets::Socket::SetSocketOption) (___socket, ___level, ___name, ___obj_val, ___byte_val, ___int_val, ___error);
}
// System.Void System.Net.Sockets.Socket::SetSocketOption(System.Net.Sockets.SocketOptionLevel,System.Net.Sockets.SocketOptionName,System.Int32)
extern TypeInfo* ObjectDisposedException_t_1490685872_0_il2cpp_TypeInfo_var;
extern TypeInfo* Socket_t771039639_0_il2cpp_TypeInfo_var;
extern TypeInfo* SocketException_t341026936_0_il2cpp_TypeInfo_var;
extern "C" void Socket_SetSocketOption_m225156057_0 (Socket_t771039639_0 * __this, int32_t ___optionLevel, int32_t ___optionName, int32_t ___optionValue, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
ObjectDisposedException_t_1490685872_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(138);
Socket_t771039639_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(631);
SocketException_t341026936_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(630);
s_Il2CppMethodIntialized = true;
}
int32_t V_0 = 0;
{
bool L_0 = (__this->___disposed_19);
if (!L_0)
{
goto IL_0027;
}
}
{
bool L_1 = (__this->___closed_18);
if (!L_1)
{
goto IL_0027;
}
}
{
Type_t * L_2 = Object_GetType_m2022236990_0(__this, /*hidden argument*/NULL);
NullCheck(L_2);
String_t* L_3 = (String_t*)VirtFuncInvoker0< String_t* >::Invoke(3 /* System.String System.Type::ToString() */, L_2);
ObjectDisposedException_t_1490685872_0 * L_4 = (ObjectDisposedException_t_1490685872_0 *)il2cpp_codegen_object_new (ObjectDisposedException_t_1490685872_0_il2cpp_TypeInfo_var);
ObjectDisposedException__ctor_m1180707260_0(L_4, L_3, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_4);
}
IL_0027:
{
IntPtr_t L_5 = (__this->___socket_8);
int32_t L_6 = ___optionLevel;
int32_t L_7 = ___optionName;
int32_t L_8 = ___optionValue;
IL2CPP_RUNTIME_CLASS_INIT(Socket_t771039639_0_il2cpp_TypeInfo_var);
Socket_SetSocketOption_internal_m111805231_0(NULL /*static, unused*/, L_5, L_6, L_7, NULL, (ByteU5BU5D_t_1238178395_0*)(ByteU5BU5D_t_1238178395_0*)NULL, L_8, (&V_0), /*hidden argument*/NULL);
int32_t L_9 = V_0;
if (!L_9)
{
goto IL_0046;
}
}
{
int32_t L_10 = V_0;
SocketException_t341026936_0 * L_11 = (SocketException_t341026936_0 *)il2cpp_codegen_object_new (SocketException_t341026936_0_il2cpp_TypeInfo_var);
SocketException__ctor_m2020928431_0(L_11, L_10, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_11);
}
IL_0046:
{
return;
}
}
// System.Void System.Net.Sockets.Socket::ThrowIfUpd()
extern "C" void Socket_ThrowIfUpd_m253258129_0 (Socket_t771039639_0 * __this, const MethodInfo* method)
{
{
return;
}
}
// System.Void System.Net.Sockets.SocketException::.ctor()
extern "C" void SocketException__ctor_m_1590733986_0 (SocketException_t341026936_0 * __this, const MethodInfo* method)
{
{
int32_t L_0 = SocketException_WSAGetLastError_internal_m1272279121_0(NULL /*static, unused*/, /*hidden argument*/NULL);
Win32Exception__ctor_m931350486_0(__this, L_0, /*hidden argument*/NULL);
return;
}
}
// System.Void System.Net.Sockets.SocketException::.ctor(System.Int32)
extern "C" void SocketException__ctor_m2020928431_0 (SocketException_t341026936_0 * __this, int32_t ___error, const MethodInfo* method)
{
{
int32_t L_0 = ___error;
Win32Exception__ctor_m931350486_0(__this, L_0, /*hidden argument*/NULL);
return;
}
}
// System.Void System.Net.Sockets.SocketException::.ctor(System.Runtime.Serialization.SerializationInfo,System.Runtime.Serialization.StreamingContext)
extern "C" void SocketException__ctor_m_425686113_0 (SocketException_t341026936_0 * __this, SerializationInfo_t526833679_0 * ___info, StreamingContext_t_1216992900_0 ___context, const MethodInfo* method)
{
{
SerializationInfo_t526833679_0 * L_0 = ___info;
StreamingContext_t_1216992900_0 L_1 = ___context;
Win32Exception__ctor_m655557062_0(__this, L_0, L_1, /*hidden argument*/NULL);
return;
}
}
// System.Void System.Net.Sockets.SocketException::.ctor(System.Int32,System.String)
extern "C" void SocketException__ctor_m_2055965269_0 (SocketException_t341026936_0 * __this, int32_t ___error, String_t* ___message, const MethodInfo* method)
{
{
int32_t L_0 = ___error;
String_t* L_1 = ___message;
Win32Exception__ctor_m1587478930_0(__this, L_0, L_1, /*hidden argument*/NULL);
return;
}
}
// System.Int32 System.Net.Sockets.SocketException::WSAGetLastError_internal()
extern "C" int32_t SocketException_WSAGetLastError_internal_m1272279121_0 (Object_t * __this /* static, unused */, const MethodInfo* method)
{
typedef int32_t (*SocketException_WSAGetLastError_internal_m1272279121_0_ftn) ();
static SocketException_WSAGetLastError_internal_m1272279121_0_ftn _il2cpp_icall_func;
if (!_il2cpp_icall_func)
_il2cpp_icall_func = (SocketException_WSAGetLastError_internal_m1272279121_0_ftn)il2cpp_codegen_resolve_icall ("System.Net.Sockets.SocketException::WSAGetLastError_internal()");
return _il2cpp_icall_func();
}
// System.Net.Sockets.SocketError System.Net.Sockets.SocketException::get_SocketErrorCode()
extern "C" int32_t SocketException_get_SocketErrorCode_m1542160685_0 (SocketException_t341026936_0 * __this, const MethodInfo* method)
{
{
int32_t L_0 = Win32Exception_get_NativeErrorCode_m1057550088_0(__this, /*hidden argument*/NULL);
return (int32_t)(L_0);
}
}
// System.String System.Net.Sockets.SocketException::get_Message()
extern "C" String_t* SocketException_get_Message_m1491030231_0 (SocketException_t341026936_0 * __this, const MethodInfo* method)
{
{
String_t* L_0 = Exception_get_Message_m1013139483_0(__this, /*hidden argument*/NULL);
return L_0;
}
}
// System.Void System.Net.DefaultCertificatePolicy::.ctor()
extern "C" void DefaultCertificatePolicy__ctor_m_46047566_0 (DefaultCertificatePolicy_t_51627618_0 * __this, const MethodInfo* method)
{
{
Object__ctor_m1772956182_0(__this, /*hidden argument*/NULL);
return;
}
}
// System.Boolean System.Net.DefaultCertificatePolicy::CheckValidationResult(System.Net.ServicePoint,System.Security.Cryptography.X509Certificates.X509Certificate,System.Net.WebRequest,System.Int32)
extern TypeInfo* ServicePointManager_t969554268_0_il2cpp_TypeInfo_var;
extern "C" bool DefaultCertificatePolicy_CheckValidationResult_m_170940833_0 (DefaultCertificatePolicy_t_51627618_0 * __this, ServicePoint_t_1625863919_0 * ___point, X509Certificate_t1524084820_0 * ___certificate, WebRequest_t442478417_0 * ___request, int32_t ___certificateProblem, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
ServicePointManager_t969554268_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(637);
s_Il2CppMethodIntialized = true;
}
int32_t V_0 = 0;
{
IL2CPP_RUNTIME_CLASS_INIT(ServicePointManager_t969554268_0_il2cpp_TypeInfo_var);
RemoteCertificateValidationCallback_t_41584489_0 * L_0 = ServicePointManager_get_ServerCertificateValidationCallback_m258265119_0(NULL /*static, unused*/, /*hidden argument*/NULL);
if (!L_0)
{
goto IL_000c;
}
}
{
return (bool)1;
}
IL_000c:
{
int32_t L_1 = ___certificateProblem;
V_0 = L_1;
int32_t L_2 = V_0;
if ((((int32_t)L_2) == ((int32_t)((int32_t)-2146762495))))
{
goto IL_0025;
}
}
{
int32_t L_3 = V_0;
if (!L_3)
{
goto IL_0025;
}
}
{
goto IL_0027;
}
IL_0025:
{
return (bool)1;
}
IL_0027:
{
return (bool)0;
}
}
// System.Void System.Net.Dns::.cctor()
extern TypeInfo* Socket_t771039639_0_il2cpp_TypeInfo_var;
extern "C" void Dns__cctor_m_2051373686_0 (Object_t * __this /* static, unused */, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
Socket_t771039639_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(631);
s_Il2CppMethodIntialized = true;
}
{
IL2CPP_RUNTIME_CLASS_INIT(Socket_t771039639_0_il2cpp_TypeInfo_var);
Socket_CheckProtocolSupport_m1469859642_0(NULL /*static, unused*/, /*hidden argument*/NULL);
return;
}
}
// System.Boolean System.Net.Dns::GetHostByName_internal(System.String,System.String&,System.String[]&,System.String[]&)
extern "C" bool Dns_GetHostByName_internal_m_597064159_0 (Object_t * __this /* static, unused */, String_t* ___host, String_t** ___h_name, StringU5BU5D_t_816028754_0** ___h_aliases, StringU5BU5D_t_816028754_0** ___h_addr_list, const MethodInfo* method)
{
using namespace il2cpp::icalls;
typedef bool (*Dns_GetHostByName_internal_m_597064159_0_ftn) (String_t*, String_t**, StringU5BU5D_t_816028754_0**, StringU5BU5D_t_816028754_0**);
return ((Dns_GetHostByName_internal_m_597064159_0_ftn)System::System::Net::Dns::GetHostByName) (___host, ___h_name, ___h_aliases, ___h_addr_list);
}
// System.Boolean System.Net.Dns::GetHostByAddr_internal(System.String,System.String&,System.String[]&,System.String[]&)
extern "C" bool Dns_GetHostByAddr_internal_m516933499_0 (Object_t * __this /* static, unused */, String_t* ___addr, String_t** ___h_name, StringU5BU5D_t_816028754_0** ___h_aliases, StringU5BU5D_t_816028754_0** ___h_addr_list, const MethodInfo* method)
{
using namespace il2cpp::icalls;
typedef bool (*Dns_GetHostByAddr_internal_m516933499_0_ftn) (String_t*, String_t**, StringU5BU5D_t_816028754_0**, StringU5BU5D_t_816028754_0**);
return ((Dns_GetHostByAddr_internal_m516933499_0_ftn)System::System::Net::Dns::GetHostByAddr) (___addr, ___h_name, ___h_aliases, ___h_addr_list);
}
// System.Net.IPHostEntry System.Net.Dns::hostent_to_IPHostEntry(System.String,System.String[],System.String[])
extern const Il2CppType* IPAddress_t125139831_0_0_0_0_var;
extern TypeInfo* IPHostEntry_t_1615694227_0_il2cpp_TypeInfo_var;
extern TypeInfo* ArrayList_t536890563_0_il2cpp_TypeInfo_var;
extern TypeInfo* IPAddress_t125139831_0_il2cpp_TypeInfo_var;
extern TypeInfo* Socket_t771039639_0_il2cpp_TypeInfo_var;
extern TypeInfo* ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var;
extern TypeInfo* SocketException_t341026936_0_il2cpp_TypeInfo_var;
extern TypeInfo* Type_t_il2cpp_TypeInfo_var;
extern TypeInfo* IPAddressU5BU5D_t296217_0_il2cpp_TypeInfo_var;
extern "C" IPHostEntry_t_1615694227_0 * Dns_hostent_to_IPHostEntry_m818428846_0 (Object_t * __this /* static, unused */, String_t* ___h_name, StringU5BU5D_t_816028754_0* ___h_aliases, StringU5BU5D_t_816028754_0* ___h_addrlist, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
IPAddress_t125139831_0_0_0_0_var = il2cpp_codegen_type_from_index(635);
IPHostEntry_t_1615694227_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(638);
ArrayList_t536890563_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(55);
IPAddress_t125139831_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(635);
Socket_t771039639_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(631);
ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(2);
SocketException_t341026936_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(630);
Type_t_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(3);
IPAddressU5BU5D_t296217_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(639);
s_Il2CppMethodIntialized = true;
}
IPHostEntry_t_1615694227_0 * V_0 = {0};
ArrayList_t536890563_0 * V_1 = {0};
int32_t V_2 = 0;
IPAddress_t125139831_0 * V_3 = {0};
Exception_t2143823668_0 * __last_unhandled_exception = 0;
NO_UNUSED_WARNING (__last_unhandled_exception);
Exception_t2143823668_0 * __exception_local = 0;
NO_UNUSED_WARNING (__exception_local);
int32_t __leave_target = 0;
NO_UNUSED_WARNING (__leave_target);
{
IPHostEntry_t_1615694227_0 * L_0 = (IPHostEntry_t_1615694227_0 *)il2cpp_codegen_object_new (IPHostEntry_t_1615694227_0_il2cpp_TypeInfo_var);
IPHostEntry__ctor_m252317065_0(L_0, /*hidden argument*/NULL);
V_0 = L_0;
ArrayList_t536890563_0 * L_1 = (ArrayList_t536890563_0 *)il2cpp_codegen_object_new (ArrayList_t536890563_0_il2cpp_TypeInfo_var);
ArrayList__ctor_m1878432947_0(L_1, /*hidden argument*/NULL);
V_1 = L_1;
IPHostEntry_t_1615694227_0 * L_2 = V_0;
String_t* L_3 = ___h_name;
NullCheck(L_2);
IPHostEntry_set_HostName_m_1534071625_0(L_2, L_3, /*hidden argument*/NULL);
IPHostEntry_t_1615694227_0 * L_4 = V_0;
StringU5BU5D_t_816028754_0* L_5 = ___h_aliases;
NullCheck(L_4);
IPHostEntry_set_Aliases_m1514906264_0(L_4, L_5, /*hidden argument*/NULL);
V_2 = 0;
goto IL_006e;
}
IL_0021:
try
{ // begin try (depth: 1)
{
StringU5BU5D_t_816028754_0* L_6 = ___h_addrlist;
int32_t L_7 = V_2;
NullCheck(L_6);
IL2CPP_ARRAY_BOUNDS_CHECK(L_6, L_7);
int32_t L_8 = L_7;
IL2CPP_RUNTIME_CLASS_INIT(IPAddress_t125139831_0_il2cpp_TypeInfo_var);
IPAddress_t125139831_0 * L_9 = IPAddress_Parse_m1640477876_0(NULL /*static, unused*/, (*(String_t**)(String_t**)SZArrayLdElema(L_6, L_8, sizeof(String_t*))), /*hidden argument*/NULL);
V_3 = L_9;
IL2CPP_RUNTIME_CLASS_INIT(Socket_t771039639_0_il2cpp_TypeInfo_var);
bool L_10 = Socket_get_SupportsIPv6_m1110592233_0(NULL /*static, unused*/, /*hidden argument*/NULL);
if (!L_10)
{
goto IL_0041;
}
}
IL_0034:
{
IPAddress_t125139831_0 * L_11 = V_3;
NullCheck(L_11);
int32_t L_12 = IPAddress_get_AddressFamily_m_1930645049_0(L_11, /*hidden argument*/NULL);
if ((((int32_t)L_12) == ((int32_t)((int32_t)23))))
{
goto IL_0057;
}
}
IL_0041:
{
IL2CPP_RUNTIME_CLASS_INIT(Socket_t771039639_0_il2cpp_TypeInfo_var);
bool L_13 = Socket_get_SupportsIPv4_m1110590311_0(NULL /*static, unused*/, /*hidden argument*/NULL);
if (!L_13)
{
goto IL_005f;
}
}
IL_004b:
{
IPAddress_t125139831_0 * L_14 = V_3;
NullCheck(L_14);
int32_t L_15 = IPAddress_get_AddressFamily_m_1930645049_0(L_14, /*hidden argument*/NULL);
if ((!(((uint32_t)L_15) == ((uint32_t)2))))
{
goto IL_005f;
}
}
IL_0057:
{
ArrayList_t536890563_0 * L_16 = V_1;
IPAddress_t125139831_0 * L_17 = V_3;
NullCheck(L_16);
VirtFuncInvoker1< int32_t, Object_t * >::Invoke(30 /* System.Int32 System.Collections.ArrayList::Add(System.Object) */, L_16, L_17);
}
IL_005f:
{
goto IL_006a;
}
} // end try (depth: 1)
catch(Il2CppExceptionWrapper& e)
{
__exception_local = (Exception_t2143823668_0 *)e.ex;
if(il2cpp_codegen_class_is_assignable_from (ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var, e.ex->object.klass))
goto CATCH_0064;
throw e;
}
CATCH_0064:
{ // begin catch(System.ArgumentNullException)
goto IL_006a;
} // end catch (depth: 1)
IL_006a:
{
int32_t L_18 = V_2;
V_2 = ((int32_t)((int32_t)L_18+(int32_t)1));
}
IL_006e:
{
int32_t L_19 = V_2;
StringU5BU5D_t_816028754_0* L_20 = ___h_addrlist;
NullCheck(L_20);
if ((((int32_t)L_19) < ((int32_t)(((int32_t)((int32_t)(((Array_t *)L_20)->max_length)))))))
{
goto IL_0021;
}
}
{
ArrayList_t536890563_0 * L_21 = V_1;
NullCheck(L_21);
int32_t L_22 = (int32_t)VirtFuncInvoker0< int32_t >::Invoke(23 /* System.Int32 System.Collections.ArrayList::get_Count() */, L_21);
if (L_22)
{
goto IL_008d;
}
}
{
SocketException_t341026936_0 * L_23 = (SocketException_t341026936_0 *)il2cpp_codegen_object_new (SocketException_t341026936_0_il2cpp_TypeInfo_var);
SocketException__ctor_m2020928431_0(L_23, ((int32_t)11001), /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_23);
}
IL_008d:
{
IPHostEntry_t_1615694227_0 * L_24 = V_0;
ArrayList_t536890563_0 * L_25 = V_1;
IL2CPP_RUNTIME_CLASS_INIT(Type_t_il2cpp_TypeInfo_var);
Type_t * L_26 = Type_GetTypeFromHandle_m_488061862_0(NULL /*static, unused*/, LoadTypeToken(IPAddress_t125139831_0_0_0_0_var), /*hidden argument*/NULL);
NullCheck(L_25);
Array_t * L_27 = (Array_t *)VirtFuncInvoker1< Array_t *, Type_t * >::Invoke(48 /* System.Array System.Collections.ArrayList::ToArray(System.Type) */, L_25, L_26);
NullCheck(L_24);
IPHostEntry_set_AddressList_m1503802237_0(L_24, ((IPAddressU5BU5D_t296217_0*)IsInst(L_27, IPAddressU5BU5D_t296217_0_il2cpp_TypeInfo_var)), /*hidden argument*/NULL);
IPHostEntry_t_1615694227_0 * L_28 = V_0;
return L_28;
}
}
// System.Net.IPHostEntry System.Net.Dns::GetHostByAddressFromString(System.String,System.Boolean)
extern TypeInfo* IPAddress_t125139831_0_il2cpp_TypeInfo_var;
extern TypeInfo* Dns_t26242867_0_il2cpp_TypeInfo_var;
extern TypeInfo* SocketException_t341026936_0_il2cpp_TypeInfo_var;
extern Il2CppCodeGenString* _stringLiteral1013191670_0;
extern Il2CppCodeGenString* _stringLiteral1505998205_0;
extern "C" IPHostEntry_t_1615694227_0 * Dns_GetHostByAddressFromString_m1166485506_0 (Object_t * __this /* static, unused */, String_t* ___address, bool ___parse, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
IPAddress_t125139831_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(635);
Dns_t26242867_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(633);
SocketException_t341026936_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(630);
_stringLiteral1013191670_0 = il2cpp_codegen_string_literal_from_index(2107);
_stringLiteral1505998205_0 = il2cpp_codegen_string_literal_from_index(2108);
s_Il2CppMethodIntialized = true;
}
String_t* V_0 = {0};
StringU5BU5D_t_816028754_0* V_1 = {0};
StringU5BU5D_t_816028754_0* V_2 = {0};
bool V_3 = false;
{
String_t* L_0 = ___address;
NullCheck(L_0);
bool L_1 = String_Equals_m_753246235_0(L_0, _stringLiteral1013191670_0, /*hidden argument*/NULL);
if (!L_1)
{
goto IL_001a;
}
}
{
___address = _stringLiteral1505998205_0;
___parse = (bool)0;
}
IL_001a:
{
bool L_2 = ___parse;
if (!L_2)
{
goto IL_0027;
}
}
{
String_t* L_3 = ___address;
IL2CPP_RUNTIME_CLASS_INIT(IPAddress_t125139831_0_il2cpp_TypeInfo_var);
IPAddress_Parse_m1640477876_0(NULL /*static, unused*/, L_3, /*hidden argument*/NULL);
}
IL_0027:
{
String_t* L_4 = ___address;
IL2CPP_RUNTIME_CLASS_INIT(Dns_t26242867_0_il2cpp_TypeInfo_var);
bool L_5 = Dns_GetHostByAddr_internal_m516933499_0(NULL /*static, unused*/, L_4, (&V_0), (&V_1), (&V_2), /*hidden argument*/NULL);
V_3 = L_5;
bool L_6 = V_3;
if (L_6)
{
goto IL_0045;
}
}
{
SocketException_t341026936_0 * L_7 = (SocketException_t341026936_0 *)il2cpp_codegen_object_new (SocketException_t341026936_0_il2cpp_TypeInfo_var);
SocketException__ctor_m2020928431_0(L_7, ((int32_t)11001), /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_7);
}
IL_0045:
{
String_t* L_8 = V_0;
StringU5BU5D_t_816028754_0* L_9 = V_1;
StringU5BU5D_t_816028754_0* L_10 = V_2;
IL2CPP_RUNTIME_CLASS_INIT(Dns_t26242867_0_il2cpp_TypeInfo_var);
IPHostEntry_t_1615694227_0 * L_11 = Dns_hostent_to_IPHostEntry_m818428846_0(NULL /*static, unused*/, L_8, L_9, L_10, /*hidden argument*/NULL);
return L_11;
}
}
// System.Net.IPHostEntry System.Net.Dns::GetHostEntry(System.String)
extern TypeInfo* ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var;
extern TypeInfo* String_t_il2cpp_TypeInfo_var;
extern TypeInfo* ArgumentException_t1159624695_0_il2cpp_TypeInfo_var;
extern TypeInfo* IPAddress_t125139831_0_il2cpp_TypeInfo_var;
extern TypeInfo* Dns_t26242867_0_il2cpp_TypeInfo_var;
extern Il2CppCodeGenString* _stringLiteral_937734786_0;
extern Il2CppCodeGenString* _stringLiteral1013191670_0;
extern Il2CppCodeGenString* _stringLiteral57584_0;
extern Il2CppCodeGenString* _stringLiteral_1426556104_0;
extern "C" IPHostEntry_t_1615694227_0 * Dns_GetHostEntry_m1150532033_0 (Object_t * __this /* static, unused */, String_t* ___hostNameOrAddress, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(2);
String_t_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(11);
ArgumentException_t1159624695_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(4);
IPAddress_t125139831_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(635);
Dns_t26242867_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(633);
_stringLiteral_937734786_0 = il2cpp_codegen_string_literal_from_index(2109);
_stringLiteral1013191670_0 = il2cpp_codegen_string_literal_from_index(2107);
_stringLiteral57584_0 = il2cpp_codegen_string_literal_from_index(2110);
_stringLiteral_1426556104_0 = il2cpp_codegen_string_literal_from_index(2111);
s_Il2CppMethodIntialized = true;
}
IPAddress_t125139831_0 * V_0 = {0};
{
String_t* L_0 = ___hostNameOrAddress;
if (L_0)
{
goto IL_0011;
}
}
{
ArgumentNullException_t_1072101840_0 * L_1 = (ArgumentNullException_t_1072101840_0 *)il2cpp_codegen_object_new (ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var);
ArgumentNullException__ctor_m135444188_0(L_1, _stringLiteral_937734786_0, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_1);
}
IL_0011:
{
String_t* L_2 = ___hostNameOrAddress;
IL2CPP_RUNTIME_CLASS_INIT(String_t_il2cpp_TypeInfo_var);
bool L_3 = String_op_Equality_m1260523650_0(NULL /*static, unused*/, L_2, _stringLiteral1013191670_0, /*hidden argument*/NULL);
if (L_3)
{
goto IL_0031;
}
}
{
String_t* L_4 = ___hostNameOrAddress;
IL2CPP_RUNTIME_CLASS_INIT(String_t_il2cpp_TypeInfo_var);
bool L_5 = String_op_Equality_m1260523650_0(NULL /*static, unused*/, L_4, _stringLiteral57584_0, /*hidden argument*/NULL);
if (!L_5)
{
goto IL_0041;
}
}
IL_0031:
{
ArgumentException_t1159624695_0 * L_6 = (ArgumentException_t1159624695_0 *)il2cpp_codegen_object_new (ArgumentException_t1159624695_0_il2cpp_TypeInfo_var);
ArgumentException__ctor_m732321503_0(L_6, _stringLiteral_1426556104_0, _stringLiteral_937734786_0, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_6);
}
IL_0041:
{
String_t* L_7 = ___hostNameOrAddress;
NullCheck(L_7);
int32_t L_8 = String_get_Length_m_1314969965_0(L_7, /*hidden argument*/NULL);
if ((((int32_t)L_8) <= ((int32_t)0)))
{
goto IL_0061;
}
}
{
String_t* L_9 = ___hostNameOrAddress;
IL2CPP_RUNTIME_CLASS_INIT(IPAddress_t125139831_0_il2cpp_TypeInfo_var);
bool L_10 = IPAddress_TryParse_m1385842418_0(NULL /*static, unused*/, L_9, (&V_0), /*hidden argument*/NULL);
if (!L_10)
{
goto IL_0061;
}
}
{
IPAddress_t125139831_0 * L_11 = V_0;
IL2CPP_RUNTIME_CLASS_INIT(Dns_t26242867_0_il2cpp_TypeInfo_var);
IPHostEntry_t_1615694227_0 * L_12 = Dns_GetHostEntry_m_582252988_0(NULL /*static, unused*/, L_11, /*hidden argument*/NULL);
return L_12;
}
IL_0061:
{
String_t* L_13 = ___hostNameOrAddress;
IL2CPP_RUNTIME_CLASS_INIT(Dns_t26242867_0_il2cpp_TypeInfo_var);
IPHostEntry_t_1615694227_0 * L_14 = Dns_GetHostByName_m840368461_0(NULL /*static, unused*/, L_13, /*hidden argument*/NULL);
return L_14;
}
}
// System.Net.IPHostEntry System.Net.Dns::GetHostEntry(System.Net.IPAddress)
extern TypeInfo* ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var;
extern TypeInfo* Dns_t26242867_0_il2cpp_TypeInfo_var;
extern Il2CppCodeGenString* _stringLiteral_1147692044_0;
extern "C" IPHostEntry_t_1615694227_0 * Dns_GetHostEntry_m_582252988_0 (Object_t * __this /* static, unused */, IPAddress_t125139831_0 * ___address, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(2);
Dns_t26242867_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(633);
_stringLiteral_1147692044_0 = il2cpp_codegen_string_literal_from_index(2112);
s_Il2CppMethodIntialized = true;
}
{
IPAddress_t125139831_0 * L_0 = ___address;
if (L_0)
{
goto IL_0011;
}
}
{
ArgumentNullException_t_1072101840_0 * L_1 = (ArgumentNullException_t_1072101840_0 *)il2cpp_codegen_object_new (ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var);
ArgumentNullException__ctor_m135444188_0(L_1, _stringLiteral_1147692044_0, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_1);
}
IL_0011:
{
IPAddress_t125139831_0 * L_2 = ___address;
NullCheck(L_2);
String_t* L_3 = (String_t*)VirtFuncInvoker0< String_t* >::Invoke(3 /* System.String System.Net.IPAddress::ToString() */, L_2);
IL2CPP_RUNTIME_CLASS_INIT(Dns_t26242867_0_il2cpp_TypeInfo_var);
IPHostEntry_t_1615694227_0 * L_4 = Dns_GetHostByAddressFromString_m1166485506_0(NULL /*static, unused*/, L_3, (bool)0, /*hidden argument*/NULL);
return L_4;
}
}
// System.Net.IPAddress[] System.Net.Dns::GetHostAddresses(System.String)
extern TypeInfo* ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var;
extern TypeInfo* String_t_il2cpp_TypeInfo_var;
extern TypeInfo* ArgumentException_t1159624695_0_il2cpp_TypeInfo_var;
extern TypeInfo* IPAddress_t125139831_0_il2cpp_TypeInfo_var;
extern TypeInfo* IPAddressU5BU5D_t296217_0_il2cpp_TypeInfo_var;
extern TypeInfo* Dns_t26242867_0_il2cpp_TypeInfo_var;
extern Il2CppCodeGenString* _stringLiteral_937734786_0;
extern Il2CppCodeGenString* _stringLiteral1013191670_0;
extern Il2CppCodeGenString* _stringLiteral57584_0;
extern Il2CppCodeGenString* _stringLiteral_1426556104_0;
extern "C" IPAddressU5BU5D_t296217_0* Dns_GetHostAddresses_m1512328765_0 (Object_t * __this /* static, unused */, String_t* ___hostNameOrAddress, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(2);
String_t_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(11);
ArgumentException_t1159624695_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(4);
IPAddress_t125139831_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(635);
IPAddressU5BU5D_t296217_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(639);
Dns_t26242867_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(633);
_stringLiteral_937734786_0 = il2cpp_codegen_string_literal_from_index(2109);
_stringLiteral1013191670_0 = il2cpp_codegen_string_literal_from_index(2107);
_stringLiteral57584_0 = il2cpp_codegen_string_literal_from_index(2110);
_stringLiteral_1426556104_0 = il2cpp_codegen_string_literal_from_index(2111);
s_Il2CppMethodIntialized = true;
}
IPAddress_t125139831_0 * V_0 = {0};
{
String_t* L_0 = ___hostNameOrAddress;
if (L_0)
{
goto IL_0011;
}
}
{
ArgumentNullException_t_1072101840_0 * L_1 = (ArgumentNullException_t_1072101840_0 *)il2cpp_codegen_object_new (ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var);
ArgumentNullException__ctor_m135444188_0(L_1, _stringLiteral_937734786_0, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_1);
}
IL_0011:
{
String_t* L_2 = ___hostNameOrAddress;
IL2CPP_RUNTIME_CLASS_INIT(String_t_il2cpp_TypeInfo_var);
bool L_3 = String_op_Equality_m1260523650_0(NULL /*static, unused*/, L_2, _stringLiteral1013191670_0, /*hidden argument*/NULL);
if (L_3)
{
goto IL_0031;
}
}
{
String_t* L_4 = ___hostNameOrAddress;
IL2CPP_RUNTIME_CLASS_INIT(String_t_il2cpp_TypeInfo_var);
bool L_5 = String_op_Equality_m1260523650_0(NULL /*static, unused*/, L_4, _stringLiteral57584_0, /*hidden argument*/NULL);
if (!L_5)
{
goto IL_0041;
}
}
IL_0031:
{
ArgumentException_t1159624695_0 * L_6 = (ArgumentException_t1159624695_0 *)il2cpp_codegen_object_new (ArgumentException_t1159624695_0_il2cpp_TypeInfo_var);
ArgumentException__ctor_m732321503_0(L_6, _stringLiteral_1426556104_0, _stringLiteral_937734786_0, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_6);
}
IL_0041:
{
String_t* L_7 = ___hostNameOrAddress;
NullCheck(L_7);
int32_t L_8 = String_get_Length_m_1314969965_0(L_7, /*hidden argument*/NULL);
if ((((int32_t)L_8) <= ((int32_t)0)))
{
goto IL_0065;
}
}
{
String_t* L_9 = ___hostNameOrAddress;
IL2CPP_RUNTIME_CLASS_INIT(IPAddress_t125139831_0_il2cpp_TypeInfo_var);
bool L_10 = IPAddress_TryParse_m1385842418_0(NULL /*static, unused*/, L_9, (&V_0), /*hidden argument*/NULL);
if (!L_10)
{
goto IL_0065;
}
}
{
IPAddressU5BU5D_t296217_0* L_11 = ((IPAddressU5BU5D_t296217_0*)SZArrayNew(IPAddressU5BU5D_t296217_0_il2cpp_TypeInfo_var, (uint32_t)1));
IPAddress_t125139831_0 * L_12 = V_0;
NullCheck(L_11);
IL2CPP_ARRAY_BOUNDS_CHECK(L_11, 0);
ArrayElementTypeCheck (L_11, L_12);
*((IPAddress_t125139831_0 **)(IPAddress_t125139831_0 **)SZArrayLdElema(L_11, 0, sizeof(IPAddress_t125139831_0 *))) = (IPAddress_t125139831_0 *)L_12;
return L_11;
}
IL_0065:
{
String_t* L_13 = ___hostNameOrAddress;
IL2CPP_RUNTIME_CLASS_INIT(Dns_t26242867_0_il2cpp_TypeInfo_var);
IPHostEntry_t_1615694227_0 * L_14 = Dns_GetHostEntry_m1150532033_0(NULL /*static, unused*/, L_13, /*hidden argument*/NULL);
NullCheck(L_14);
IPAddressU5BU5D_t296217_0* L_15 = IPHostEntry_get_AddressList_m65927120_0(L_14, /*hidden argument*/NULL);
return L_15;
}
}
// System.Net.IPHostEntry System.Net.Dns::GetHostByName(System.String)
extern TypeInfo* ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var;
extern TypeInfo* Dns_t26242867_0_il2cpp_TypeInfo_var;
extern TypeInfo* SocketException_t341026936_0_il2cpp_TypeInfo_var;
extern Il2CppCodeGenString* _stringLiteral_300756909_0;
extern "C" IPHostEntry_t_1615694227_0 * Dns_GetHostByName_m840368461_0 (Object_t * __this /* static, unused */, String_t* ___hostName, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(2);
Dns_t26242867_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(633);
SocketException_t341026936_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(630);
_stringLiteral_300756909_0 = il2cpp_codegen_string_literal_from_index(2113);
s_Il2CppMethodIntialized = true;
}
String_t* V_0 = {0};
StringU5BU5D_t_816028754_0* V_1 = {0};
StringU5BU5D_t_816028754_0* V_2 = {0};
bool V_3 = false;
{
String_t* L_0 = ___hostName;
if (L_0)
{
goto IL_0011;
}
}
{
ArgumentNullException_t_1072101840_0 * L_1 = (ArgumentNullException_t_1072101840_0 *)il2cpp_codegen_object_new (ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var);
ArgumentNullException__ctor_m135444188_0(L_1, _stringLiteral_300756909_0, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_1);
}
IL_0011:
{
String_t* L_2 = ___hostName;
IL2CPP_RUNTIME_CLASS_INIT(Dns_t26242867_0_il2cpp_TypeInfo_var);
bool L_3 = Dns_GetHostByName_internal_m_597064159_0(NULL /*static, unused*/, L_2, (&V_0), (&V_1), (&V_2), /*hidden argument*/NULL);
V_3 = L_3;
bool L_4 = V_3;
if (L_4)
{
goto IL_002f;
}
}
{
SocketException_t341026936_0 * L_5 = (SocketException_t341026936_0 *)il2cpp_codegen_object_new (SocketException_t341026936_0_il2cpp_TypeInfo_var);
SocketException__ctor_m2020928431_0(L_5, ((int32_t)11001), /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_5);
}
IL_002f:
{
String_t* L_6 = V_0;
StringU5BU5D_t_816028754_0* L_7 = V_1;
StringU5BU5D_t_816028754_0* L_8 = V_2;
IL2CPP_RUNTIME_CLASS_INIT(Dns_t26242867_0_il2cpp_TypeInfo_var);
IPHostEntry_t_1615694227_0 * L_9 = Dns_hostent_to_IPHostEntry_m818428846_0(NULL /*static, unused*/, L_6, L_7, L_8, /*hidden argument*/NULL);
return L_9;
}
}
// System.Void System.Net.EndPoint::.ctor()
extern "C" void EndPoint__ctor_m_253225147_0 (EndPoint_t_1941440085_0 * __this, const MethodInfo* method)
{
{
Object__ctor_m1772956182_0(__this, /*hidden argument*/NULL);
return;
}
}
// System.Net.Sockets.AddressFamily System.Net.EndPoint::get_AddressFamily()
extern "C" int32_t EndPoint_get_AddressFamily_m756653815_0 (EndPoint_t_1941440085_0 * __this, const MethodInfo* method)
{
{
Exception_t2143823668_0 * L_0 = EndPoint_NotImplemented_m_1486520929_0(NULL /*static, unused*/, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_0);
}
}
// System.Net.EndPoint System.Net.EndPoint::Create(System.Net.SocketAddress)
extern "C" EndPoint_t_1941440085_0 * EndPoint_Create_m1369380444_0 (EndPoint_t_1941440085_0 * __this, SocketAddress_t_1639988597_0 * ___address, const MethodInfo* method)
{
{
Exception_t2143823668_0 * L_0 = EndPoint_NotImplemented_m_1486520929_0(NULL /*static, unused*/, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_0);
}
}
// System.Net.SocketAddress System.Net.EndPoint::Serialize()
extern "C" SocketAddress_t_1639988597_0 * EndPoint_Serialize_m_1369606287_0 (EndPoint_t_1941440085_0 * __this, const MethodInfo* method)
{
{
Exception_t2143823668_0 * L_0 = EndPoint_NotImplemented_m_1486520929_0(NULL /*static, unused*/, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_0);
}
}
// System.Exception System.Net.EndPoint::NotImplemented()
extern TypeInfo* NotImplementedException_t_1372918011_0_il2cpp_TypeInfo_var;
extern "C" Exception_t2143823668_0 * EndPoint_NotImplemented_m_1486520929_0 (Object_t * __this /* static, unused */, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
NotImplementedException_t_1372918011_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(113);
s_Il2CppMethodIntialized = true;
}
{
NotImplementedException_t_1372918011_0 * L_0 = (NotImplementedException_t_1372918011_0 *)il2cpp_codegen_object_new (NotImplementedException_t_1372918011_0_il2cpp_TypeInfo_var);
NotImplementedException__ctor_m2063223793_0(L_0, /*hidden argument*/NULL);
return L_0;
}
}
// System.Void System.Net.FileWebRequest::.ctor(System.Uri)
extern TypeInfo* WebRequest_t442478417_0_il2cpp_TypeInfo_var;
extern TypeInfo* WebHeaderCollection_t_1532305783_0_il2cpp_TypeInfo_var;
extern Il2CppCodeGenString* _stringLiteral70454_0;
extern "C" void FileWebRequest__ctor_m1190066806_0 (FileWebRequest_t_2084336915_0 * __this, Uri_t18014439_0 * ___uri, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
WebRequest_t442478417_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(640);
WebHeaderCollection_t_1532305783_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(641);
_stringLiteral70454_0 = il2cpp_codegen_string_literal_from_index(2114);
s_Il2CppMethodIntialized = true;
}
{
__this->___fileAccess_10 = 1;
__this->___method_11 = _stringLiteral70454_0;
__this->___timeout_14 = ((int32_t)100000);
IL2CPP_RUNTIME_CLASS_INIT(WebRequest_t442478417_0_il2cpp_TypeInfo_var);
WebRequest__ctor_m_386560737_0(__this, /*hidden argument*/NULL);
Uri_t18014439_0 * L_0 = ___uri;
__this->___uri_6 = L_0;
WebHeaderCollection_t_1532305783_0 * L_1 = (WebHeaderCollection_t_1532305783_0 *)il2cpp_codegen_object_new (WebHeaderCollection_t_1532305783_0_il2cpp_TypeInfo_var);
WebHeaderCollection__ctor_m40272365_0(L_1, /*hidden argument*/NULL);
__this->___webHeaders_7 = L_1;
return;
}
}
// System.Void System.Net.FileWebRequest::.ctor(System.Runtime.Serialization.SerializationInfo,System.Runtime.Serialization.StreamingContext)
extern const Il2CppType* WebHeaderCollection_t_1532305783_0_0_0_0_var;
extern const Il2CppType* IWebProxy_t1249552781_0_0_0_0_var;
extern const Il2CppType* Uri_t18014439_0_0_0_0_var;
extern const Il2CppType* FileAccess_t724014189_0_0_0_0_var;
extern TypeInfo* WebRequest_t442478417_0_il2cpp_TypeInfo_var;
extern TypeInfo* Type_t_il2cpp_TypeInfo_var;
extern TypeInfo* WebHeaderCollection_t_1532305783_0_il2cpp_TypeInfo_var;
extern TypeInfo* IWebProxy_t1249552781_0_il2cpp_TypeInfo_var;
extern TypeInfo* Uri_t18014439_0_il2cpp_TypeInfo_var;
extern TypeInfo* Int32_t1628762099_0_il2cpp_TypeInfo_var;
extern Il2CppCodeGenString* _stringLiteral70454_0;
extern Il2CppCodeGenString* _stringLiteral795307910_0;
extern Il2CppCodeGenString* _stringLiteral106941038_0;
extern Il2CppCodeGenString* _stringLiteral116076_0;
extern Il2CppCodeGenString* _stringLiteral119801964_0;
extern Il2CppCodeGenString* _stringLiteral_1077554975_0;
extern Il2CppCodeGenString* _stringLiteral_540713793_0;
extern Il2CppCodeGenString* _stringLiteral_1313911455_0;
extern Il2CppCodeGenString* _stringLiteral1270188544_0;
extern Il2CppCodeGenString* _stringLiteral1695153400_0;
extern "C" void FileWebRequest__ctor_m_1877546684_0 (FileWebRequest_t_2084336915_0 * __this, SerializationInfo_t526833679_0 * ___serializationInfo, StreamingContext_t_1216992900_0 ___streamingContext, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
WebHeaderCollection_t_1532305783_0_0_0_0_var = il2cpp_codegen_type_from_index(641);
IWebProxy_t1249552781_0_0_0_0_var = il2cpp_codegen_type_from_index(642);
Uri_t18014439_0_0_0_0_var = il2cpp_codegen_type_from_index(643);
FileAccess_t724014189_0_0_0_0_var = il2cpp_codegen_type_from_index(233);
WebRequest_t442478417_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(640);
Type_t_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(3);
WebHeaderCollection_t_1532305783_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(641);
IWebProxy_t1249552781_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(642);
Uri_t18014439_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(643);
Int32_t1628762099_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(8);
_stringLiteral70454_0 = il2cpp_codegen_string_literal_from_index(2114);
_stringLiteral795307910_0 = il2cpp_codegen_string_literal_from_index(2115);
_stringLiteral106941038_0 = il2cpp_codegen_string_literal_from_index(2116);
_stringLiteral116076_0 = il2cpp_codegen_string_literal_from_index(1288);
_stringLiteral119801964_0 = il2cpp_codegen_string_literal_from_index(2117);
_stringLiteral_1077554975_0 = il2cpp_codegen_string_literal_from_index(113);
_stringLiteral_540713793_0 = il2cpp_codegen_string_literal_from_index(2118);
_stringLiteral_1313911455_0 = il2cpp_codegen_string_literal_from_index(2119);
_stringLiteral1270188544_0 = il2cpp_codegen_string_literal_from_index(2120);
_stringLiteral1695153400_0 = il2cpp_codegen_string_literal_from_index(2121);
s_Il2CppMethodIntialized = true;
}
SerializationInfo_t526833679_0 * V_0 = {0};
{
__this->___fileAccess_10 = 1;
__this->___method_11 = _stringLiteral70454_0;
__this->___timeout_14 = ((int32_t)100000);
IL2CPP_RUNTIME_CLASS_INIT(WebRequest_t442478417_0_il2cpp_TypeInfo_var);
WebRequest__ctor_m_386560737_0(__this, /*hidden argument*/NULL);
SerializationInfo_t526833679_0 * L_0 = ___serializationInfo;
V_0 = L_0;
SerializationInfo_t526833679_0 * L_1 = V_0;
IL2CPP_RUNTIME_CLASS_INIT(Type_t_il2cpp_TypeInfo_var);
Type_t * L_2 = Type_GetTypeFromHandle_m_488061862_0(NULL /*static, unused*/, LoadTypeToken(WebHeaderCollection_t_1532305783_0_0_0_0_var), /*hidden argument*/NULL);
NullCheck(L_1);
Object_t * L_3 = SerializationInfo_GetValue_m_169495960_0(L_1, _stringLiteral795307910_0, L_2, /*hidden argument*/NULL);
__this->___webHeaders_7 = ((WebHeaderCollection_t_1532305783_0 *)CastclassClass(L_3, WebHeaderCollection_t_1532305783_0_il2cpp_TypeInfo_var));
SerializationInfo_t526833679_0 * L_4 = V_0;
Type_t * L_5 = Type_GetTypeFromHandle_m_488061862_0(NULL /*static, unused*/, LoadTypeToken(IWebProxy_t1249552781_0_0_0_0_var), /*hidden argument*/NULL);
NullCheck(L_4);
Object_t * L_6 = SerializationInfo_GetValue_m_169495960_0(L_4, _stringLiteral106941038_0, L_5, /*hidden argument*/NULL);
__this->___proxy_12 = ((Object_t *)Castclass(L_6, IWebProxy_t1249552781_0_il2cpp_TypeInfo_var));
SerializationInfo_t526833679_0 * L_7 = V_0;
Type_t * L_8 = Type_GetTypeFromHandle_m_488061862_0(NULL /*static, unused*/, LoadTypeToken(Uri_t18014439_0_0_0_0_var), /*hidden argument*/NULL);
NullCheck(L_7);
Object_t * L_9 = SerializationInfo_GetValue_m_169495960_0(L_7, _stringLiteral116076_0, L_8, /*hidden argument*/NULL);
__this->___uri_6 = ((Uri_t18014439_0 *)CastclassClass(L_9, Uri_t18014439_0_il2cpp_TypeInfo_var));
SerializationInfo_t526833679_0 * L_10 = V_0;
NullCheck(L_10);
String_t* L_11 = SerializationInfo_GetString_m52579033_0(L_10, _stringLiteral119801964_0, /*hidden argument*/NULL);
__this->___connectionGroup_8 = L_11;
SerializationInfo_t526833679_0 * L_12 = V_0;
NullCheck(L_12);
String_t* L_13 = SerializationInfo_GetString_m52579033_0(L_12, _stringLiteral_1077554975_0, /*hidden argument*/NULL);
__this->___method_11 = L_13;
SerializationInfo_t526833679_0 * L_14 = V_0;
NullCheck(L_14);
int64_t L_15 = SerializationInfo_GetInt64_m_2083246191_0(L_14, _stringLiteral_540713793_0, /*hidden argument*/NULL);
__this->___contentLength_9 = L_15;
SerializationInfo_t526833679_0 * L_16 = V_0;
NullCheck(L_16);
int32_t L_17 = SerializationInfo_GetInt32_m_246931343_0(L_16, _stringLiteral_1313911455_0, /*hidden argument*/NULL);
__this->___timeout_14 = L_17;
SerializationInfo_t526833679_0 * L_18 = V_0;
Type_t * L_19 = Type_GetTypeFromHandle_m_488061862_0(NULL /*static, unused*/, LoadTypeToken(FileAccess_t724014189_0_0_0_0_var), /*hidden argument*/NULL);
NullCheck(L_18);
Object_t * L_20 = SerializationInfo_GetValue_m_169495960_0(L_18, _stringLiteral1270188544_0, L_19, /*hidden argument*/NULL);
__this->___fileAccess_10 = ((*(int32_t*)((int32_t*)UnBox (L_20, Int32_t1628762099_0_il2cpp_TypeInfo_var))));
SerializationInfo_t526833679_0 * L_21 = V_0;
NullCheck(L_21);
bool L_22 = SerializationInfo_GetBoolean_m1462266865_0(L_21, _stringLiteral1695153400_0, /*hidden argument*/NULL);
__this->___preAuthenticate_13 = L_22;
return;
}
}
// System.Void System.Net.FileWebRequest::System.Runtime.Serialization.ISerializable.GetObjectData(System.Runtime.Serialization.SerializationInfo,System.Runtime.Serialization.StreamingContext)
extern "C" void FileWebRequest_System_Runtime_Serialization_ISerializable_GetObjectData_m_707491928_0 (FileWebRequest_t_2084336915_0 * __this, SerializationInfo_t526833679_0 * ___serializationInfo, StreamingContext_t_1216992900_0 ___streamingContext, const MethodInfo* method)
{
{
SerializationInfo_t526833679_0 * L_0 = ___serializationInfo;
StreamingContext_t_1216992900_0 L_1 = ___streamingContext;
VirtActionInvoker2< SerializationInfo_t526833679_0 *, StreamingContext_t_1216992900_0 >::Invoke(5 /* System.Void System.Net.FileWebRequest::GetObjectData(System.Runtime.Serialization.SerializationInfo,System.Runtime.Serialization.StreamingContext) */, __this, L_0, L_1);
return;
}
}
// System.Void System.Net.FileWebRequest::GetObjectData(System.Runtime.Serialization.SerializationInfo,System.Runtime.Serialization.StreamingContext)
extern const Il2CppType* WebHeaderCollection_t_1532305783_0_0_0_0_var;
extern const Il2CppType* IWebProxy_t1249552781_0_0_0_0_var;
extern const Il2CppType* Uri_t18014439_0_0_0_0_var;
extern TypeInfo* Type_t_il2cpp_TypeInfo_var;
extern TypeInfo* FileAccess_t724014189_0_il2cpp_TypeInfo_var;
extern Il2CppCodeGenString* _stringLiteral795307910_0;
extern Il2CppCodeGenString* _stringLiteral106941038_0;
extern Il2CppCodeGenString* _stringLiteral116076_0;
extern Il2CppCodeGenString* _stringLiteral119801964_0;
extern Il2CppCodeGenString* _stringLiteral_1077554975_0;
extern Il2CppCodeGenString* _stringLiteral_540713793_0;
extern Il2CppCodeGenString* _stringLiteral_1313911455_0;
extern Il2CppCodeGenString* _stringLiteral1270188544_0;
extern Il2CppCodeGenString* _stringLiteral1695153400_0;
extern "C" void FileWebRequest_GetObjectData_m1166847137_0 (FileWebRequest_t_2084336915_0 * __this, SerializationInfo_t526833679_0 * ___serializationInfo, StreamingContext_t_1216992900_0 ___streamingContext, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
WebHeaderCollection_t_1532305783_0_0_0_0_var = il2cpp_codegen_type_from_index(641);
IWebProxy_t1249552781_0_0_0_0_var = il2cpp_codegen_type_from_index(642);
Uri_t18014439_0_0_0_0_var = il2cpp_codegen_type_from_index(643);
Type_t_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(3);
FileAccess_t724014189_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(233);
_stringLiteral795307910_0 = il2cpp_codegen_string_literal_from_index(2115);
_stringLiteral106941038_0 = il2cpp_codegen_string_literal_from_index(2116);
_stringLiteral116076_0 = il2cpp_codegen_string_literal_from_index(1288);
_stringLiteral119801964_0 = il2cpp_codegen_string_literal_from_index(2117);
_stringLiteral_1077554975_0 = il2cpp_codegen_string_literal_from_index(113);
_stringLiteral_540713793_0 = il2cpp_codegen_string_literal_from_index(2118);
_stringLiteral_1313911455_0 = il2cpp_codegen_string_literal_from_index(2119);
_stringLiteral1270188544_0 = il2cpp_codegen_string_literal_from_index(2120);
_stringLiteral1695153400_0 = il2cpp_codegen_string_literal_from_index(2121);
s_Il2CppMethodIntialized = true;
}
SerializationInfo_t526833679_0 * V_0 = {0};
{
SerializationInfo_t526833679_0 * L_0 = ___serializationInfo;
V_0 = L_0;
SerializationInfo_t526833679_0 * L_1 = V_0;
WebHeaderCollection_t_1532305783_0 * L_2 = (__this->___webHeaders_7);
IL2CPP_RUNTIME_CLASS_INIT(Type_t_il2cpp_TypeInfo_var);
Type_t * L_3 = Type_GetTypeFromHandle_m_488061862_0(NULL /*static, unused*/, LoadTypeToken(WebHeaderCollection_t_1532305783_0_0_0_0_var), /*hidden argument*/NULL);
NullCheck(L_1);
SerializationInfo_AddValue_m_953030314_0(L_1, _stringLiteral795307910_0, L_2, L_3, /*hidden argument*/NULL);
SerializationInfo_t526833679_0 * L_4 = V_0;
Object_t * L_5 = (__this->___proxy_12);
Type_t * L_6 = Type_GetTypeFromHandle_m_488061862_0(NULL /*static, unused*/, LoadTypeToken(IWebProxy_t1249552781_0_0_0_0_var), /*hidden argument*/NULL);
NullCheck(L_4);
SerializationInfo_AddValue_m_953030314_0(L_4, _stringLiteral106941038_0, L_5, L_6, /*hidden argument*/NULL);
SerializationInfo_t526833679_0 * L_7 = V_0;
Uri_t18014439_0 * L_8 = (__this->___uri_6);
Type_t * L_9 = Type_GetTypeFromHandle_m_488061862_0(NULL /*static, unused*/, LoadTypeToken(Uri_t18014439_0_0_0_0_var), /*hidden argument*/NULL);
NullCheck(L_7);
SerializationInfo_AddValue_m_953030314_0(L_7, _stringLiteral116076_0, L_8, L_9, /*hidden argument*/NULL);
SerializationInfo_t526833679_0 * L_10 = V_0;
String_t* L_11 = (__this->___connectionGroup_8);
NullCheck(L_10);
SerializationInfo_AddValue_m469120675_0(L_10, _stringLiteral119801964_0, L_11, /*hidden argument*/NULL);
SerializationInfo_t526833679_0 * L_12 = V_0;
String_t* L_13 = (__this->___method_11);
NullCheck(L_12);
SerializationInfo_AddValue_m469120675_0(L_12, _stringLiteral_1077554975_0, L_13, /*hidden argument*/NULL);
SerializationInfo_t526833679_0 * L_14 = V_0;
int64_t L_15 = (__this->___contentLength_9);
NullCheck(L_14);
SerializationInfo_AddValue_m_1946423837_0(L_14, _stringLiteral_540713793_0, L_15, /*hidden argument*/NULL);
SerializationInfo_t526833679_0 * L_16 = V_0;
int32_t L_17 = (__this->___timeout_14);
NullCheck(L_16);
SerializationInfo_AddValue_m_1946426782_0(L_16, _stringLiteral_1313911455_0, L_17, /*hidden argument*/NULL);
SerializationInfo_t526833679_0 * L_18 = V_0;
int32_t L_19 = (__this->___fileAccess_10);
int32_t L_20 = L_19;
Object_t * L_21 = Box(FileAccess_t724014189_0_il2cpp_TypeInfo_var, &L_20);
NullCheck(L_18);
SerializationInfo_AddValue_m469120675_0(L_18, _stringLiteral1270188544_0, L_21, /*hidden argument*/NULL);
SerializationInfo_t526833679_0 * L_22 = V_0;
NullCheck(L_22);
SerializationInfo_AddValue_m_721558968_0(L_22, _stringLiteral1695153400_0, (bool)0, /*hidden argument*/NULL);
return;
}
}
// System.Void System.Net.FileWebRequestCreator::.ctor()
extern "C" void FileWebRequestCreator__ctor_m349516791_0 (FileWebRequestCreator_t2030753919_0 * __this, const MethodInfo* method)
{
{
Object__ctor_m1772956182_0(__this, /*hidden argument*/NULL);
return;
}
}
// System.Net.WebRequest System.Net.FileWebRequestCreator::Create(System.Uri)
extern TypeInfo* FileWebRequest_t_2084336915_0_il2cpp_TypeInfo_var;
extern "C" WebRequest_t442478417_0 * FileWebRequestCreator_Create_m_1434520828_0 (FileWebRequestCreator_t2030753919_0 * __this, Uri_t18014439_0 * ___uri, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
FileWebRequest_t_2084336915_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(644);
s_Il2CppMethodIntialized = true;
}
{
Uri_t18014439_0 * L_0 = ___uri;
FileWebRequest_t_2084336915_0 * L_1 = (FileWebRequest_t_2084336915_0 *)il2cpp_codegen_object_new (FileWebRequest_t_2084336915_0_il2cpp_TypeInfo_var);
FileWebRequest__ctor_m1190066806_0(L_1, L_0, /*hidden argument*/NULL);
return L_1;
}
}
// System.Void System.Net.FtpRequestCreator::.ctor()
extern "C" void FtpRequestCreator__ctor_m_833921011_0 (FtpRequestCreator_t2138557737_0 * __this, const MethodInfo* method)
{
{
Object__ctor_m1772956182_0(__this, /*hidden argument*/NULL);
return;
}
}
// System.Net.WebRequest System.Net.FtpRequestCreator::Create(System.Uri)
extern TypeInfo* FtpWebRequest_t1507005735_0_il2cpp_TypeInfo_var;
extern "C" WebRequest_t442478417_0 * FtpRequestCreator_Create_m_2125573842_0 (FtpRequestCreator_t2138557737_0 * __this, Uri_t18014439_0 * ___uri, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
FtpWebRequest_t1507005735_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(645);
s_Il2CppMethodIntialized = true;
}
{
Uri_t18014439_0 * L_0 = ___uri;
FtpWebRequest_t1507005735_0 * L_1 = (FtpWebRequest_t1507005735_0 *)il2cpp_codegen_object_new (FtpWebRequest_t1507005735_0_il2cpp_TypeInfo_var);
FtpWebRequest__ctor_m_1157033918_0(L_1, L_0, /*hidden argument*/NULL);
return L_1;
}
}
// System.Void System.Net.FtpWebRequest::.ctor(System.Uri)
extern TypeInfo* Object_t_il2cpp_TypeInfo_var;
extern TypeInfo* FtpWebRequest_t1507005735_0_il2cpp_TypeInfo_var;
extern TypeInfo* RemoteCertificateValidationCallback_t_41584489_0_il2cpp_TypeInfo_var;
extern TypeInfo* WebRequest_t442478417_0_il2cpp_TypeInfo_var;
extern const MethodInfo* FtpWebRequest_U3CcallbackU3Em__B_m1388175350_0_MethodInfo_var;
extern Il2CppCodeGenString* _stringLiteral2511857_0;
extern "C" void FtpWebRequest__ctor_m_1157033918_0 (FtpWebRequest_t1507005735_0 * __this, Uri_t18014439_0 * ___uri, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
Object_t_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(0);
FtpWebRequest_t1507005735_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(645);
RemoteCertificateValidationCallback_t_41584489_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(646);
WebRequest_t442478417_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(640);
FtpWebRequest_U3CcallbackU3Em__B_m1388175350_0_MethodInfo_var = il2cpp_codegen_method_info_from_index(41);
_stringLiteral2511857_0 = il2cpp_codegen_string_literal_from_index(2122);
s_Il2CppMethodIntialized = true;
}
FtpWebRequest_t1507005735_0 * G_B2_0 = {0};
FtpWebRequest_t1507005735_0 * G_B1_0 = {0};
{
__this->___timeout_8 = ((int32_t)100000);
__this->___rwTimeout_9 = ((int32_t)300000);
__this->___binary_10 = (bool)1;
__this->___usePassive_11 = (bool)1;
__this->___method_12 = _stringLiteral2511857_0;
Object_t * L_0 = (Object_t *)il2cpp_codegen_object_new (Object_t_il2cpp_TypeInfo_var);
Object__ctor_m1772956182_0(L_0, /*hidden argument*/NULL);
__this->___locker_13 = L_0;
IL2CPP_RUNTIME_CLASS_INIT(FtpWebRequest_t1507005735_0_il2cpp_TypeInfo_var);
RemoteCertificateValidationCallback_t_41584489_0 * L_1 = ((FtpWebRequest_t1507005735_0_StaticFields*)FtpWebRequest_t1507005735_0_il2cpp_TypeInfo_var->static_fields)->___U3CU3Ef__amU24cache1C_16;
G_B1_0 = __this;
if (L_1)
{
G_B2_0 = __this;
goto IL_0053;
}
}
{
IntPtr_t L_2 = { (void*)FtpWebRequest_U3CcallbackU3Em__B_m1388175350_0_MethodInfo_var };
RemoteCertificateValidationCallback_t_41584489_0 * L_3 = (RemoteCertificateValidationCallback_t_41584489_0 *)il2cpp_codegen_object_new (RemoteCertificateValidationCallback_t_41584489_0_il2cpp_TypeInfo_var);
RemoteCertificateValidationCallback__ctor_m1684204841_0(L_3, NULL, L_2, /*hidden argument*/NULL);
IL2CPP_RUNTIME_CLASS_INIT(FtpWebRequest_t1507005735_0_il2cpp_TypeInfo_var);
((FtpWebRequest_t1507005735_0_StaticFields*)FtpWebRequest_t1507005735_0_il2cpp_TypeInfo_var->static_fields)->___U3CU3Ef__amU24cache1C_16 = L_3;
G_B2_0 = G_B1_0;
}
IL_0053:
{
IL2CPP_RUNTIME_CLASS_INIT(FtpWebRequest_t1507005735_0_il2cpp_TypeInfo_var);
RemoteCertificateValidationCallback_t_41584489_0 * L_4 = ((FtpWebRequest_t1507005735_0_StaticFields*)FtpWebRequest_t1507005735_0_il2cpp_TypeInfo_var->static_fields)->___U3CU3Ef__amU24cache1C_16;
NullCheck(G_B2_0);
G_B2_0->___callback_15 = L_4;
IL2CPP_RUNTIME_CLASS_INIT(WebRequest_t442478417_0_il2cpp_TypeInfo_var);
WebRequest__ctor_m_386560737_0(__this, /*hidden argument*/NULL);
Uri_t18014439_0 * L_5 = ___uri;
__this->___requestUri_6 = L_5;
Object_t * L_6 = GlobalProxySelection_get_Select_m_733608444_0(NULL /*static, unused*/, /*hidden argument*/NULL);
__this->___proxy_7 = L_6;
return;
}
}
// System.Void System.Net.FtpWebRequest::.cctor()
extern TypeInfo* StringU5BU5D_t_816028754_0_il2cpp_TypeInfo_var;
extern TypeInfo* FtpWebRequest_t1507005735_0_il2cpp_TypeInfo_var;
extern Il2CppCodeGenString* _stringLiteral2015844_0;
extern Il2CppCodeGenString* _stringLiteral2094522_0;
extern Il2CppCodeGenString* _stringLiteral2336926_0;
extern Il2CppCodeGenString* _stringLiteral2361936_0;
extern Il2CppCodeGenString* _stringLiteral76390_0;
extern Il2CppCodeGenString* _stringLiteral2399391_0;
extern Il2CppCodeGenString* _stringLiteral79645_0;
extern Il2CppCodeGenString* _stringLiteral_1881265346_0;
extern Il2CppCodeGenString* _stringLiteral2511857_0;
extern Il2CppCodeGenString* _stringLiteral81257_0;
extern Il2CppCodeGenString* _stringLiteral2545665_0;
extern Il2CppCodeGenString* _stringLiteral2555908_0;
extern Il2CppCodeGenString* _stringLiteral2555911_0;
extern "C" void FtpWebRequest__cctor_m_1380172226_0 (Object_t * __this /* static, unused */, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
StringU5BU5D_t_816028754_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(32);
FtpWebRequest_t1507005735_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(645);
_stringLiteral2015844_0 = il2cpp_codegen_string_literal_from_index(2123);
_stringLiteral2094522_0 = il2cpp_codegen_string_literal_from_index(2124);
_stringLiteral2336926_0 = il2cpp_codegen_string_literal_from_index(2125);
_stringLiteral2361936_0 = il2cpp_codegen_string_literal_from_index(2126);
_stringLiteral76390_0 = il2cpp_codegen_string_literal_from_index(2127);
_stringLiteral2399391_0 = il2cpp_codegen_string_literal_from_index(2128);
_stringLiteral79645_0 = il2cpp_codegen_string_literal_from_index(2129);
_stringLiteral_1881265346_0 = il2cpp_codegen_string_literal_from_index(2130);
_stringLiteral2511857_0 = il2cpp_codegen_string_literal_from_index(2122);
_stringLiteral81257_0 = il2cpp_codegen_string_literal_from_index(2131);
_stringLiteral2545665_0 = il2cpp_codegen_string_literal_from_index(2132);
_stringLiteral2555908_0 = il2cpp_codegen_string_literal_from_index(2133);
_stringLiteral2555911_0 = il2cpp_codegen_string_literal_from_index(2134);
s_Il2CppMethodIntialized = true;
}
{
StringU5BU5D_t_816028754_0* L_0 = ((StringU5BU5D_t_816028754_0*)SZArrayNew(StringU5BU5D_t_816028754_0_il2cpp_TypeInfo_var, (uint32_t)((int32_t)13)));
NullCheck(L_0);
IL2CPP_ARRAY_BOUNDS_CHECK(L_0, 0);
ArrayElementTypeCheck (L_0, _stringLiteral2015844_0);
*((String_t**)(String_t**)SZArrayLdElema(L_0, 0, sizeof(String_t*))) = (String_t*)_stringLiteral2015844_0;
StringU5BU5D_t_816028754_0* L_1 = L_0;
NullCheck(L_1);
IL2CPP_ARRAY_BOUNDS_CHECK(L_1, 1);
ArrayElementTypeCheck (L_1, _stringLiteral2094522_0);
*((String_t**)(String_t**)SZArrayLdElema(L_1, 1, sizeof(String_t*))) = (String_t*)_stringLiteral2094522_0;
StringU5BU5D_t_816028754_0* L_2 = L_1;
NullCheck(L_2);
IL2CPP_ARRAY_BOUNDS_CHECK(L_2, 2);
ArrayElementTypeCheck (L_2, _stringLiteral2336926_0);
*((String_t**)(String_t**)SZArrayLdElema(L_2, 2, sizeof(String_t*))) = (String_t*)_stringLiteral2336926_0;
StringU5BU5D_t_816028754_0* L_3 = L_2;
NullCheck(L_3);
IL2CPP_ARRAY_BOUNDS_CHECK(L_3, 3);
ArrayElementTypeCheck (L_3, _stringLiteral2361936_0);
*((String_t**)(String_t**)SZArrayLdElema(L_3, 3, sizeof(String_t*))) = (String_t*)_stringLiteral2361936_0;
StringU5BU5D_t_816028754_0* L_4 = L_3;
NullCheck(L_4);
IL2CPP_ARRAY_BOUNDS_CHECK(L_4, 4);
ArrayElementTypeCheck (L_4, _stringLiteral76390_0);
*((String_t**)(String_t**)SZArrayLdElema(L_4, 4, sizeof(String_t*))) = (String_t*)_stringLiteral76390_0;
StringU5BU5D_t_816028754_0* L_5 = L_4;
NullCheck(L_5);
IL2CPP_ARRAY_BOUNDS_CHECK(L_5, 5);
ArrayElementTypeCheck (L_5, _stringLiteral2399391_0);
*((String_t**)(String_t**)SZArrayLdElema(L_5, 5, sizeof(String_t*))) = (String_t*)_stringLiteral2399391_0;
StringU5BU5D_t_816028754_0* L_6 = L_5;
NullCheck(L_6);
IL2CPP_ARRAY_BOUNDS_CHECK(L_6, 6);
ArrayElementTypeCheck (L_6, _stringLiteral79645_0);
*((String_t**)(String_t**)SZArrayLdElema(L_6, 6, sizeof(String_t*))) = (String_t*)_stringLiteral79645_0;
StringU5BU5D_t_816028754_0* L_7 = L_6;
NullCheck(L_7);
IL2CPP_ARRAY_BOUNDS_CHECK(L_7, 7);
ArrayElementTypeCheck (L_7, _stringLiteral_1881265346_0);
*((String_t**)(String_t**)SZArrayLdElema(L_7, 7, sizeof(String_t*))) = (String_t*)_stringLiteral_1881265346_0;
StringU5BU5D_t_816028754_0* L_8 = L_7;
NullCheck(L_8);
IL2CPP_ARRAY_BOUNDS_CHECK(L_8, 8);
ArrayElementTypeCheck (L_8, _stringLiteral2511857_0);
*((String_t**)(String_t**)SZArrayLdElema(L_8, 8, sizeof(String_t*))) = (String_t*)_stringLiteral2511857_0;
StringU5BU5D_t_816028754_0* L_9 = L_8;
NullCheck(L_9);
IL2CPP_ARRAY_BOUNDS_CHECK(L_9, ((int32_t)9));
ArrayElementTypeCheck (L_9, _stringLiteral81257_0);
*((String_t**)(String_t**)SZArrayLdElema(L_9, ((int32_t)9), sizeof(String_t*))) = (String_t*)_stringLiteral81257_0;
StringU5BU5D_t_816028754_0* L_10 = L_9;
NullCheck(L_10);
IL2CPP_ARRAY_BOUNDS_CHECK(L_10, ((int32_t)10));
ArrayElementTypeCheck (L_10, _stringLiteral2545665_0);
*((String_t**)(String_t**)SZArrayLdElema(L_10, ((int32_t)10), sizeof(String_t*))) = (String_t*)_stringLiteral2545665_0;
StringU5BU5D_t_816028754_0* L_11 = L_10;
NullCheck(L_11);
IL2CPP_ARRAY_BOUNDS_CHECK(L_11, ((int32_t)11));
ArrayElementTypeCheck (L_11, _stringLiteral2555908_0);
*((String_t**)(String_t**)SZArrayLdElema(L_11, ((int32_t)11), sizeof(String_t*))) = (String_t*)_stringLiteral2555908_0;
StringU5BU5D_t_816028754_0* L_12 = L_11;
NullCheck(L_12);
IL2CPP_ARRAY_BOUNDS_CHECK(L_12, ((int32_t)12));
ArrayElementTypeCheck (L_12, _stringLiteral2555911_0);
*((String_t**)(String_t**)SZArrayLdElema(L_12, ((int32_t)12), sizeof(String_t*))) = (String_t*)_stringLiteral2555911_0;
((FtpWebRequest_t1507005735_0_StaticFields*)FtpWebRequest_t1507005735_0_il2cpp_TypeInfo_var->static_fields)->___supportedCommands_14 = L_12;
return;
}
}
// System.Boolean System.Net.FtpWebRequest::<callback>m__B(System.Object,System.Security.Cryptography.X509Certificates.X509Certificate,System.Security.Cryptography.X509Certificates.X509Chain,System.Net.Security.SslPolicyErrors)
extern TypeInfo* ServicePointManager_t969554268_0_il2cpp_TypeInfo_var;
extern TypeInfo* SslPolicyErrors_t_715562799_0_il2cpp_TypeInfo_var;
extern TypeInfo* String_t_il2cpp_TypeInfo_var;
extern TypeInfo* InvalidOperationException_t_523179548_0_il2cpp_TypeInfo_var;
extern Il2CppCodeGenString* _stringLiteral_1669301702_0;
extern "C" bool FtpWebRequest_U3CcallbackU3Em__B_m1388175350_0 (Object_t * __this /* static, unused */, Object_t * ___sender, X509Certificate_t1524084820_0 * ___certificate, X509Chain_t_259668440_0 * ___chain, int32_t ___sslPolicyErrors, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
ServicePointManager_t969554268_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(637);
SslPolicyErrors_t_715562799_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(647);
String_t_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(11);
InvalidOperationException_t_523179548_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(72);
_stringLiteral_1669301702_0 = il2cpp_codegen_string_literal_from_index(2135);
s_Il2CppMethodIntialized = true;
}
{
IL2CPP_RUNTIME_CLASS_INIT(ServicePointManager_t969554268_0_il2cpp_TypeInfo_var);
RemoteCertificateValidationCallback_t_41584489_0 * L_0 = ServicePointManager_get_ServerCertificateValidationCallback_m258265119_0(NULL /*static, unused*/, /*hidden argument*/NULL);
if (!L_0)
{
goto IL_0019;
}
}
{
IL2CPP_RUNTIME_CLASS_INIT(ServicePointManager_t969554268_0_il2cpp_TypeInfo_var);
RemoteCertificateValidationCallback_t_41584489_0 * L_1 = ServicePointManager_get_ServerCertificateValidationCallback_m258265119_0(NULL /*static, unused*/, /*hidden argument*/NULL);
Object_t * L_2 = ___sender;
X509Certificate_t1524084820_0 * L_3 = ___certificate;
X509Chain_t_259668440_0 * L_4 = ___chain;
int32_t L_5 = ___sslPolicyErrors;
NullCheck(L_1);
bool L_6 = RemoteCertificateValidationCallback_Invoke_m_1972972858_0(L_1, L_2, L_3, L_4, L_5, /*hidden argument*/NULL);
return L_6;
}
IL_0019:
{
int32_t L_7 = ___sslPolicyErrors;
if (!L_7)
{
goto IL_0035;
}
}
{
int32_t L_8 = ___sslPolicyErrors;
int32_t L_9 = L_8;
Object_t * L_10 = Box(SslPolicyErrors_t_715562799_0_il2cpp_TypeInfo_var, &L_9);
IL2CPP_RUNTIME_CLASS_INIT(String_t_il2cpp_TypeInfo_var);
String_t* L_11 = String_Concat_m389863537_0(NULL /*static, unused*/, _stringLiteral_1669301702_0, L_10, /*hidden argument*/NULL);
InvalidOperationException_t_523179548_0 * L_12 = (InvalidOperationException_t_523179548_0 *)il2cpp_codegen_object_new (InvalidOperationException_t_523179548_0_il2cpp_TypeInfo_var);
InvalidOperationException__ctor_m1485483280_0(L_12, L_11, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_12);
}
IL_0035:
{
return (bool)1;
}
}
// System.Net.IWebProxy System.Net.GlobalProxySelection::get_Select()
extern TypeInfo* WebRequest_t442478417_0_il2cpp_TypeInfo_var;
extern "C" Object_t * GlobalProxySelection_get_Select_m_733608444_0 (Object_t * __this /* static, unused */, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
WebRequest_t442478417_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(640);
s_Il2CppMethodIntialized = true;
}
{
IL2CPP_RUNTIME_CLASS_INIT(WebRequest_t442478417_0_il2cpp_TypeInfo_var);
Object_t * L_0 = WebRequest_get_DefaultWebProxy_m645383963_0(NULL /*static, unused*/, /*hidden argument*/NULL);
return L_0;
}
}
// System.Void System.Net.HttpRequestCreator::.ctor()
extern "C" void HttpRequestCreator__ctor_m_1959378763_0 (HttpRequestCreator_t_1770471941_0 * __this, const MethodInfo* method)
{
{
Object__ctor_m1772956182_0(__this, /*hidden argument*/NULL);
return;
}
}
// System.Net.WebRequest System.Net.HttpRequestCreator::Create(System.Uri)
extern TypeInfo* HttpWebRequest_t713113337_0_il2cpp_TypeInfo_var;
extern "C" WebRequest_t442478417_0 * HttpRequestCreator_Create_m_926311882_0 (HttpRequestCreator_t_1770471941_0 * __this, Uri_t18014439_0 * ___uri, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
HttpWebRequest_t713113337_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(648);
s_Il2CppMethodIntialized = true;
}
{
Uri_t18014439_0 * L_0 = ___uri;
HttpWebRequest_t713113337_0 * L_1 = (HttpWebRequest_t713113337_0 *)il2cpp_codegen_object_new (HttpWebRequest_t713113337_0_il2cpp_TypeInfo_var);
HttpWebRequest__ctor_m_882715926_0(L_1, L_0, /*hidden argument*/NULL);
return L_1;
}
}
// System.Void System.Net.HttpVersion::.cctor()
extern TypeInfo* Version_t267380989_0_il2cpp_TypeInfo_var;
extern TypeInfo* HttpVersion_t865387322_0_il2cpp_TypeInfo_var;
extern "C" void HttpVersion__cctor_m1997660113_0 (Object_t * __this /* static, unused */, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
Version_t267380989_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(283);
HttpVersion_t865387322_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(649);
s_Il2CppMethodIntialized = true;
}
{
Version_t267380989_0 * L_0 = (Version_t267380989_0 *)il2cpp_codegen_object_new (Version_t267380989_0_il2cpp_TypeInfo_var);
Version__ctor_m_1248272819_0(L_0, 1, 0, /*hidden argument*/NULL);
((HttpVersion_t865387322_0_StaticFields*)HttpVersion_t865387322_0_il2cpp_TypeInfo_var->static_fields)->___Version10_0 = L_0;
Version_t267380989_0 * L_1 = (Version_t267380989_0 *)il2cpp_codegen_object_new (Version_t267380989_0_il2cpp_TypeInfo_var);
Version__ctor_m_1248272819_0(L_1, 1, 1, /*hidden argument*/NULL);
((HttpVersion_t865387322_0_StaticFields*)HttpVersion_t865387322_0_il2cpp_TypeInfo_var->static_fields)->___Version11_1 = L_1;
return;
}
}
// System.Void System.Net.HttpWebRequest::.ctor(System.Uri)
extern TypeInfo* WebHeaderCollection_t_1532305783_0_il2cpp_TypeInfo_var;
extern TypeInfo* String_t_il2cpp_TypeInfo_var;
extern TypeInfo* HttpVersion_t865387322_0_il2cpp_TypeInfo_var;
extern TypeInfo* Object_t_il2cpp_TypeInfo_var;
extern TypeInfo* WebRequest_t442478417_0_il2cpp_TypeInfo_var;
extern Il2CppCodeGenString* _stringLiteral70454_0;
extern "C" void HttpWebRequest__ctor_m_882715926_0 (HttpWebRequest_t713113337_0 * __this, Uri_t18014439_0 * ___uri, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
WebHeaderCollection_t_1532305783_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(641);
String_t_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(11);
HttpVersion_t865387322_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(649);
Object_t_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(0);
WebRequest_t442478417_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(640);
_stringLiteral70454_0 = il2cpp_codegen_string_literal_from_index(2114);
s_Il2CppMethodIntialized = true;
}
{
__this->___allowAutoRedirect_9 = (bool)1;
__this->___allowBuffering_10 = (bool)1;
__this->___contentLength_13 = (((int64_t)((int64_t)(-1))));
WebHeaderCollection_t_1532305783_0 * L_0 = (WebHeaderCollection_t_1532305783_0 *)il2cpp_codegen_object_new (WebHeaderCollection_t_1532305783_0_il2cpp_TypeInfo_var);
WebHeaderCollection__ctor_m_1694968668_0(L_0, (bool)1, /*hidden argument*/NULL);
__this->___webHeaders_14 = L_0;
__this->___keepAlive_15 = (bool)1;
__this->___maxAutoRedirect_16 = ((int32_t)50);
IL2CPP_RUNTIME_CLASS_INIT(String_t_il2cpp_TypeInfo_var);
String_t* L_1 = ((String_t_StaticFields*)String_t_il2cpp_TypeInfo_var->static_fields)->___Empty_2;
__this->___mediaType_17 = L_1;
__this->___method_18 = _stringLiteral70454_0;
__this->___initialMethod_19 = _stringLiteral70454_0;
__this->___pipelined_20 = (bool)1;
IL2CPP_RUNTIME_CLASS_INIT(HttpVersion_t865387322_0_il2cpp_TypeInfo_var);
Version_t267380989_0 * L_2 = ((HttpVersion_t865387322_0_StaticFields*)HttpVersion_t865387322_0_il2cpp_TypeInfo_var->static_fields)->___Version11_1;
__this->___version_21 = L_2;
__this->___timeout_25 = ((int32_t)100000);
Object_t * L_3 = (Object_t *)il2cpp_codegen_object_new (Object_t_il2cpp_TypeInfo_var);
Object__ctor_m1772956182_0(L_3, /*hidden argument*/NULL);
__this->___locker_27 = L_3;
__this->___readWriteTimeout_29 = ((int32_t)300000);
IL2CPP_RUNTIME_CLASS_INIT(WebRequest_t442478417_0_il2cpp_TypeInfo_var);
WebRequest__ctor_m_386560737_0(__this, /*hidden argument*/NULL);
Uri_t18014439_0 * L_4 = ___uri;
__this->___requestUri_6 = L_4;
Uri_t18014439_0 * L_5 = ___uri;
__this->___actualUri_7 = L_5;
Object_t * L_6 = GlobalProxySelection_get_Select_m_733608444_0(NULL /*static, unused*/, /*hidden argument*/NULL);
__this->___proxy_22 = L_6;
return;
}
}
// System.Void System.Net.HttpWebRequest::.ctor(System.Runtime.Serialization.SerializationInfo,System.Runtime.Serialization.StreamingContext)
extern const Il2CppType* Uri_t18014439_0_0_0_0_var;
extern const Il2CppType* X509CertificateCollection_t_798278404_0_0_0_0_var;
extern const Il2CppType* WebHeaderCollection_t_1532305783_0_0_0_0_var;
extern const Il2CppType* Version_t267380989_0_0_0_0_var;
extern const Il2CppType* IWebProxy_t1249552781_0_0_0_0_var;
extern TypeInfo* WebHeaderCollection_t_1532305783_0_il2cpp_TypeInfo_var;
extern TypeInfo* String_t_il2cpp_TypeInfo_var;
extern TypeInfo* HttpVersion_t865387322_0_il2cpp_TypeInfo_var;
extern TypeInfo* Object_t_il2cpp_TypeInfo_var;
extern TypeInfo* WebRequest_t442478417_0_il2cpp_TypeInfo_var;
extern TypeInfo* Type_t_il2cpp_TypeInfo_var;
extern TypeInfo* Uri_t18014439_0_il2cpp_TypeInfo_var;
extern TypeInfo* X509CertificateCollection_t_798278404_0_il2cpp_TypeInfo_var;
extern TypeInfo* Version_t267380989_0_il2cpp_TypeInfo_var;
extern TypeInfo* IWebProxy_t1249552781_0_il2cpp_TypeInfo_var;
extern Il2CppCodeGenString* _stringLiteral70454_0;
extern Il2CppCodeGenString* _stringLiteral37100637_0;
extern Il2CppCodeGenString* _stringLiteral528847102_0;
extern Il2CppCodeGenString* _stringLiteral1102408852_0;
extern Il2CppCodeGenString* _stringLiteral195803737_0;
extern Il2CppCodeGenString* _stringLiteral394850748_0;
extern Il2CppCodeGenString* _stringLiteral709632577_0;
extern Il2CppCodeGenString* _stringLiteral_540713793_0;
extern Il2CppCodeGenString* _stringLiteral1677104530_0;
extern Il2CppCodeGenString* _stringLiteral_1775507384_0;
extern Il2CppCodeGenString* _stringLiteral1980505647_0;
extern Il2CppCodeGenString* _stringLiteral2140463422_0;
extern Il2CppCodeGenString* _stringLiteral_1077554975_0;
extern Il2CppCodeGenString* _stringLiteral_338259643_0;
extern Il2CppCodeGenString* _stringLiteral1350740482_0;
extern Il2CppCodeGenString* _stringLiteral351608024_0;
extern Il2CppCodeGenString* _stringLiteral106941038_0;
extern Il2CppCodeGenString* _stringLiteral493946660_0;
extern Il2CppCodeGenString* _stringLiteral_1313911455_0;
extern Il2CppCodeGenString* _stringLiteral1709310999_0;
extern "C" void HttpWebRequest__ctor_m1235446968_0 (HttpWebRequest_t713113337_0 * __this, SerializationInfo_t526833679_0 * ___serializationInfo, StreamingContext_t_1216992900_0 ___streamingContext, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
Uri_t18014439_0_0_0_0_var = il2cpp_codegen_type_from_index(643);
X509CertificateCollection_t_798278404_0_0_0_0_var = il2cpp_codegen_type_from_index(650);
WebHeaderCollection_t_1532305783_0_0_0_0_var = il2cpp_codegen_type_from_index(641);
Version_t267380989_0_0_0_0_var = il2cpp_codegen_type_from_index(283);
IWebProxy_t1249552781_0_0_0_0_var = il2cpp_codegen_type_from_index(642);
WebHeaderCollection_t_1532305783_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(641);
String_t_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(11);
HttpVersion_t865387322_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(649);
Object_t_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(0);
WebRequest_t442478417_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(640);
Type_t_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(3);
Uri_t18014439_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(643);
X509CertificateCollection_t_798278404_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(650);
Version_t267380989_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(283);
IWebProxy_t1249552781_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(642);
_stringLiteral70454_0 = il2cpp_codegen_string_literal_from_index(2114);
_stringLiteral37100637_0 = il2cpp_codegen_string_literal_from_index(2136);
_stringLiteral528847102_0 = il2cpp_codegen_string_literal_from_index(2137);
_stringLiteral1102408852_0 = il2cpp_codegen_string_literal_from_index(2138);
_stringLiteral195803737_0 = il2cpp_codegen_string_literal_from_index(2139);
_stringLiteral394850748_0 = il2cpp_codegen_string_literal_from_index(2140);
_stringLiteral709632577_0 = il2cpp_codegen_string_literal_from_index(2141);
_stringLiteral_540713793_0 = il2cpp_codegen_string_literal_from_index(2118);
_stringLiteral1677104530_0 = il2cpp_codegen_string_literal_from_index(2142);
_stringLiteral_1775507384_0 = il2cpp_codegen_string_literal_from_index(2143);
_stringLiteral1980505647_0 = il2cpp_codegen_string_literal_from_index(2144);
_stringLiteral2140463422_0 = il2cpp_codegen_string_literal_from_index(2145);
_stringLiteral_1077554975_0 = il2cpp_codegen_string_literal_from_index(113);
_stringLiteral_338259643_0 = il2cpp_codegen_string_literal_from_index(2146);
_stringLiteral1350740482_0 = il2cpp_codegen_string_literal_from_index(2147);
_stringLiteral351608024_0 = il2cpp_codegen_string_literal_from_index(1134);
_stringLiteral106941038_0 = il2cpp_codegen_string_literal_from_index(2116);
_stringLiteral493946660_0 = il2cpp_codegen_string_literal_from_index(2148);
_stringLiteral_1313911455_0 = il2cpp_codegen_string_literal_from_index(2119);
_stringLiteral1709310999_0 = il2cpp_codegen_string_literal_from_index(2149);
s_Il2CppMethodIntialized = true;
}
SerializationInfo_t526833679_0 * V_0 = {0};
{
__this->___allowAutoRedirect_9 = (bool)1;
__this->___allowBuffering_10 = (bool)1;
__this->___contentLength_13 = (((int64_t)((int64_t)(-1))));
WebHeaderCollection_t_1532305783_0 * L_0 = (WebHeaderCollection_t_1532305783_0 *)il2cpp_codegen_object_new (WebHeaderCollection_t_1532305783_0_il2cpp_TypeInfo_var);
WebHeaderCollection__ctor_m_1694968668_0(L_0, (bool)1, /*hidden argument*/NULL);
__this->___webHeaders_14 = L_0;
__this->___keepAlive_15 = (bool)1;
__this->___maxAutoRedirect_16 = ((int32_t)50);
IL2CPP_RUNTIME_CLASS_INIT(String_t_il2cpp_TypeInfo_var);
String_t* L_1 = ((String_t_StaticFields*)String_t_il2cpp_TypeInfo_var->static_fields)->___Empty_2;
__this->___mediaType_17 = L_1;
__this->___method_18 = _stringLiteral70454_0;
__this->___initialMethod_19 = _stringLiteral70454_0;
__this->___pipelined_20 = (bool)1;
IL2CPP_RUNTIME_CLASS_INIT(HttpVersion_t865387322_0_il2cpp_TypeInfo_var);
Version_t267380989_0 * L_2 = ((HttpVersion_t865387322_0_StaticFields*)HttpVersion_t865387322_0_il2cpp_TypeInfo_var->static_fields)->___Version11_1;
__this->___version_21 = L_2;
__this->___timeout_25 = ((int32_t)100000);
Object_t * L_3 = (Object_t *)il2cpp_codegen_object_new (Object_t_il2cpp_TypeInfo_var);
Object__ctor_m1772956182_0(L_3, /*hidden argument*/NULL);
__this->___locker_27 = L_3;
__this->___readWriteTimeout_29 = ((int32_t)300000);
IL2CPP_RUNTIME_CLASS_INIT(WebRequest_t442478417_0_il2cpp_TypeInfo_var);
WebRequest__ctor_m_386560737_0(__this, /*hidden argument*/NULL);
SerializationInfo_t526833679_0 * L_4 = ___serializationInfo;
V_0 = L_4;
SerializationInfo_t526833679_0 * L_5 = V_0;
IL2CPP_RUNTIME_CLASS_INIT(Type_t_il2cpp_TypeInfo_var);
Type_t * L_6 = Type_GetTypeFromHandle_m_488061862_0(NULL /*static, unused*/, LoadTypeToken(Uri_t18014439_0_0_0_0_var), /*hidden argument*/NULL);
NullCheck(L_5);
Object_t * L_7 = SerializationInfo_GetValue_m_169495960_0(L_5, _stringLiteral37100637_0, L_6, /*hidden argument*/NULL);
__this->___requestUri_6 = ((Uri_t18014439_0 *)CastclassClass(L_7, Uri_t18014439_0_il2cpp_TypeInfo_var));
SerializationInfo_t526833679_0 * L_8 = V_0;
Type_t * L_9 = Type_GetTypeFromHandle_m_488061862_0(NULL /*static, unused*/, LoadTypeToken(Uri_t18014439_0_0_0_0_var), /*hidden argument*/NULL);
NullCheck(L_8);
Object_t * L_10 = SerializationInfo_GetValue_m_169495960_0(L_8, _stringLiteral528847102_0, L_9, /*hidden argument*/NULL);
__this->___actualUri_7 = ((Uri_t18014439_0 *)CastclassClass(L_10, Uri_t18014439_0_il2cpp_TypeInfo_var));
SerializationInfo_t526833679_0 * L_11 = V_0;
NullCheck(L_11);
bool L_12 = SerializationInfo_GetBoolean_m1462266865_0(L_11, _stringLiteral1102408852_0, /*hidden argument*/NULL);
__this->___allowAutoRedirect_9 = L_12;
SerializationInfo_t526833679_0 * L_13 = V_0;
NullCheck(L_13);
bool L_14 = SerializationInfo_GetBoolean_m1462266865_0(L_13, _stringLiteral195803737_0, /*hidden argument*/NULL);
__this->___allowBuffering_10 = L_14;
SerializationInfo_t526833679_0 * L_15 = V_0;
Type_t * L_16 = Type_GetTypeFromHandle_m_488061862_0(NULL /*static, unused*/, LoadTypeToken(X509CertificateCollection_t_798278404_0_0_0_0_var), /*hidden argument*/NULL);
NullCheck(L_15);
Object_t * L_17 = SerializationInfo_GetValue_m_169495960_0(L_15, _stringLiteral394850748_0, L_16, /*hidden argument*/NULL);
__this->___certificates_11 = ((X509CertificateCollection_t_798278404_0 *)CastclassClass(L_17, X509CertificateCollection_t_798278404_0_il2cpp_TypeInfo_var));
SerializationInfo_t526833679_0 * L_18 = V_0;
NullCheck(L_18);
String_t* L_19 = SerializationInfo_GetString_m52579033_0(L_18, _stringLiteral709632577_0, /*hidden argument*/NULL);
__this->___connectionGroup_12 = L_19;
SerializationInfo_t526833679_0 * L_20 = V_0;
NullCheck(L_20);
int64_t L_21 = SerializationInfo_GetInt64_m_2083246191_0(L_20, _stringLiteral_540713793_0, /*hidden argument*/NULL);
__this->___contentLength_13 = L_21;
SerializationInfo_t526833679_0 * L_22 = V_0;
Type_t * L_23 = Type_GetTypeFromHandle_m_488061862_0(NULL /*static, unused*/, LoadTypeToken(WebHeaderCollection_t_1532305783_0_0_0_0_var), /*hidden argument*/NULL);
NullCheck(L_22);
Object_t * L_24 = SerializationInfo_GetValue_m_169495960_0(L_22, _stringLiteral1677104530_0, L_23, /*hidden argument*/NULL);
__this->___webHeaders_14 = ((WebHeaderCollection_t_1532305783_0 *)CastclassClass(L_24, WebHeaderCollection_t_1532305783_0_il2cpp_TypeInfo_var));
SerializationInfo_t526833679_0 * L_25 = V_0;
NullCheck(L_25);
bool L_26 = SerializationInfo_GetBoolean_m1462266865_0(L_25, _stringLiteral_1775507384_0, /*hidden argument*/NULL);
__this->___keepAlive_15 = L_26;
SerializationInfo_t526833679_0 * L_27 = V_0;
NullCheck(L_27);
int32_t L_28 = SerializationInfo_GetInt32_m_246931343_0(L_27, _stringLiteral1980505647_0, /*hidden argument*/NULL);
__this->___maxAutoRedirect_16 = L_28;
SerializationInfo_t526833679_0 * L_29 = V_0;
NullCheck(L_29);
String_t* L_30 = SerializationInfo_GetString_m52579033_0(L_29, _stringLiteral2140463422_0, /*hidden argument*/NULL);
__this->___mediaType_17 = L_30;
SerializationInfo_t526833679_0 * L_31 = V_0;
NullCheck(L_31);
String_t* L_32 = SerializationInfo_GetString_m52579033_0(L_31, _stringLiteral_1077554975_0, /*hidden argument*/NULL);
__this->___method_18 = L_32;
SerializationInfo_t526833679_0 * L_33 = V_0;
NullCheck(L_33);
String_t* L_34 = SerializationInfo_GetString_m52579033_0(L_33, _stringLiteral_338259643_0, /*hidden argument*/NULL);
__this->___initialMethod_19 = L_34;
SerializationInfo_t526833679_0 * L_35 = V_0;
NullCheck(L_35);
bool L_36 = SerializationInfo_GetBoolean_m1462266865_0(L_35, _stringLiteral1350740482_0, /*hidden argument*/NULL);
__this->___pipelined_20 = L_36;
SerializationInfo_t526833679_0 * L_37 = V_0;
Type_t * L_38 = Type_GetTypeFromHandle_m_488061862_0(NULL /*static, unused*/, LoadTypeToken(Version_t267380989_0_0_0_0_var), /*hidden argument*/NULL);
NullCheck(L_37);
Object_t * L_39 = SerializationInfo_GetValue_m_169495960_0(L_37, _stringLiteral351608024_0, L_38, /*hidden argument*/NULL);
__this->___version_21 = ((Version_t267380989_0 *)CastclassSealed(L_39, Version_t267380989_0_il2cpp_TypeInfo_var));
SerializationInfo_t526833679_0 * L_40 = V_0;
Type_t * L_41 = Type_GetTypeFromHandle_m_488061862_0(NULL /*static, unused*/, LoadTypeToken(IWebProxy_t1249552781_0_0_0_0_var), /*hidden argument*/NULL);
NullCheck(L_40);
Object_t * L_42 = SerializationInfo_GetValue_m_169495960_0(L_40, _stringLiteral106941038_0, L_41, /*hidden argument*/NULL);
__this->___proxy_22 = ((Object_t *)Castclass(L_42, IWebProxy_t1249552781_0_il2cpp_TypeInfo_var));
SerializationInfo_t526833679_0 * L_43 = V_0;
NullCheck(L_43);
bool L_44 = SerializationInfo_GetBoolean_m1462266865_0(L_43, _stringLiteral493946660_0, /*hidden argument*/NULL);
__this->___sendChunked_23 = L_44;
SerializationInfo_t526833679_0 * L_45 = V_0;
NullCheck(L_45);
int32_t L_46 = SerializationInfo_GetInt32_m_246931343_0(L_45, _stringLiteral_1313911455_0, /*hidden argument*/NULL);
__this->___timeout_25 = L_46;
SerializationInfo_t526833679_0 * L_47 = V_0;
NullCheck(L_47);
int32_t L_48 = SerializationInfo_GetInt32_m_246931343_0(L_47, _stringLiteral1709310999_0, /*hidden argument*/NULL);
__this->___redirects_26 = L_48;
return;
}
}
// System.Void System.Net.HttpWebRequest::.cctor()
extern TypeInfo* HttpWebRequest_t713113337_0_il2cpp_TypeInfo_var;
extern "C" void HttpWebRequest__cctor_m_2098897258_0 (Object_t * __this /* static, unused */, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
HttpWebRequest_t713113337_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(648);
s_Il2CppMethodIntialized = true;
}
{
((HttpWebRequest_t713113337_0_StaticFields*)HttpWebRequest_t713113337_0_il2cpp_TypeInfo_var->static_fields)->___defaultMaxResponseHeadersLength_28 = ((int32_t)65536);
return;
}
}
// System.Void System.Net.HttpWebRequest::System.Runtime.Serialization.ISerializable.GetObjectData(System.Runtime.Serialization.SerializationInfo,System.Runtime.Serialization.StreamingContext)
extern "C" void HttpWebRequest_System_Runtime_Serialization_ISerializable_GetObjectData_m_2048059468_0 (HttpWebRequest_t713113337_0 * __this, SerializationInfo_t526833679_0 * ___serializationInfo, StreamingContext_t_1216992900_0 ___streamingContext, const MethodInfo* method)
{
{
SerializationInfo_t526833679_0 * L_0 = ___serializationInfo;
StreamingContext_t_1216992900_0 L_1 = ___streamingContext;
VirtActionInvoker2< SerializationInfo_t526833679_0 *, StreamingContext_t_1216992900_0 >::Invoke(5 /* System.Void System.Net.HttpWebRequest::GetObjectData(System.Runtime.Serialization.SerializationInfo,System.Runtime.Serialization.StreamingContext) */, __this, L_0, L_1);
return;
}
}
// System.Uri System.Net.HttpWebRequest::get_Address()
extern "C" Uri_t18014439_0 * HttpWebRequest_get_Address_m_1137172558_0 (HttpWebRequest_t713113337_0 * __this, const MethodInfo* method)
{
{
Uri_t18014439_0 * L_0 = (__this->___actualUri_7);
return L_0;
}
}
// System.Net.ServicePoint System.Net.HttpWebRequest::get_ServicePoint()
extern "C" ServicePoint_t_1625863919_0 * HttpWebRequest_get_ServicePoint_m146133801_0 (HttpWebRequest_t713113337_0 * __this, const MethodInfo* method)
{
{
ServicePoint_t_1625863919_0 * L_0 = HttpWebRequest_GetServicePoint_m_1928370802_0(__this, /*hidden argument*/NULL);
return L_0;
}
}
// System.Net.ServicePoint System.Net.HttpWebRequest::GetServicePoint()
extern TypeInfo* ServicePointManager_t969554268_0_il2cpp_TypeInfo_var;
extern "C" ServicePoint_t_1625863919_0 * HttpWebRequest_GetServicePoint_m_1928370802_0 (HttpWebRequest_t713113337_0 * __this, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
ServicePointManager_t969554268_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(637);
s_Il2CppMethodIntialized = true;
}
Object_t * V_0 = {0};
Exception_t2143823668_0 * __last_unhandled_exception = 0;
NO_UNUSED_WARNING (__last_unhandled_exception);
Exception_t2143823668_0 * __exception_local = 0;
NO_UNUSED_WARNING (__exception_local);
int32_t __leave_target = 0;
NO_UNUSED_WARNING (__leave_target);
{
Object_t * L_0 = (__this->___locker_27);
V_0 = L_0;
Object_t * L_1 = V_0;
Monitor_Enter_m476686225_0(NULL /*static, unused*/, L_1, /*hidden argument*/NULL);
}
IL_000d:
try
{ // begin try (depth: 1)
{
bool L_2 = (__this->___hostChanged_8);
if (L_2)
{
goto IL_0023;
}
}
IL_0018:
{
ServicePoint_t_1625863919_0 * L_3 = (__this->___servicePoint_24);
if (L_3)
{
goto IL_0041;
}
}
IL_0023:
{
Uri_t18014439_0 * L_4 = (__this->___actualUri_7);
Object_t * L_5 = (__this->___proxy_22);
IL2CPP_RUNTIME_CLASS_INIT(ServicePointManager_t969554268_0_il2cpp_TypeInfo_var);
ServicePoint_t_1625863919_0 * L_6 = ServicePointManager_FindServicePoint_m543399130_0(NULL /*static, unused*/, L_4, L_5, /*hidden argument*/NULL);
__this->___servicePoint_24 = L_6;
__this->___hostChanged_8 = (bool)0;
}
IL_0041:
{
IL2CPP_LEAVE(0x4D, FINALLY_0046);
}
} // end try (depth: 1)
catch(Il2CppExceptionWrapper& e)
{
__last_unhandled_exception = (Exception_t2143823668_0 *)e.ex;
goto FINALLY_0046;
}
FINALLY_0046:
{ // begin finally (depth: 1)
Object_t * L_7 = V_0;
Monitor_Exit_m2088237919_0(NULL /*static, unused*/, L_7, /*hidden argument*/NULL);
IL2CPP_END_FINALLY(70)
} // end finally (depth: 1)
IL2CPP_CLEANUP(70)
{
IL2CPP_JUMP_TBL(0x4D, IL_004d)
IL2CPP_RETHROW_IF_UNHANDLED(Exception_t2143823668_0 *)
}
IL_004d:
{
ServicePoint_t_1625863919_0 * L_8 = (__this->___servicePoint_24);
return L_8;
}
}
// System.Void System.Net.HttpWebRequest::GetObjectData(System.Runtime.Serialization.SerializationInfo,System.Runtime.Serialization.StreamingContext)
extern const Il2CppType* Uri_t18014439_0_0_0_0_var;
extern const Il2CppType* X509CertificateCollection_t_798278404_0_0_0_0_var;
extern const Il2CppType* WebHeaderCollection_t_1532305783_0_0_0_0_var;
extern const Il2CppType* Version_t267380989_0_0_0_0_var;
extern const Il2CppType* IWebProxy_t1249552781_0_0_0_0_var;
extern TypeInfo* Type_t_il2cpp_TypeInfo_var;
extern Il2CppCodeGenString* _stringLiteral37100637_0;
extern Il2CppCodeGenString* _stringLiteral528847102_0;
extern Il2CppCodeGenString* _stringLiteral1102408852_0;
extern Il2CppCodeGenString* _stringLiteral195803737_0;
extern Il2CppCodeGenString* _stringLiteral394850748_0;
extern Il2CppCodeGenString* _stringLiteral709632577_0;
extern Il2CppCodeGenString* _stringLiteral_540713793_0;
extern Il2CppCodeGenString* _stringLiteral1677104530_0;
extern Il2CppCodeGenString* _stringLiteral_1775507384_0;
extern Il2CppCodeGenString* _stringLiteral1980505647_0;
extern Il2CppCodeGenString* _stringLiteral2140463422_0;
extern Il2CppCodeGenString* _stringLiteral_1077554975_0;
extern Il2CppCodeGenString* _stringLiteral_338259643_0;
extern Il2CppCodeGenString* _stringLiteral1350740482_0;
extern Il2CppCodeGenString* _stringLiteral351608024_0;
extern Il2CppCodeGenString* _stringLiteral106941038_0;
extern Il2CppCodeGenString* _stringLiteral493946660_0;
extern Il2CppCodeGenString* _stringLiteral_1313911455_0;
extern Il2CppCodeGenString* _stringLiteral1709310999_0;
extern "C" void HttpWebRequest_GetObjectData_m_420971499_0 (HttpWebRequest_t713113337_0 * __this, SerializationInfo_t526833679_0 * ___serializationInfo, StreamingContext_t_1216992900_0 ___streamingContext, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
Uri_t18014439_0_0_0_0_var = il2cpp_codegen_type_from_index(643);
X509CertificateCollection_t_798278404_0_0_0_0_var = il2cpp_codegen_type_from_index(650);
WebHeaderCollection_t_1532305783_0_0_0_0_var = il2cpp_codegen_type_from_index(641);
Version_t267380989_0_0_0_0_var = il2cpp_codegen_type_from_index(283);
IWebProxy_t1249552781_0_0_0_0_var = il2cpp_codegen_type_from_index(642);
Type_t_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(3);
_stringLiteral37100637_0 = il2cpp_codegen_string_literal_from_index(2136);
_stringLiteral528847102_0 = il2cpp_codegen_string_literal_from_index(2137);
_stringLiteral1102408852_0 = il2cpp_codegen_string_literal_from_index(2138);
_stringLiteral195803737_0 = il2cpp_codegen_string_literal_from_index(2139);
_stringLiteral394850748_0 = il2cpp_codegen_string_literal_from_index(2140);
_stringLiteral709632577_0 = il2cpp_codegen_string_literal_from_index(2141);
_stringLiteral_540713793_0 = il2cpp_codegen_string_literal_from_index(2118);
_stringLiteral1677104530_0 = il2cpp_codegen_string_literal_from_index(2142);
_stringLiteral_1775507384_0 = il2cpp_codegen_string_literal_from_index(2143);
_stringLiteral1980505647_0 = il2cpp_codegen_string_literal_from_index(2144);
_stringLiteral2140463422_0 = il2cpp_codegen_string_literal_from_index(2145);
_stringLiteral_1077554975_0 = il2cpp_codegen_string_literal_from_index(113);
_stringLiteral_338259643_0 = il2cpp_codegen_string_literal_from_index(2146);
_stringLiteral1350740482_0 = il2cpp_codegen_string_literal_from_index(2147);
_stringLiteral351608024_0 = il2cpp_codegen_string_literal_from_index(1134);
_stringLiteral106941038_0 = il2cpp_codegen_string_literal_from_index(2116);
_stringLiteral493946660_0 = il2cpp_codegen_string_literal_from_index(2148);
_stringLiteral_1313911455_0 = il2cpp_codegen_string_literal_from_index(2119);
_stringLiteral1709310999_0 = il2cpp_codegen_string_literal_from_index(2149);
s_Il2CppMethodIntialized = true;
}
SerializationInfo_t526833679_0 * V_0 = {0};
{
SerializationInfo_t526833679_0 * L_0 = ___serializationInfo;
V_0 = L_0;
SerializationInfo_t526833679_0 * L_1 = V_0;
Uri_t18014439_0 * L_2 = (__this->___requestUri_6);
IL2CPP_RUNTIME_CLASS_INIT(Type_t_il2cpp_TypeInfo_var);
Type_t * L_3 = Type_GetTypeFromHandle_m_488061862_0(NULL /*static, unused*/, LoadTypeToken(Uri_t18014439_0_0_0_0_var), /*hidden argument*/NULL);
NullCheck(L_1);
SerializationInfo_AddValue_m_953030314_0(L_1, _stringLiteral37100637_0, L_2, L_3, /*hidden argument*/NULL);
SerializationInfo_t526833679_0 * L_4 = V_0;
Uri_t18014439_0 * L_5 = (__this->___actualUri_7);
Type_t * L_6 = Type_GetTypeFromHandle_m_488061862_0(NULL /*static, unused*/, LoadTypeToken(Uri_t18014439_0_0_0_0_var), /*hidden argument*/NULL);
NullCheck(L_4);
SerializationInfo_AddValue_m_953030314_0(L_4, _stringLiteral528847102_0, L_5, L_6, /*hidden argument*/NULL);
SerializationInfo_t526833679_0 * L_7 = V_0;
bool L_8 = (__this->___allowAutoRedirect_9);
NullCheck(L_7);
SerializationInfo_AddValue_m_721558968_0(L_7, _stringLiteral1102408852_0, L_8, /*hidden argument*/NULL);
SerializationInfo_t526833679_0 * L_9 = V_0;
bool L_10 = (__this->___allowBuffering_10);
NullCheck(L_9);
SerializationInfo_AddValue_m_721558968_0(L_9, _stringLiteral195803737_0, L_10, /*hidden argument*/NULL);
SerializationInfo_t526833679_0 * L_11 = V_0;
X509CertificateCollection_t_798278404_0 * L_12 = (__this->___certificates_11);
Type_t * L_13 = Type_GetTypeFromHandle_m_488061862_0(NULL /*static, unused*/, LoadTypeToken(X509CertificateCollection_t_798278404_0_0_0_0_var), /*hidden argument*/NULL);
NullCheck(L_11);
SerializationInfo_AddValue_m_953030314_0(L_11, _stringLiteral394850748_0, L_12, L_13, /*hidden argument*/NULL);
SerializationInfo_t526833679_0 * L_14 = V_0;
String_t* L_15 = (__this->___connectionGroup_12);
NullCheck(L_14);
SerializationInfo_AddValue_m469120675_0(L_14, _stringLiteral709632577_0, L_15, /*hidden argument*/NULL);
SerializationInfo_t526833679_0 * L_16 = V_0;
int64_t L_17 = (__this->___contentLength_13);
NullCheck(L_16);
SerializationInfo_AddValue_m_1946423837_0(L_16, _stringLiteral_540713793_0, L_17, /*hidden argument*/NULL);
SerializationInfo_t526833679_0 * L_18 = V_0;
WebHeaderCollection_t_1532305783_0 * L_19 = (__this->___webHeaders_14);
Type_t * L_20 = Type_GetTypeFromHandle_m_488061862_0(NULL /*static, unused*/, LoadTypeToken(WebHeaderCollection_t_1532305783_0_0_0_0_var), /*hidden argument*/NULL);
NullCheck(L_18);
SerializationInfo_AddValue_m_953030314_0(L_18, _stringLiteral1677104530_0, L_19, L_20, /*hidden argument*/NULL);
SerializationInfo_t526833679_0 * L_21 = V_0;
bool L_22 = (__this->___keepAlive_15);
NullCheck(L_21);
SerializationInfo_AddValue_m_721558968_0(L_21, _stringLiteral_1775507384_0, L_22, /*hidden argument*/NULL);
SerializationInfo_t526833679_0 * L_23 = V_0;
int32_t L_24 = (__this->___maxAutoRedirect_16);
NullCheck(L_23);
SerializationInfo_AddValue_m_1946426782_0(L_23, _stringLiteral1980505647_0, L_24, /*hidden argument*/NULL);
SerializationInfo_t526833679_0 * L_25 = V_0;
String_t* L_26 = (__this->___mediaType_17);
NullCheck(L_25);
SerializationInfo_AddValue_m469120675_0(L_25, _stringLiteral2140463422_0, L_26, /*hidden argument*/NULL);
SerializationInfo_t526833679_0 * L_27 = V_0;
String_t* L_28 = (__this->___method_18);
NullCheck(L_27);
SerializationInfo_AddValue_m469120675_0(L_27, _stringLiteral_1077554975_0, L_28, /*hidden argument*/NULL);
SerializationInfo_t526833679_0 * L_29 = V_0;
String_t* L_30 = (__this->___initialMethod_19);
NullCheck(L_29);
SerializationInfo_AddValue_m469120675_0(L_29, _stringLiteral_338259643_0, L_30, /*hidden argument*/NULL);
SerializationInfo_t526833679_0 * L_31 = V_0;
bool L_32 = (__this->___pipelined_20);
NullCheck(L_31);
SerializationInfo_AddValue_m_721558968_0(L_31, _stringLiteral1350740482_0, L_32, /*hidden argument*/NULL);
SerializationInfo_t526833679_0 * L_33 = V_0;
Version_t267380989_0 * L_34 = (__this->___version_21);
Type_t * L_35 = Type_GetTypeFromHandle_m_488061862_0(NULL /*static, unused*/, LoadTypeToken(Version_t267380989_0_0_0_0_var), /*hidden argument*/NULL);
NullCheck(L_33);
SerializationInfo_AddValue_m_953030314_0(L_33, _stringLiteral351608024_0, L_34, L_35, /*hidden argument*/NULL);
SerializationInfo_t526833679_0 * L_36 = V_0;
Object_t * L_37 = (__this->___proxy_22);
Type_t * L_38 = Type_GetTypeFromHandle_m_488061862_0(NULL /*static, unused*/, LoadTypeToken(IWebProxy_t1249552781_0_0_0_0_var), /*hidden argument*/NULL);
NullCheck(L_36);
SerializationInfo_AddValue_m_953030314_0(L_36, _stringLiteral106941038_0, L_37, L_38, /*hidden argument*/NULL);
SerializationInfo_t526833679_0 * L_39 = V_0;
bool L_40 = (__this->___sendChunked_23);
NullCheck(L_39);
SerializationInfo_AddValue_m_721558968_0(L_39, _stringLiteral493946660_0, L_40, /*hidden argument*/NULL);
SerializationInfo_t526833679_0 * L_41 = V_0;
int32_t L_42 = (__this->___timeout_25);
NullCheck(L_41);
SerializationInfo_AddValue_m_1946426782_0(L_41, _stringLiteral_1313911455_0, L_42, /*hidden argument*/NULL);
SerializationInfo_t526833679_0 * L_43 = V_0;
int32_t L_44 = (__this->___redirects_26);
NullCheck(L_43);
SerializationInfo_AddValue_m_1946426782_0(L_43, _stringLiteral1709310999_0, L_44, /*hidden argument*/NULL);
return;
}
}
// System.Void System.Net.IPAddress::.ctor(System.Int64)
extern "C" void IPAddress__ctor_m927672017_0 (IPAddress_t125139831_0 * __this, int64_t ___addr, const MethodInfo* method)
{
{
Object__ctor_m1772956182_0(__this, /*hidden argument*/NULL);
int64_t L_0 = ___addr;
__this->___m_Address_0 = L_0;
__this->___m_Family_1 = 2;
return;
}
}
// System.Void System.Net.IPAddress::.ctor(System.UInt16[],System.Int64)
extern TypeInfo* IPAddress_t125139831_0_il2cpp_TypeInfo_var;
extern "C" void IPAddress__ctor_m_357443195_0 (IPAddress_t125139831_0 * __this, UInt16U5BU5D_t_1239550212_0* ___address, int64_t ___scopeId, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
IPAddress_t125139831_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(635);
s_Il2CppMethodIntialized = true;
}
int32_t V_0 = 0;
{
Object__ctor_m1772956182_0(__this, /*hidden argument*/NULL);
UInt16U5BU5D_t_1239550212_0* L_0 = ___address;
__this->___m_Numbers_2 = L_0;
V_0 = 0;
goto IL_002f;
}
IL_0014:
{
UInt16U5BU5D_t_1239550212_0* L_1 = (__this->___m_Numbers_2);
int32_t L_2 = V_0;
UInt16U5BU5D_t_1239550212_0* L_3 = (__this->___m_Numbers_2);
int32_t L_4 = V_0;
NullCheck(L_3);
IL2CPP_ARRAY_BOUNDS_CHECK(L_3, L_4);
int32_t L_5 = L_4;
IL2CPP_RUNTIME_CLASS_INIT(IPAddress_t125139831_0_il2cpp_TypeInfo_var);
int16_t L_6 = IPAddress_HostToNetworkOrder_m_780373827_0(NULL /*static, unused*/, (((int16_t)((int16_t)(*(uint16_t*)(uint16_t*)SZArrayLdElema(L_3, L_5, sizeof(uint16_t)))))), /*hidden argument*/NULL);
NullCheck(L_1);
IL2CPP_ARRAY_BOUNDS_CHECK(L_1, L_2);
*((uint16_t*)(uint16_t*)SZArrayLdElema(L_1, L_2, sizeof(uint16_t))) = (uint16_t)(((int32_t)((uint16_t)L_6)));
int32_t L_7 = V_0;
V_0 = ((int32_t)((int32_t)L_7+(int32_t)1));
}
IL_002f:
{
int32_t L_8 = V_0;
if ((((int32_t)L_8) < ((int32_t)8)))
{
goto IL_0014;
}
}
{
__this->___m_Family_1 = ((int32_t)23);
int64_t L_9 = ___scopeId;
__this->___m_ScopeId_3 = L_9;
return;
}
}
// System.Void System.Net.IPAddress::.cctor()
extern TypeInfo* IPAddress_t125139831_0_il2cpp_TypeInfo_var;
extern Il2CppCodeGenString* _stringLiteral_910498946_0;
extern Il2CppCodeGenString* _stringLiteral1505998205_0;
extern Il2CppCodeGenString* _stringLiteral1856_0;
extern Il2CppCodeGenString* _stringLiteral57585_0;
extern "C" void IPAddress__cctor_m_938856690_0 (Object_t * __this /* static, unused */, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
IPAddress_t125139831_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(635);
_stringLiteral_910498946_0 = il2cpp_codegen_string_literal_from_index(2150);
_stringLiteral1505998205_0 = il2cpp_codegen_string_literal_from_index(2108);
_stringLiteral1856_0 = il2cpp_codegen_string_literal_from_index(893);
_stringLiteral57585_0 = il2cpp_codegen_string_literal_from_index(2151);
s_Il2CppMethodIntialized = true;
}
{
IPAddress_t125139831_0 * L_0 = (IPAddress_t125139831_0 *)il2cpp_codegen_object_new (IPAddress_t125139831_0_il2cpp_TypeInfo_var);
IPAddress__ctor_m927672017_0(L_0, (((int64_t)((int64_t)0))), /*hidden argument*/NULL);
((IPAddress_t125139831_0_StaticFields*)IPAddress_t125139831_0_il2cpp_TypeInfo_var->static_fields)->___Any_4 = L_0;
IPAddress_t125139831_0 * L_1 = IPAddress_Parse_m1640477876_0(NULL /*static, unused*/, _stringLiteral_910498946_0, /*hidden argument*/NULL);
((IPAddress_t125139831_0_StaticFields*)IPAddress_t125139831_0_il2cpp_TypeInfo_var->static_fields)->___Broadcast_5 = L_1;
IPAddress_t125139831_0 * L_2 = IPAddress_Parse_m1640477876_0(NULL /*static, unused*/, _stringLiteral1505998205_0, /*hidden argument*/NULL);
((IPAddress_t125139831_0_StaticFields*)IPAddress_t125139831_0_il2cpp_TypeInfo_var->static_fields)->___Loopback_6 = L_2;
IPAddress_t125139831_0 * L_3 = IPAddress_Parse_m1640477876_0(NULL /*static, unused*/, _stringLiteral_910498946_0, /*hidden argument*/NULL);
((IPAddress_t125139831_0_StaticFields*)IPAddress_t125139831_0_il2cpp_TypeInfo_var->static_fields)->___None_7 = L_3;
IPAddress_t125139831_0 * L_4 = IPAddress_ParseIPV6_m_900407731_0(NULL /*static, unused*/, _stringLiteral1856_0, /*hidden argument*/NULL);
((IPAddress_t125139831_0_StaticFields*)IPAddress_t125139831_0_il2cpp_TypeInfo_var->static_fields)->___IPv6Any_8 = L_4;
IPAddress_t125139831_0 * L_5 = IPAddress_ParseIPV6_m_900407731_0(NULL /*static, unused*/, _stringLiteral57585_0, /*hidden argument*/NULL);
((IPAddress_t125139831_0_StaticFields*)IPAddress_t125139831_0_il2cpp_TypeInfo_var->static_fields)->___IPv6Loopback_9 = L_5;
IPAddress_t125139831_0 * L_6 = IPAddress_ParseIPV6_m_900407731_0(NULL /*static, unused*/, _stringLiteral1856_0, /*hidden argument*/NULL);
((IPAddress_t125139831_0_StaticFields*)IPAddress_t125139831_0_il2cpp_TypeInfo_var->static_fields)->___IPv6None_10 = L_6;
return;
}
}
// System.Int16 System.Net.IPAddress::SwapShort(System.Int16)
extern "C" int16_t IPAddress_SwapShort_m2091369575_0 (Object_t * __this /* static, unused */, int16_t ___number, const MethodInfo* method)
{
{
int16_t L_0 = ___number;
int16_t L_1 = ___number;
return (((int16_t)((int16_t)((int32_t)((int32_t)((int32_t)((int32_t)((int32_t)((int32_t)L_0>>(int32_t)8))&(int32_t)((int32_t)255)))|(int32_t)((int32_t)((int32_t)((int32_t)((int32_t)L_1<<(int32_t)8))&(int32_t)((int32_t)65280))))))));
}
}
// System.Int16 System.Net.IPAddress::HostToNetworkOrder(System.Int16)
extern TypeInfo* BitConverter_t1152880142_0_il2cpp_TypeInfo_var;
extern TypeInfo* IPAddress_t125139831_0_il2cpp_TypeInfo_var;
extern "C" int16_t IPAddress_HostToNetworkOrder_m_780373827_0 (Object_t * __this /* static, unused */, int16_t ___host, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
BitConverter_t1152880142_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(173);
IPAddress_t125139831_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(635);
s_Il2CppMethodIntialized = true;
}
{
IL2CPP_RUNTIME_CLASS_INIT(BitConverter_t1152880142_0_il2cpp_TypeInfo_var);
bool L_0 = ((BitConverter_t1152880142_0_StaticFields*)BitConverter_t1152880142_0_il2cpp_TypeInfo_var->static_fields)->___IsLittleEndian_1;
if (L_0)
{
goto IL_000c;
}
}
{
int16_t L_1 = ___host;
return L_1;
}
IL_000c:
{
int16_t L_2 = ___host;
IL2CPP_RUNTIME_CLASS_INIT(IPAddress_t125139831_0_il2cpp_TypeInfo_var);
int16_t L_3 = IPAddress_SwapShort_m2091369575_0(NULL /*static, unused*/, L_2, /*hidden argument*/NULL);
return L_3;
}
}
// System.Int16 System.Net.IPAddress::NetworkToHostOrder(System.Int16)
extern TypeInfo* BitConverter_t1152880142_0_il2cpp_TypeInfo_var;
extern TypeInfo* IPAddress_t125139831_0_il2cpp_TypeInfo_var;
extern "C" int16_t IPAddress_NetworkToHostOrder_m_726577449_0 (Object_t * __this /* static, unused */, int16_t ___network, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
BitConverter_t1152880142_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(173);
IPAddress_t125139831_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(635);
s_Il2CppMethodIntialized = true;
}
{
IL2CPP_RUNTIME_CLASS_INIT(BitConverter_t1152880142_0_il2cpp_TypeInfo_var);
bool L_0 = ((BitConverter_t1152880142_0_StaticFields*)BitConverter_t1152880142_0_il2cpp_TypeInfo_var->static_fields)->___IsLittleEndian_1;
if (L_0)
{
goto IL_000c;
}
}
{
int16_t L_1 = ___network;
return L_1;
}
IL_000c:
{
int16_t L_2 = ___network;
IL2CPP_RUNTIME_CLASS_INIT(IPAddress_t125139831_0_il2cpp_TypeInfo_var);
int16_t L_3 = IPAddress_SwapShort_m2091369575_0(NULL /*static, unused*/, L_2, /*hidden argument*/NULL);
return L_3;
}
}
// System.Net.IPAddress System.Net.IPAddress::Parse(System.String)
extern TypeInfo* IPAddress_t125139831_0_il2cpp_TypeInfo_var;
extern TypeInfo* FormatException_t2090259773_0_il2cpp_TypeInfo_var;
extern Il2CppCodeGenString* _stringLiteral1846758110_0;
extern "C" IPAddress_t125139831_0 * IPAddress_Parse_m1640477876_0 (Object_t * __this /* static, unused */, String_t* ___ipString, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
IPAddress_t125139831_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(635);
FormatException_t2090259773_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(13);
_stringLiteral1846758110_0 = il2cpp_codegen_string_literal_from_index(2152);
s_Il2CppMethodIntialized = true;
}
IPAddress_t125139831_0 * V_0 = {0};
{
String_t* L_0 = ___ipString;
IL2CPP_RUNTIME_CLASS_INIT(IPAddress_t125139831_0_il2cpp_TypeInfo_var);
bool L_1 = IPAddress_TryParse_m1385842418_0(NULL /*static, unused*/, L_0, (&V_0), /*hidden argument*/NULL);
if (!L_1)
{
goto IL_000f;
}
}
{
IPAddress_t125139831_0 * L_2 = V_0;
return L_2;
}
IL_000f:
{
FormatException_t2090259773_0 * L_3 = (FormatException_t2090259773_0 *)il2cpp_codegen_object_new (FormatException_t2090259773_0_il2cpp_TypeInfo_var);
FormatException__ctor_m27151337_0(L_3, _stringLiteral1846758110_0, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_3);
}
}
// System.Boolean System.Net.IPAddress::TryParse(System.String,System.Net.IPAddress&)
extern TypeInfo* ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var;
extern TypeInfo* IPAddress_t125139831_0_il2cpp_TypeInfo_var;
extern Il2CppCodeGenString* _stringLiteral1414504472_0;
extern "C" bool IPAddress_TryParse_m1385842418_0 (Object_t * __this /* static, unused */, String_t* ___ipString, IPAddress_t125139831_0 ** ___address, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(2);
IPAddress_t125139831_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(635);
_stringLiteral1414504472_0 = il2cpp_codegen_string_literal_from_index(2153);
s_Il2CppMethodIntialized = true;
}
IPAddress_t125139831_0 * V_0 = {0};
{
String_t* L_0 = ___ipString;
if (L_0)
{
goto IL_0011;
}
}
{
ArgumentNullException_t_1072101840_0 * L_1 = (ArgumentNullException_t_1072101840_0 *)il2cpp_codegen_object_new (ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var);
ArgumentNullException__ctor_m135444188_0(L_1, _stringLiteral1414504472_0, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_1);
}
IL_0011:
{
IPAddress_t125139831_0 ** L_2 = ___address;
String_t* L_3 = ___ipString;
IL2CPP_RUNTIME_CLASS_INIT(IPAddress_t125139831_0_il2cpp_TypeInfo_var);
IPAddress_t125139831_0 * L_4 = IPAddress_ParseIPV4_m120660623_0(NULL /*static, unused*/, L_3, /*hidden argument*/NULL);
IPAddress_t125139831_0 * L_5 = L_4;
V_0 = L_5;
*((Object_t **)(L_2)) = (Object_t *)L_5;
IPAddress_t125139831_0 * L_6 = V_0;
if (L_6)
{
goto IL_0033;
}
}
{
IPAddress_t125139831_0 ** L_7 = ___address;
String_t* L_8 = ___ipString;
IL2CPP_RUNTIME_CLASS_INIT(IPAddress_t125139831_0_il2cpp_TypeInfo_var);
IPAddress_t125139831_0 * L_9 = IPAddress_ParseIPV6_m_900407731_0(NULL /*static, unused*/, L_8, /*hidden argument*/NULL);
IPAddress_t125139831_0 * L_10 = L_9;
V_0 = L_10;
*((Object_t **)(L_7)) = (Object_t *)L_10;
IPAddress_t125139831_0 * L_11 = V_0;
if (L_11)
{
goto IL_0033;
}
}
{
return (bool)0;
}
IL_0033:
{
return (bool)1;
}
}
// System.Net.IPAddress System.Net.IPAddress::ParseIPV4(System.String)
extern TypeInfo* CharU5BU5D_t_1225802637_0_il2cpp_TypeInfo_var;
extern TypeInfo* Uri_t18014439_0_il2cpp_TypeInfo_var;
extern TypeInfo* IPAddress_t125139831_0_il2cpp_TypeInfo_var;
extern TypeInfo* Exception_t2143823668_0_il2cpp_TypeInfo_var;
extern "C" IPAddress_t125139831_0 * IPAddress_ParseIPV4_m120660623_0 (Object_t * __this /* static, unused */, String_t* ___ip, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
CharU5BU5D_t_1225802637_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(12);
Uri_t18014439_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(643);
IPAddress_t125139831_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(635);
Exception_t2143823668_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(45);
s_Il2CppMethodIntialized = true;
}
int32_t V_0 = 0;
StringU5BU5D_t_816028754_0* V_1 = {0};
String_t* V_2 = {0};
uint16_t V_3 = 0x0;
CharU5BU5D_t_1225802637_0* V_4 = {0};
int32_t V_5 = 0;
StringU5BU5D_t_816028754_0* V_6 = {0};
int64_t V_7 = 0;
int64_t V_8 = 0;
int32_t V_9 = 0;
String_t* V_10 = {0};
int32_t V_11 = 0;
int32_t V_12 = 0;
IPAddress_t125139831_0 * V_13 = {0};
Exception_t2143823668_0 * __last_unhandled_exception = 0;
NO_UNUSED_WARNING (__last_unhandled_exception);
Exception_t2143823668_0 * __exception_local = 0;
NO_UNUSED_WARNING (__exception_local);
int32_t __leave_target = 0;
NO_UNUSED_WARNING (__leave_target);
{
String_t* L_0 = ___ip;
NullCheck(L_0);
int32_t L_1 = String_IndexOf_m_1519756810_0(L_0, ((int32_t)32), /*hidden argument*/NULL);
V_0 = L_1;
int32_t L_2 = V_0;
if ((((int32_t)L_2) == ((int32_t)(-1))))
{
goto IL_0086;
}
}
{
String_t* L_3 = ___ip;
int32_t L_4 = V_0;
NullCheck(L_3);
String_t* L_5 = String_Substring_m_1485734233_0(L_3, ((int32_t)((int32_t)L_4+(int32_t)1)), /*hidden argument*/NULL);
CharU5BU5D_t_1225802637_0* L_6 = ((CharU5BU5D_t_1225802637_0*)SZArrayNew(CharU5BU5D_t_1225802637_0_il2cpp_TypeInfo_var, (uint32_t)1));
NullCheck(L_6);
IL2CPP_ARRAY_BOUNDS_CHECK(L_6, 0);
*((uint16_t*)(uint16_t*)SZArrayLdElema(L_6, 0, sizeof(uint16_t))) = (uint16_t)((int32_t)46);
NullCheck(L_5);
StringU5BU5D_t_816028754_0* L_7 = String_Split_m290179486_0(L_5, L_6, /*hidden argument*/NULL);
V_1 = L_7;
StringU5BU5D_t_816028754_0* L_8 = V_1;
NullCheck(L_8);
if ((((int32_t)(((int32_t)((int32_t)(((Array_t *)L_8)->max_length))))) <= ((int32_t)0)))
{
goto IL_007c;
}
}
{
StringU5BU5D_t_816028754_0* L_9 = V_1;
StringU5BU5D_t_816028754_0* L_10 = V_1;
NullCheck(L_10);
NullCheck(L_9);
IL2CPP_ARRAY_BOUNDS_CHECK(L_9, ((int32_t)((int32_t)(((int32_t)((int32_t)(((Array_t *)L_10)->max_length))))-(int32_t)1)));
int32_t L_11 = ((int32_t)((int32_t)(((int32_t)((int32_t)(((Array_t *)L_10)->max_length))))-(int32_t)1));
V_2 = (*(String_t**)(String_t**)SZArrayLdElema(L_9, L_11, sizeof(String_t*)));
String_t* L_12 = V_2;
NullCheck(L_12);
int32_t L_13 = String_get_Length_m_1314969965_0(L_12, /*hidden argument*/NULL);
if (L_13)
{
goto IL_0048;
}
}
{
return (IPAddress_t125139831_0 *)NULL;
}
IL_0048:
{
String_t* L_14 = V_2;
NullCheck(L_14);
CharU5BU5D_t_1225802637_0* L_15 = String_ToCharArray_m1208288742_0(L_14, /*hidden argument*/NULL);
V_4 = L_15;
V_5 = 0;
goto IL_0071;
}
IL_0058:
{
CharU5BU5D_t_1225802637_0* L_16 = V_4;
int32_t L_17 = V_5;
NullCheck(L_16);
IL2CPP_ARRAY_BOUNDS_CHECK(L_16, L_17);
int32_t L_18 = L_17;
V_3 = (*(uint16_t*)(uint16_t*)SZArrayLdElema(L_16, L_18, sizeof(uint16_t)));
uint16_t L_19 = V_3;
IL2CPP_RUNTIME_CLASS_INIT(Uri_t18014439_0_il2cpp_TypeInfo_var);
bool L_20 = Uri_IsHexDigit_m_185479370_0(NULL /*static, unused*/, L_19, /*hidden argument*/NULL);
if (L_20)
{
goto IL_006b;
}
}
{
return (IPAddress_t125139831_0 *)NULL;
}
IL_006b:
{
int32_t L_21 = V_5;
V_5 = ((int32_t)((int32_t)L_21+(int32_t)1));
}
IL_0071:
{
int32_t L_22 = V_5;
CharU5BU5D_t_1225802637_0* L_23 = V_4;
NullCheck(L_23);
if ((((int32_t)L_22) < ((int32_t)(((int32_t)((int32_t)(((Array_t *)L_23)->max_length)))))))
{
goto IL_0058;
}
}
IL_007c:
{
String_t* L_24 = ___ip;
int32_t L_25 = V_0;
NullCheck(L_24);
String_t* L_26 = String_Substring_m675079568_0(L_24, 0, L_25, /*hidden argument*/NULL);
___ip = L_26;
}
IL_0086:
{
String_t* L_27 = ___ip;
NullCheck(L_27);
int32_t L_28 = String_get_Length_m_1314969965_0(L_27, /*hidden argument*/NULL);
if (!L_28)
{
goto IL_00a6;
}
}
{
String_t* L_29 = ___ip;
String_t* L_30 = ___ip;
NullCheck(L_30);
int32_t L_31 = String_get_Length_m_1314969965_0(L_30, /*hidden argument*/NULL);
NullCheck(L_29);
uint16_t L_32 = String_get_Chars_m_1279625435_0(L_29, ((int32_t)((int32_t)L_31-(int32_t)1)), /*hidden argument*/NULL);
if ((!(((uint32_t)L_32) == ((uint32_t)((int32_t)46)))))
{
goto IL_00a8;
}
}
IL_00a6:
{
return (IPAddress_t125139831_0 *)NULL;
}
IL_00a8:
{
String_t* L_33 = ___ip;
CharU5BU5D_t_1225802637_0* L_34 = ((CharU5BU5D_t_1225802637_0*)SZArrayNew(CharU5BU5D_t_1225802637_0_il2cpp_TypeInfo_var, (uint32_t)1));
NullCheck(L_34);
IL2CPP_ARRAY_BOUNDS_CHECK(L_34, 0);
*((uint16_t*)(uint16_t*)SZArrayLdElema(L_34, 0, sizeof(uint16_t))) = (uint16_t)((int32_t)46);
NullCheck(L_33);
StringU5BU5D_t_816028754_0* L_35 = String_Split_m290179486_0(L_33, L_34, /*hidden argument*/NULL);
V_6 = L_35;
StringU5BU5D_t_816028754_0* L_36 = V_6;
NullCheck(L_36);
if ((((int32_t)(((int32_t)((int32_t)(((Array_t *)L_36)->max_length))))) <= ((int32_t)4)))
{
goto IL_00c7;
}
}
{
return (IPAddress_t125139831_0 *)NULL;
}
IL_00c7:
try
{ // begin try (depth: 1)
{
V_7 = (((int64_t)((int64_t)0)));
V_8 = (((int64_t)((int64_t)0)));
V_9 = 0;
goto IL_027e;
}
IL_00d7:
{
StringU5BU5D_t_816028754_0* L_37 = V_6;
int32_t L_38 = V_9;
NullCheck(L_37);
IL2CPP_ARRAY_BOUNDS_CHECK(L_37, L_38);
int32_t L_39 = L_38;
V_10 = (*(String_t**)(String_t**)SZArrayLdElema(L_37, L_39, sizeof(String_t*)));
String_t* L_40 = V_10;
NullCheck(L_40);
int32_t L_41 = String_get_Length_m_1314969965_0(L_40, /*hidden argument*/NULL);
if ((((int32_t)3) > ((int32_t)L_41)))
{
goto IL_016e;
}
}
IL_00eb:
{
String_t* L_42 = V_10;
NullCheck(L_42);
int32_t L_43 = String_get_Length_m_1314969965_0(L_42, /*hidden argument*/NULL);
if ((((int32_t)L_43) > ((int32_t)4)))
{
goto IL_016e;
}
}
IL_00f8:
{
String_t* L_44 = V_10;
NullCheck(L_44);
uint16_t L_45 = String_get_Chars_m_1279625435_0(L_44, 0, /*hidden argument*/NULL);
if ((!(((uint32_t)L_45) == ((uint32_t)((int32_t)48)))))
{
goto IL_016e;
}
}
IL_0107:
{
String_t* L_46 = V_10;
NullCheck(L_46);
uint16_t L_47 = String_get_Chars_m_1279625435_0(L_46, 1, /*hidden argument*/NULL);
if ((((int32_t)L_47) == ((int32_t)((int32_t)120))))
{
goto IL_0125;
}
}
IL_0116:
{
String_t* L_48 = V_10;
NullCheck(L_48);
uint16_t L_49 = String_get_Chars_m_1279625435_0(L_48, 1, /*hidden argument*/NULL);
if ((!(((uint32_t)L_49) == ((uint32_t)((int32_t)88)))))
{
goto IL_016e;
}
}
IL_0125:
{
String_t* L_50 = V_10;
NullCheck(L_50);
int32_t L_51 = String_get_Length_m_1314969965_0(L_50, /*hidden argument*/NULL);
if ((!(((uint32_t)L_51) == ((uint32_t)3))))
{
goto IL_0148;
}
}
IL_0132:
{
String_t* L_52 = V_10;
NullCheck(L_52);
uint16_t L_53 = String_get_Chars_m_1279625435_0(L_52, 2, /*hidden argument*/NULL);
IL2CPP_RUNTIME_CLASS_INIT(Uri_t18014439_0_il2cpp_TypeInfo_var);
int32_t L_54 = Uri_FromHex_m_1429586289_0(NULL /*static, unused*/, L_53, /*hidden argument*/NULL);
V_8 = (((int64_t)((int64_t)(((int32_t)((uint8_t)L_54))))));
goto IL_0169;
}
IL_0148:
{
String_t* L_55 = V_10;
NullCheck(L_55);
uint16_t L_56 = String_get_Chars_m_1279625435_0(L_55, 2, /*hidden argument*/NULL);
IL2CPP_RUNTIME_CLASS_INIT(Uri_t18014439_0_il2cpp_TypeInfo_var);
int32_t L_57 = Uri_FromHex_m_1429586289_0(NULL /*static, unused*/, L_56, /*hidden argument*/NULL);
String_t* L_58 = V_10;
NullCheck(L_58);
uint16_t L_59 = String_get_Chars_m_1279625435_0(L_58, 3, /*hidden argument*/NULL);
int32_t L_60 = Uri_FromHex_m_1429586289_0(NULL /*static, unused*/, L_59, /*hidden argument*/NULL);
V_8 = (((int64_t)((int64_t)(((int32_t)((uint8_t)((int32_t)((int32_t)((int32_t)((int32_t)L_57<<(int32_t)4))|(int32_t)L_60))))))));
}
IL_0169:
{
goto IL_0210;
}
IL_016e:
{
String_t* L_61 = V_10;
NullCheck(L_61);
int32_t L_62 = String_get_Length_m_1314969965_0(L_61, /*hidden argument*/NULL);
if (L_62)
{
goto IL_0182;
}
}
IL_017a:
{
V_13 = (IPAddress_t125139831_0 *)NULL;
goto IL_02aa;
}
IL_0182:
{
String_t* L_63 = V_10;
NullCheck(L_63);
uint16_t L_64 = String_get_Chars_m_1279625435_0(L_63, 0, /*hidden argument*/NULL);
if ((!(((uint32_t)L_64) == ((uint32_t)((int32_t)48)))))
{
goto IL_01f8;
}
}
IL_0191:
{
V_8 = (((int64_t)((int64_t)0)));
V_11 = 1;
goto IL_01e5;
}
IL_019d:
{
String_t* L_65 = V_10;
int32_t L_66 = V_11;
NullCheck(L_65);
uint16_t L_67 = String_get_Chars_m_1279625435_0(L_65, L_66, /*hidden argument*/NULL);
if ((((int32_t)((int32_t)48)) > ((int32_t)L_67)))
{
goto IL_01d7;
}
}
IL_01ad:
{
String_t* L_68 = V_10;
int32_t L_69 = V_11;
NullCheck(L_68);
uint16_t L_70 = String_get_Chars_m_1279625435_0(L_68, L_69, /*hidden argument*/NULL);
if ((((int32_t)L_70) > ((int32_t)((int32_t)55))))
{
goto IL_01d7;
}
}
IL_01bd:
{
int64_t L_71 = V_8;
String_t* L_72 = V_10;
int32_t L_73 = V_11;
NullCheck(L_72);
uint16_t L_74 = String_get_Chars_m_1279625435_0(L_72, L_73, /*hidden argument*/NULL);
V_8 = ((int64_t)((int64_t)((int64_t)((int64_t)((int64_t)((int64_t)L_71<<(int32_t)3))+(int64_t)(((int64_t)((int64_t)L_74)))))-(int64_t)(((int64_t)((int64_t)((int32_t)48))))));
goto IL_01df;
}
IL_01d7:
{
V_13 = (IPAddress_t125139831_0 *)NULL;
goto IL_02aa;
}
IL_01df:
{
int32_t L_75 = V_11;
V_11 = ((int32_t)((int32_t)L_75+(int32_t)1));
}
IL_01e5:
{
int32_t L_76 = V_11;
String_t* L_77 = V_10;
NullCheck(L_77);
int32_t L_78 = String_get_Length_m_1314969965_0(L_77, /*hidden argument*/NULL);
if ((((int32_t)L_76) < ((int32_t)L_78)))
{
goto IL_019d;
}
}
IL_01f3:
{
goto IL_0210;
}
IL_01f8:
{
String_t* L_79 = V_10;
bool L_80 = Int64_TryParse_m1199101227_0(NULL /*static, unused*/, L_79, 0, (Object_t *)NULL, (&V_8), /*hidden argument*/NULL);
if (L_80)
{
goto IL_0210;
}
}
IL_0208:
{
V_13 = (IPAddress_t125139831_0 *)NULL;
goto IL_02aa;
}
IL_0210:
{
int32_t L_81 = V_9;
StringU5BU5D_t_816028754_0* L_82 = V_6;
NullCheck(L_82);
if ((!(((uint32_t)L_81) == ((uint32_t)((int32_t)((int32_t)(((int32_t)((int32_t)(((Array_t *)L_82)->max_length))))-(int32_t)1))))))
{
goto IL_0225;
}
}
IL_021d:
{
V_9 = 3;
goto IL_023a;
}
IL_0225:
{
int64_t L_83 = V_8;
if ((((int64_t)L_83) <= ((int64_t)(((int64_t)((int64_t)((int32_t)255)))))))
{
goto IL_023a;
}
}
IL_0232:
{
V_13 = (IPAddress_t125139831_0 *)NULL;
goto IL_02aa;
}
IL_023a:
{
V_12 = 0;
goto IL_026f;
}
IL_0242:
{
int64_t L_84 = V_7;
int64_t L_85 = V_8;
int32_t L_86 = V_9;
int32_t L_87 = V_12;
V_7 = ((int64_t)((int64_t)L_84|(int64_t)((int64_t)((int64_t)((int64_t)((int64_t)L_85&(int64_t)(((int64_t)((int64_t)((int32_t)255))))))<<(int32_t)((int32_t)((int32_t)((int32_t)((int32_t)((int32_t)((int32_t)((int32_t)((int32_t)L_86-(int32_t)L_87))<<(int32_t)3))&(int32_t)((int32_t)63)))&(int32_t)((int32_t)63)))))));
int32_t L_88 = V_12;
V_12 = ((int32_t)((int32_t)L_88+(int32_t)1));
int64_t L_89 = V_8;
V_8 = ((int64_t)((int64_t)L_89/(int64_t)(((int64_t)((int64_t)((int32_t)256))))));
}
IL_026f:
{
int64_t L_90 = V_8;
if ((((int64_t)L_90) > ((int64_t)(((int64_t)((int64_t)0))))))
{
goto IL_0242;
}
}
IL_0278:
{
int32_t L_91 = V_9;
V_9 = ((int32_t)((int32_t)L_91+(int32_t)1));
}
IL_027e:
{
int32_t L_92 = V_9;
StringU5BU5D_t_816028754_0* L_93 = V_6;
NullCheck(L_93);
if ((((int32_t)L_92) < ((int32_t)(((int32_t)((int32_t)(((Array_t *)L_93)->max_length)))))))
{
goto IL_00d7;
}
}
IL_0289:
{
int64_t L_94 = V_7;
IPAddress_t125139831_0 * L_95 = (IPAddress_t125139831_0 *)il2cpp_codegen_object_new (IPAddress_t125139831_0_il2cpp_TypeInfo_var);
IPAddress__ctor_m927672017_0(L_95, L_94, /*hidden argument*/NULL);
V_13 = L_95;
goto IL_02aa;
}
IL_0297:
{
; // IL_0297: leave IL_02aa
}
} // end try (depth: 1)
catch(Il2CppExceptionWrapper& e)
{
__exception_local = (Exception_t2143823668_0 *)e.ex;
if(il2cpp_codegen_class_is_assignable_from (Exception_t2143823668_0_il2cpp_TypeInfo_var, e.ex->object.klass))
goto CATCH_029c;
throw e;
}
CATCH_029c:
{ // begin catch(System.Exception)
{
V_13 = (IPAddress_t125139831_0 *)NULL;
goto IL_02aa;
}
IL_02a5:
{
; // IL_02a5: leave IL_02aa
}
} // end catch (depth: 1)
IL_02aa:
{
IPAddress_t125139831_0 * L_96 = V_13;
return L_96;
}
}
// System.Net.IPAddress System.Net.IPAddress::ParseIPV6(System.String)
extern TypeInfo* IPv6Address_t_1270038473_0_il2cpp_TypeInfo_var;
extern TypeInfo* IPAddress_t125139831_0_il2cpp_TypeInfo_var;
extern "C" IPAddress_t125139831_0 * IPAddress_ParseIPV6_m_900407731_0 (Object_t * __this /* static, unused */, String_t* ___ip, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
IPv6Address_t_1270038473_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(651);
IPAddress_t125139831_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(635);
s_Il2CppMethodIntialized = true;
}
IPv6Address_t_1270038473_0 * V_0 = {0};
{
String_t* L_0 = ___ip;
IL2CPP_RUNTIME_CLASS_INIT(IPv6Address_t_1270038473_0_il2cpp_TypeInfo_var);
bool L_1 = IPv6Address_TryParse_m711194034_0(NULL /*static, unused*/, L_0, (&V_0), /*hidden argument*/NULL);
if (!L_1)
{
goto IL_001f;
}
}
{
IPv6Address_t_1270038473_0 * L_2 = V_0;
NullCheck(L_2);
UInt16U5BU5D_t_1239550212_0* L_3 = IPv6Address_get_Address_m1909339413_0(L_2, /*hidden argument*/NULL);
IPv6Address_t_1270038473_0 * L_4 = V_0;
NullCheck(L_4);
int64_t L_5 = IPv6Address_get_ScopeId_m_1472401614_0(L_4, /*hidden argument*/NULL);
IPAddress_t125139831_0 * L_6 = (IPAddress_t125139831_0 *)il2cpp_codegen_object_new (IPAddress_t125139831_0_il2cpp_TypeInfo_var);
IPAddress__ctor_m_357443195_0(L_6, L_3, L_5, /*hidden argument*/NULL);
return L_6;
}
IL_001f:
{
return (IPAddress_t125139831_0 *)NULL;
}
}
// System.Int64 System.Net.IPAddress::get_InternalIPv4Address()
extern "C" int64_t IPAddress_get_InternalIPv4Address_m2101711253_0 (IPAddress_t125139831_0 * __this, const MethodInfo* method)
{
{
int64_t L_0 = (__this->___m_Address_0);
return L_0;
}
}
// System.Int64 System.Net.IPAddress::get_ScopeId()
extern TypeInfo* Exception_t2143823668_0_il2cpp_TypeInfo_var;
extern Il2CppCodeGenString* _stringLiteral175006424_0;
extern "C" int64_t IPAddress_get_ScopeId_m_2070952846_0 (IPAddress_t125139831_0 * __this, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
Exception_t2143823668_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(45);
_stringLiteral175006424_0 = il2cpp_codegen_string_literal_from_index(2154);
s_Il2CppMethodIntialized = true;
}
{
int32_t L_0 = (__this->___m_Family_1);
if ((((int32_t)L_0) == ((int32_t)((int32_t)23))))
{
goto IL_0018;
}
}
{
Exception_t2143823668_0 * L_1 = (Exception_t2143823668_0 *)il2cpp_codegen_object_new (Exception_t2143823668_0_il2cpp_TypeInfo_var);
Exception__ctor_m_424196000_0(L_1, _stringLiteral175006424_0, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_1);
}
IL_0018:
{
int64_t L_2 = (__this->___m_ScopeId_3);
return L_2;
}
}
// System.Byte[] System.Net.IPAddress::GetAddressBytes()
extern TypeInfo* ByteU5BU5D_t_1238178395_0_il2cpp_TypeInfo_var;
extern "C" ByteU5BU5D_t_1238178395_0* IPAddress_GetAddressBytes_m_460667840_0 (IPAddress_t125139831_0 * __this, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
ByteU5BU5D_t_1238178395_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(42);
s_Il2CppMethodIntialized = true;
}
ByteU5BU5D_t_1238178395_0* V_0 = {0};
{
int32_t L_0 = (__this->___m_Family_1);
if ((!(((uint32_t)L_0) == ((uint32_t)((int32_t)23)))))
{
goto IL_0027;
}
}
{
V_0 = ((ByteU5BU5D_t_1238178395_0*)SZArrayNew(ByteU5BU5D_t_1238178395_0_il2cpp_TypeInfo_var, (uint32_t)((int32_t)16)));
UInt16U5BU5D_t_1239550212_0* L_1 = (__this->___m_Numbers_2);
ByteU5BU5D_t_1238178395_0* L_2 = V_0;
Buffer_BlockCopy_m1580643184_0(NULL /*static, unused*/, (Array_t *)(Array_t *)L_1, 0, (Array_t *)(Array_t *)L_2, 0, ((int32_t)16), /*hidden argument*/NULL);
ByteU5BU5D_t_1238178395_0* L_3 = V_0;
return L_3;
}
IL_0027:
{
ByteU5BU5D_t_1238178395_0* L_4 = ((ByteU5BU5D_t_1238178395_0*)SZArrayNew(ByteU5BU5D_t_1238178395_0_il2cpp_TypeInfo_var, (uint32_t)4));
int64_t L_5 = (__this->___m_Address_0);
NullCheck(L_4);
IL2CPP_ARRAY_BOUNDS_CHECK(L_4, 0);
*((uint8_t*)(uint8_t*)SZArrayLdElema(L_4, 0, sizeof(uint8_t))) = (uint8_t)(((int32_t)((uint8_t)((int64_t)((int64_t)L_5&(int64_t)(((int64_t)((int64_t)((int32_t)255)))))))));
ByteU5BU5D_t_1238178395_0* L_6 = L_4;
int64_t L_7 = (__this->___m_Address_0);
NullCheck(L_6);
IL2CPP_ARRAY_BOUNDS_CHECK(L_6, 1);
*((uint8_t*)(uint8_t*)SZArrayLdElema(L_6, 1, sizeof(uint8_t))) = (uint8_t)(((int32_t)((uint8_t)((int64_t)((int64_t)((int64_t)((int64_t)L_7>>(int32_t)8))&(int64_t)(((int64_t)((int64_t)((int32_t)255)))))))));
ByteU5BU5D_t_1238178395_0* L_8 = L_6;
int64_t L_9 = (__this->___m_Address_0);
NullCheck(L_8);
IL2CPP_ARRAY_BOUNDS_CHECK(L_8, 2);
*((uint8_t*)(uint8_t*)SZArrayLdElema(L_8, 2, sizeof(uint8_t))) = (uint8_t)(((int32_t)((uint8_t)((int64_t)((int64_t)((int64_t)((int64_t)L_9>>(int32_t)((int32_t)16)))&(int64_t)(((int64_t)((int64_t)((int32_t)255)))))))));
ByteU5BU5D_t_1238178395_0* L_10 = L_8;
int64_t L_11 = (__this->___m_Address_0);
NullCheck(L_10);
IL2CPP_ARRAY_BOUNDS_CHECK(L_10, 3);
*((uint8_t*)(uint8_t*)SZArrayLdElema(L_10, 3, sizeof(uint8_t))) = (uint8_t)(((int32_t)((uint8_t)((int64_t)((int64_t)L_11>>(int32_t)((int32_t)24))))));
return L_10;
}
}
// System.Net.Sockets.AddressFamily System.Net.IPAddress::get_AddressFamily()
extern "C" int32_t IPAddress_get_AddressFamily_m_1930645049_0 (IPAddress_t125139831_0 * __this, const MethodInfo* method)
{
{
int32_t L_0 = (__this->___m_Family_1);
return L_0;
}
}
// System.Boolean System.Net.IPAddress::IsLoopback(System.Net.IPAddress)
extern TypeInfo* IPAddress_t125139831_0_il2cpp_TypeInfo_var;
extern "C" bool IPAddress_IsLoopback_m_845915533_0 (Object_t * __this /* static, unused */, IPAddress_t125139831_0 * ___addr, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
IPAddress_t125139831_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(635);
s_Il2CppMethodIntialized = true;
}
int32_t V_0 = 0;
{
IPAddress_t125139831_0 * L_0 = ___addr;
NullCheck(L_0);
int32_t L_1 = (L_0->___m_Family_1);
if ((!(((uint32_t)L_1) == ((uint32_t)2))))
{
goto IL_001f;
}
}
{
IPAddress_t125139831_0 * L_2 = ___addr;
NullCheck(L_2);
int64_t L_3 = (L_2->___m_Address_0);
return (bool)((((int64_t)((int64_t)((int64_t)L_3&(int64_t)(((int64_t)((int64_t)((int32_t)255))))))) == ((int64_t)(((int64_t)((int64_t)((int32_t)127))))))? 1 : 0);
}
IL_001f:
{
V_0 = 0;
goto IL_0039;
}
IL_0026:
{
IPAddress_t125139831_0 * L_4 = ___addr;
NullCheck(L_4);
UInt16U5BU5D_t_1239550212_0* L_5 = (L_4->___m_Numbers_2);
int32_t L_6 = V_0;
NullCheck(L_5);
IL2CPP_ARRAY_BOUNDS_CHECK(L_5, L_6);
int32_t L_7 = L_6;
if (!(*(uint16_t*)(uint16_t*)SZArrayLdElema(L_5, L_7, sizeof(uint16_t))))
{
goto IL_0035;
}
}
{
return (bool)0;
}
IL_0035:
{
int32_t L_8 = V_0;
V_0 = ((int32_t)((int32_t)L_8+(int32_t)1));
}
IL_0039:
{
int32_t L_9 = V_0;
if ((((int32_t)L_9) < ((int32_t)6)))
{
goto IL_0026;
}
}
{
IPAddress_t125139831_0 * L_10 = ___addr;
NullCheck(L_10);
UInt16U5BU5D_t_1239550212_0* L_11 = (L_10->___m_Numbers_2);
NullCheck(L_11);
IL2CPP_ARRAY_BOUNDS_CHECK(L_11, 7);
int32_t L_12 = 7;
IL2CPP_RUNTIME_CLASS_INIT(IPAddress_t125139831_0_il2cpp_TypeInfo_var);
int16_t L_13 = IPAddress_NetworkToHostOrder_m_726577449_0(NULL /*static, unused*/, (((int16_t)((int16_t)(*(uint16_t*)(uint16_t*)SZArrayLdElema(L_11, L_12, sizeof(uint16_t)))))), /*hidden argument*/NULL);
return (bool)((((int32_t)L_13) == ((int32_t)1))? 1 : 0);
}
}
// System.String System.Net.IPAddress::ToString()
extern TypeInfo* IPAddress_t125139831_0_il2cpp_TypeInfo_var;
extern TypeInfo* UInt16U5BU5D_t_1239550212_0_il2cpp_TypeInfo_var;
extern TypeInfo* IPv6Address_t_1270038473_0_il2cpp_TypeInfo_var;
extern "C" String_t* IPAddress_ToString_m_1346995020_0 (IPAddress_t125139831_0 * __this, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
IPAddress_t125139831_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(635);
UInt16U5BU5D_t_1239550212_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(64);
IPv6Address_t_1270038473_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(651);
s_Il2CppMethodIntialized = true;
}
UInt16U5BU5D_t_1239550212_0* V_0 = {0};
int32_t V_1 = 0;
IPv6Address_t_1270038473_0 * V_2 = {0};
{
int32_t L_0 = (__this->___m_Family_1);
if ((!(((uint32_t)L_0) == ((uint32_t)2))))
{
goto IL_0018;
}
}
{
int64_t L_1 = (__this->___m_Address_0);
IL2CPP_RUNTIME_CLASS_INIT(IPAddress_t125139831_0_il2cpp_TypeInfo_var);
String_t* L_2 = IPAddress_ToString_m277532550_0(NULL /*static, unused*/, L_1, /*hidden argument*/NULL);
return L_2;
}
IL_0018:
{
UInt16U5BU5D_t_1239550212_0* L_3 = (__this->___m_Numbers_2);
NullCheck(L_3);
Object_t * L_4 = (Object_t *)VirtFuncInvoker0< Object_t * >::Invoke(5 /* System.Object System.Array::Clone() */, L_3);
V_0 = ((UInt16U5BU5D_t_1239550212_0*)IsInst(L_4, UInt16U5BU5D_t_1239550212_0_il2cpp_TypeInfo_var));
V_1 = 0;
goto IL_0041;
}
IL_0030:
{
UInt16U5BU5D_t_1239550212_0* L_5 = V_0;
int32_t L_6 = V_1;
UInt16U5BU5D_t_1239550212_0* L_7 = V_0;
int32_t L_8 = V_1;
NullCheck(L_7);
IL2CPP_ARRAY_BOUNDS_CHECK(L_7, L_8);
int32_t L_9 = L_8;
IL2CPP_RUNTIME_CLASS_INIT(IPAddress_t125139831_0_il2cpp_TypeInfo_var);
int16_t L_10 = IPAddress_NetworkToHostOrder_m_726577449_0(NULL /*static, unused*/, (((int16_t)((int16_t)(*(uint16_t*)(uint16_t*)SZArrayLdElema(L_7, L_9, sizeof(uint16_t)))))), /*hidden argument*/NULL);
NullCheck(L_5);
IL2CPP_ARRAY_BOUNDS_CHECK(L_5, L_6);
*((uint16_t*)(uint16_t*)SZArrayLdElema(L_5, L_6, sizeof(uint16_t))) = (uint16_t)(((int32_t)((uint16_t)L_10)));
int32_t L_11 = V_1;
V_1 = ((int32_t)((int32_t)L_11+(int32_t)1));
}
IL_0041:
{
int32_t L_12 = V_1;
UInt16U5BU5D_t_1239550212_0* L_13 = V_0;
NullCheck(L_13);
if ((((int32_t)L_12) < ((int32_t)(((int32_t)((int32_t)(((Array_t *)L_13)->max_length)))))))
{
goto IL_0030;
}
}
{
UInt16U5BU5D_t_1239550212_0* L_14 = V_0;
IPv6Address_t_1270038473_0 * L_15 = (IPv6Address_t_1270038473_0 *)il2cpp_codegen_object_new (IPv6Address_t_1270038473_0_il2cpp_TypeInfo_var);
IPv6Address__ctor_m194879283_0(L_15, L_14, /*hidden argument*/NULL);
V_2 = L_15;
IPv6Address_t_1270038473_0 * L_16 = V_2;
int64_t L_17 = IPAddress_get_ScopeId_m_2070952846_0(__this, /*hidden argument*/NULL);
NullCheck(L_16);
IPv6Address_set_ScopeId_m1866414241_0(L_16, L_17, /*hidden argument*/NULL);
IPv6Address_t_1270038473_0 * L_18 = V_2;
NullCheck(L_18);
String_t* L_19 = (String_t*)VirtFuncInvoker0< String_t* >::Invoke(3 /* System.String System.Net.IPv6Address::ToString() */, L_18);
return L_19;
}
}
// System.String System.Net.IPAddress::ToString(System.Int64)
extern TypeInfo* StringU5BU5D_t_816028754_0_il2cpp_TypeInfo_var;
extern TypeInfo* String_t_il2cpp_TypeInfo_var;
extern Il2CppCodeGenString* _stringLiteral46_0;
extern "C" String_t* IPAddress_ToString_m277532550_0 (Object_t * __this /* static, unused */, int64_t ___addr, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
StringU5BU5D_t_816028754_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(32);
String_t_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(11);
_stringLiteral46_0 = il2cpp_codegen_string_literal_from_index(49);
s_Il2CppMethodIntialized = true;
}
int64_t V_0 = 0;
int64_t V_1 = 0;
int64_t V_2 = 0;
int64_t V_3 = 0;
{
StringU5BU5D_t_816028754_0* L_0 = ((StringU5BU5D_t_816028754_0*)SZArrayNew(StringU5BU5D_t_816028754_0_il2cpp_TypeInfo_var, (uint32_t)7));
int64_t L_1 = ___addr;
V_0 = ((int64_t)((int64_t)L_1&(int64_t)(((int64_t)((int64_t)((int32_t)255))))));
String_t* L_2 = Int64_ToString_m_816955505_0((&V_0), /*hidden argument*/NULL);
NullCheck(L_0);
IL2CPP_ARRAY_BOUNDS_CHECK(L_0, 0);
ArrayElementTypeCheck (L_0, L_2);
*((String_t**)(String_t**)SZArrayLdElema(L_0, 0, sizeof(String_t*))) = (String_t*)L_2;
StringU5BU5D_t_816028754_0* L_3 = L_0;
NullCheck(L_3);
IL2CPP_ARRAY_BOUNDS_CHECK(L_3, 1);
ArrayElementTypeCheck (L_3, _stringLiteral46_0);
*((String_t**)(String_t**)SZArrayLdElema(L_3, 1, sizeof(String_t*))) = (String_t*)_stringLiteral46_0;
StringU5BU5D_t_816028754_0* L_4 = L_3;
int64_t L_5 = ___addr;
V_1 = ((int64_t)((int64_t)((int64_t)((int64_t)L_5>>(int32_t)8))&(int64_t)(((int64_t)((int64_t)((int32_t)255))))));
String_t* L_6 = Int64_ToString_m_816955505_0((&V_1), /*hidden argument*/NULL);
NullCheck(L_4);
IL2CPP_ARRAY_BOUNDS_CHECK(L_4, 2);
ArrayElementTypeCheck (L_4, L_6);
*((String_t**)(String_t**)SZArrayLdElema(L_4, 2, sizeof(String_t*))) = (String_t*)L_6;
StringU5BU5D_t_816028754_0* L_7 = L_4;
NullCheck(L_7);
IL2CPP_ARRAY_BOUNDS_CHECK(L_7, 3);
ArrayElementTypeCheck (L_7, _stringLiteral46_0);
*((String_t**)(String_t**)SZArrayLdElema(L_7, 3, sizeof(String_t*))) = (String_t*)_stringLiteral46_0;
StringU5BU5D_t_816028754_0* L_8 = L_7;
int64_t L_9 = ___addr;
V_2 = ((int64_t)((int64_t)((int64_t)((int64_t)L_9>>(int32_t)((int32_t)16)))&(int64_t)(((int64_t)((int64_t)((int32_t)255))))));
String_t* L_10 = Int64_ToString_m_816955505_0((&V_2), /*hidden argument*/NULL);
NullCheck(L_8);
IL2CPP_ARRAY_BOUNDS_CHECK(L_8, 4);
ArrayElementTypeCheck (L_8, L_10);
*((String_t**)(String_t**)SZArrayLdElema(L_8, 4, sizeof(String_t*))) = (String_t*)L_10;
StringU5BU5D_t_816028754_0* L_11 = L_8;
NullCheck(L_11);
IL2CPP_ARRAY_BOUNDS_CHECK(L_11, 5);
ArrayElementTypeCheck (L_11, _stringLiteral46_0);
*((String_t**)(String_t**)SZArrayLdElema(L_11, 5, sizeof(String_t*))) = (String_t*)_stringLiteral46_0;
StringU5BU5D_t_816028754_0* L_12 = L_11;
int64_t L_13 = ___addr;
V_3 = ((int64_t)((int64_t)((int64_t)((int64_t)L_13>>(int32_t)((int32_t)24)))&(int64_t)(((int64_t)((int64_t)((int32_t)255))))));
String_t* L_14 = Int64_ToString_m_816955505_0((&V_3), /*hidden argument*/NULL);
NullCheck(L_12);
IL2CPP_ARRAY_BOUNDS_CHECK(L_12, 6);
ArrayElementTypeCheck (L_12, L_14);
*((String_t**)(String_t**)SZArrayLdElema(L_12, 6, sizeof(String_t*))) = (String_t*)L_14;
IL2CPP_RUNTIME_CLASS_INIT(String_t_il2cpp_TypeInfo_var);
String_t* L_15 = String_Concat_m21867311_0(NULL /*static, unused*/, L_12, /*hidden argument*/NULL);
return L_15;
}
}
// System.Boolean System.Net.IPAddress::Equals(System.Object)
extern TypeInfo* IPAddress_t125139831_0_il2cpp_TypeInfo_var;
extern "C" bool IPAddress_Equals_m1176433114_0 (IPAddress_t125139831_0 * __this, Object_t * ___other, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
IPAddress_t125139831_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(635);
s_Il2CppMethodIntialized = true;
}
IPAddress_t125139831_0 * V_0 = {0};
UInt16U5BU5D_t_1239550212_0* V_1 = {0};
int32_t V_2 = 0;
{
Object_t * L_0 = ___other;
V_0 = ((IPAddress_t125139831_0 *)IsInstClass(L_0, IPAddress_t125139831_0_il2cpp_TypeInfo_var));
IPAddress_t125139831_0 * L_1 = V_0;
if (!L_1)
{
goto IL_0068;
}
}
{
int32_t L_2 = IPAddress_get_AddressFamily_m_1930645049_0(__this, /*hidden argument*/NULL);
IPAddress_t125139831_0 * L_3 = V_0;
NullCheck(L_3);
int32_t L_4 = IPAddress_get_AddressFamily_m_1930645049_0(L_3, /*hidden argument*/NULL);
if ((((int32_t)L_2) == ((int32_t)L_4)))
{
goto IL_0020;
}
}
{
return (bool)0;
}
IL_0020:
{
int32_t L_5 = IPAddress_get_AddressFamily_m_1930645049_0(__this, /*hidden argument*/NULL);
if ((!(((uint32_t)L_5) == ((uint32_t)2))))
{
goto IL_003b;
}
}
{
int64_t L_6 = (__this->___m_Address_0);
IPAddress_t125139831_0 * L_7 = V_0;
NullCheck(L_7);
int64_t L_8 = (L_7->___m_Address_0);
return (bool)((((int64_t)L_6) == ((int64_t)L_8))? 1 : 0);
}
IL_003b:
{
IPAddress_t125139831_0 * L_9 = V_0;
NullCheck(L_9);
UInt16U5BU5D_t_1239550212_0* L_10 = (L_9->___m_Numbers_2);
V_1 = L_10;
V_2 = 0;
goto IL_005f;
}
IL_0049:
{
UInt16U5BU5D_t_1239550212_0* L_11 = (__this->___m_Numbers_2);
int32_t L_12 = V_2;
NullCheck(L_11);
IL2CPP_ARRAY_BOUNDS_CHECK(L_11, L_12);
int32_t L_13 = L_12;
UInt16U5BU5D_t_1239550212_0* L_14 = V_1;
int32_t L_15 = V_2;
NullCheck(L_14);
IL2CPP_ARRAY_BOUNDS_CHECK(L_14, L_15);
int32_t L_16 = L_15;
if ((((int32_t)(*(uint16_t*)(uint16_t*)SZArrayLdElema(L_11, L_13, sizeof(uint16_t)))) == ((int32_t)(*(uint16_t*)(uint16_t*)SZArrayLdElema(L_14, L_16, sizeof(uint16_t))))))
{
goto IL_005b;
}
}
{
return (bool)0;
}
IL_005b:
{
int32_t L_17 = V_2;
V_2 = ((int32_t)((int32_t)L_17+(int32_t)1));
}
IL_005f:
{
int32_t L_18 = V_2;
if ((((int32_t)L_18) < ((int32_t)8)))
{
goto IL_0049;
}
}
{
return (bool)1;
}
IL_0068:
{
return (bool)0;
}
}
// System.Int32 System.Net.IPAddress::GetHashCode()
extern TypeInfo* IPAddress_t125139831_0_il2cpp_TypeInfo_var;
extern "C" int32_t IPAddress_GetHashCode_m1369616318_0 (IPAddress_t125139831_0 * __this, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
IPAddress_t125139831_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(635);
s_Il2CppMethodIntialized = true;
}
{
int32_t L_0 = (__this->___m_Family_1);
if ((!(((uint32_t)L_0) == ((uint32_t)2))))
{
goto IL_0014;
}
}
{
int64_t L_1 = (__this->___m_Address_0);
return (((int32_t)((int32_t)L_1)));
}
IL_0014:
{
UInt16U5BU5D_t_1239550212_0* L_2 = (__this->___m_Numbers_2);
NullCheck(L_2);
IL2CPP_ARRAY_BOUNDS_CHECK(L_2, 0);
int32_t L_3 = 0;
UInt16U5BU5D_t_1239550212_0* L_4 = (__this->___m_Numbers_2);
NullCheck(L_4);
IL2CPP_ARRAY_BOUNDS_CHECK(L_4, 1);
int32_t L_5 = 1;
UInt16U5BU5D_t_1239550212_0* L_6 = (__this->___m_Numbers_2);
NullCheck(L_6);
IL2CPP_ARRAY_BOUNDS_CHECK(L_6, 2);
int32_t L_7 = 2;
UInt16U5BU5D_t_1239550212_0* L_8 = (__this->___m_Numbers_2);
NullCheck(L_8);
IL2CPP_ARRAY_BOUNDS_CHECK(L_8, 3);
int32_t L_9 = 3;
UInt16U5BU5D_t_1239550212_0* L_10 = (__this->___m_Numbers_2);
NullCheck(L_10);
IL2CPP_ARRAY_BOUNDS_CHECK(L_10, 4);
int32_t L_11 = 4;
UInt16U5BU5D_t_1239550212_0* L_12 = (__this->___m_Numbers_2);
NullCheck(L_12);
IL2CPP_ARRAY_BOUNDS_CHECK(L_12, 5);
int32_t L_13 = 5;
UInt16U5BU5D_t_1239550212_0* L_14 = (__this->___m_Numbers_2);
NullCheck(L_14);
IL2CPP_ARRAY_BOUNDS_CHECK(L_14, 6);
int32_t L_15 = 6;
UInt16U5BU5D_t_1239550212_0* L_16 = (__this->___m_Numbers_2);
NullCheck(L_16);
IL2CPP_ARRAY_BOUNDS_CHECK(L_16, 7);
int32_t L_17 = 7;
IL2CPP_RUNTIME_CLASS_INIT(IPAddress_t125139831_0_il2cpp_TypeInfo_var);
int32_t L_18 = IPAddress_Hash_m_556821117_0(NULL /*static, unused*/, ((int32_t)((int32_t)((int32_t)((int32_t)(*(uint16_t*)(uint16_t*)SZArrayLdElema(L_2, L_3, sizeof(uint16_t)))<<(int32_t)((int32_t)16)))+(int32_t)(*(uint16_t*)(uint16_t*)SZArrayLdElema(L_4, L_5, sizeof(uint16_t))))), ((int32_t)((int32_t)((int32_t)((int32_t)(*(uint16_t*)(uint16_t*)SZArrayLdElema(L_6, L_7, sizeof(uint16_t)))<<(int32_t)((int32_t)16)))+(int32_t)(*(uint16_t*)(uint16_t*)SZArrayLdElema(L_8, L_9, sizeof(uint16_t))))), ((int32_t)((int32_t)((int32_t)((int32_t)(*(uint16_t*)(uint16_t*)SZArrayLdElema(L_10, L_11, sizeof(uint16_t)))<<(int32_t)((int32_t)16)))+(int32_t)(*(uint16_t*)(uint16_t*)SZArrayLdElema(L_12, L_13, sizeof(uint16_t))))), ((int32_t)((int32_t)((int32_t)((int32_t)(*(uint16_t*)(uint16_t*)SZArrayLdElema(L_14, L_15, sizeof(uint16_t)))<<(int32_t)((int32_t)16)))+(int32_t)(*(uint16_t*)(uint16_t*)SZArrayLdElema(L_16, L_17, sizeof(uint16_t))))), /*hidden argument*/NULL);
return L_18;
}
}
// System.Int32 System.Net.IPAddress::Hash(System.Int32,System.Int32,System.Int32,System.Int32)
extern "C" int32_t IPAddress_Hash_m_556821117_0 (Object_t * __this /* static, unused */, int32_t ___i, int32_t ___j, int32_t ___k, int32_t ___l, const MethodInfo* method)
{
{
int32_t L_0 = ___i;
int32_t L_1 = ___j;
int32_t L_2 = ___j;
int32_t L_3 = ___k;
int32_t L_4 = ___k;
int32_t L_5 = ___l;
int32_t L_6 = ___l;
return ((int32_t)((int32_t)((int32_t)((int32_t)((int32_t)((int32_t)L_0^(int32_t)((int32_t)((int32_t)((int32_t)((int32_t)L_1<<(int32_t)((int32_t)13)))|(int32_t)((int32_t)((int32_t)L_2>>(int32_t)((int32_t)19)))))))^(int32_t)((int32_t)((int32_t)((int32_t)((int32_t)L_3<<(int32_t)((int32_t)26)))|(int32_t)((int32_t)((int32_t)L_4>>(int32_t)6))))))^(int32_t)((int32_t)((int32_t)((int32_t)((int32_t)L_5<<(int32_t)7))|(int32_t)((int32_t)((int32_t)L_6>>(int32_t)((int32_t)25)))))));
}
}
// System.Void System.Net.IPEndPoint::.ctor(System.Net.IPAddress,System.Int32)
extern TypeInfo* ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var;
extern Il2CppCodeGenString* _stringLiteral_1147692044_0;
extern "C" void IPEndPoint__ctor_m613724246_0 (IPEndPoint_t_1780335022_0 * __this, IPAddress_t125139831_0 * ___address, int32_t ___port, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(2);
_stringLiteral_1147692044_0 = il2cpp_codegen_string_literal_from_index(2112);
s_Il2CppMethodIntialized = true;
}
{
EndPoint__ctor_m_253225147_0(__this, /*hidden argument*/NULL);
IPAddress_t125139831_0 * L_0 = ___address;
if (L_0)
{
goto IL_0017;
}
}
{
ArgumentNullException_t_1072101840_0 * L_1 = (ArgumentNullException_t_1072101840_0 *)il2cpp_codegen_object_new (ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var);
ArgumentNullException__ctor_m135444188_0(L_1, _stringLiteral_1147692044_0, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_1);
}
IL_0017:
{
IPAddress_t125139831_0 * L_2 = ___address;
IPEndPoint_set_Address_m_1254410794_0(__this, L_2, /*hidden argument*/NULL);
int32_t L_3 = ___port;
IPEndPoint_set_Port_m_1920475691_0(__this, L_3, /*hidden argument*/NULL);
return;
}
}
// System.Void System.Net.IPEndPoint::.ctor(System.Int64,System.Int32)
extern TypeInfo* IPAddress_t125139831_0_il2cpp_TypeInfo_var;
extern "C" void IPEndPoint__ctor_m1788376007_0 (IPEndPoint_t_1780335022_0 * __this, int64_t ___iaddr, int32_t ___port, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
IPAddress_t125139831_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(635);
s_Il2CppMethodIntialized = true;
}
{
EndPoint__ctor_m_253225147_0(__this, /*hidden argument*/NULL);
int64_t L_0 = ___iaddr;
IPAddress_t125139831_0 * L_1 = (IPAddress_t125139831_0 *)il2cpp_codegen_object_new (IPAddress_t125139831_0_il2cpp_TypeInfo_var);
IPAddress__ctor_m927672017_0(L_1, L_0, /*hidden argument*/NULL);
IPEndPoint_set_Address_m_1254410794_0(__this, L_1, /*hidden argument*/NULL);
int32_t L_2 = ___port;
IPEndPoint_set_Port_m_1920475691_0(__this, L_2, /*hidden argument*/NULL);
return;
}
}
// System.Net.IPAddress System.Net.IPEndPoint::get_Address()
extern "C" IPAddress_t125139831_0 * IPEndPoint_get_Address_m1282959913_0 (IPEndPoint_t_1780335022_0 * __this, const MethodInfo* method)
{
{
IPAddress_t125139831_0 * L_0 = (__this->___address_0);
return L_0;
}
}
// System.Void System.Net.IPEndPoint::set_Address(System.Net.IPAddress)
extern "C" void IPEndPoint_set_Address_m_1254410794_0 (IPEndPoint_t_1780335022_0 * __this, IPAddress_t125139831_0 * ___value, const MethodInfo* method)
{
{
IPAddress_t125139831_0 * L_0 = ___value;
__this->___address_0 = L_0;
return;
}
}
// System.Net.Sockets.AddressFamily System.Net.IPEndPoint::get_AddressFamily()
extern "C" int32_t IPEndPoint_get_AddressFamily_m926301232_0 (IPEndPoint_t_1780335022_0 * __this, const MethodInfo* method)
{
{
IPAddress_t125139831_0 * L_0 = (__this->___address_0);
NullCheck(L_0);
int32_t L_1 = IPAddress_get_AddressFamily_m_1930645049_0(L_0, /*hidden argument*/NULL);
return L_1;
}
}
// System.Int32 System.Net.IPEndPoint::get_Port()
extern "C" int32_t IPEndPoint_get_Port_m1670115040_0 (IPEndPoint_t_1780335022_0 * __this, const MethodInfo* method)
{
{
int32_t L_0 = (__this->___port_1);
return L_0;
}
}
// System.Void System.Net.IPEndPoint::set_Port(System.Int32)
extern TypeInfo* ArgumentOutOfRangeException_t_1011290529_0_il2cpp_TypeInfo_var;
extern Il2CppCodeGenString* _stringLiteral633244970_0;
extern "C" void IPEndPoint_set_Port_m_1920475691_0 (IPEndPoint_t_1780335022_0 * __this, int32_t ___value, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
ArgumentOutOfRangeException_t_1011290529_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(27);
_stringLiteral633244970_0 = il2cpp_codegen_string_literal_from_index(2155);
s_Il2CppMethodIntialized = true;
}
{
int32_t L_0 = ___value;
if ((((int32_t)L_0) < ((int32_t)0)))
{
goto IL_0012;
}
}
{
int32_t L_1 = ___value;
if ((((int32_t)L_1) <= ((int32_t)((int32_t)65535))))
{
goto IL_001d;
}
}
IL_0012:
{
ArgumentOutOfRangeException_t_1011290529_0 * L_2 = (ArgumentOutOfRangeException_t_1011290529_0 *)il2cpp_codegen_object_new (ArgumentOutOfRangeException_t_1011290529_0_il2cpp_TypeInfo_var);
ArgumentOutOfRangeException__ctor_m2026296331_0(L_2, _stringLiteral633244970_0, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_2);
}
IL_001d:
{
int32_t L_3 = ___value;
__this->___port_1 = L_3;
return;
}
}
// System.Net.EndPoint System.Net.IPEndPoint::Create(System.Net.SocketAddress)
extern TypeInfo* ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var;
extern TypeInfo* ObjectU5BU5D_t1774424924_0_il2cpp_TypeInfo_var;
extern TypeInfo* AddressFamily_t1922836948_0_il2cpp_TypeInfo_var;
extern TypeInfo* String_t_il2cpp_TypeInfo_var;
extern TypeInfo* ArgumentException_t1159624695_0_il2cpp_TypeInfo_var;
extern TypeInfo* IPEndPoint_t_1780335022_0_il2cpp_TypeInfo_var;
extern TypeInfo* UInt16U5BU5D_t_1239550212_0_il2cpp_TypeInfo_var;
extern TypeInfo* IPAddress_t125139831_0_il2cpp_TypeInfo_var;
extern Il2CppCodeGenString* _stringLiteral_639738623_0;
extern Il2CppCodeGenString* _stringLiteral_1117498944_0;
extern Il2CppCodeGenString* _stringLiteral813148379_0;
extern Il2CppCodeGenString* _stringLiteral1345686370_0;
extern "C" EndPoint_t_1941440085_0 * IPEndPoint_Create_m287552515_0 (IPEndPoint_t_1780335022_0 * __this, SocketAddress_t_1639988597_0 * ___socketAddress, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(2);
ObjectU5BU5D_t1774424924_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(19);
AddressFamily_t1922836948_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(652);
String_t_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(11);
ArgumentException_t1159624695_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(4);
IPEndPoint_t_1780335022_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(632);
UInt16U5BU5D_t_1239550212_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(64);
IPAddress_t125139831_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(635);
_stringLiteral_639738623_0 = il2cpp_codegen_string_literal_from_index(2156);
_stringLiteral_1117498944_0 = il2cpp_codegen_string_literal_from_index(2157);
_stringLiteral813148379_0 = il2cpp_codegen_string_literal_from_index(2158);
_stringLiteral1345686370_0 = il2cpp_codegen_string_literal_from_index(2159);
s_Il2CppMethodIntialized = true;
}
SocketAddress_t_1639988597_0 * V_0 = {0};
int32_t V_1 = 0;
int32_t V_2 = {0};
int32_t V_3 = 0;
IPEndPoint_t_1780335022_0 * V_4 = {0};
int64_t V_5 = 0;
int32_t V_6 = 0;
UInt16U5BU5D_t_1239550212_0* V_7 = {0};
int32_t V_8 = 0;
int32_t V_9 = {0};
{
SocketAddress_t_1639988597_0 * L_0 = ___socketAddress;
if (L_0)
{
goto IL_0011;
}
}
{
ArgumentNullException_t_1072101840_0 * L_1 = (ArgumentNullException_t_1072101840_0 *)il2cpp_codegen_object_new (ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var);
ArgumentNullException__ctor_m135444188_0(L_1, _stringLiteral_639738623_0, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_1);
}
IL_0011:
{
SocketAddress_t_1639988597_0 * L_2 = ___socketAddress;
NullCheck(L_2);
int32_t L_3 = SocketAddress_get_Family_m_1245470741_0(L_2, /*hidden argument*/NULL);
int32_t L_4 = (int32_t)VirtFuncInvoker0< int32_t >::Invoke(4 /* System.Net.Sockets.AddressFamily System.Net.IPEndPoint::get_AddressFamily() */, __this);
if ((((int32_t)L_3) == ((int32_t)L_4)))
{
goto IL_0067;
}
}
{
ObjectU5BU5D_t1774424924_0* L_5 = ((ObjectU5BU5D_t1774424924_0*)SZArrayNew(ObjectU5BU5D_t1774424924_0_il2cpp_TypeInfo_var, (uint32_t)5));
NullCheck(L_5);
IL2CPP_ARRAY_BOUNDS_CHECK(L_5, 0);
ArrayElementTypeCheck (L_5, _stringLiteral_1117498944_0);
*((Object_t **)(Object_t **)SZArrayLdElema(L_5, 0, sizeof(Object_t *))) = (Object_t *)_stringLiteral_1117498944_0;
ObjectU5BU5D_t1774424924_0* L_6 = L_5;
int32_t L_7 = (int32_t)VirtFuncInvoker0< int32_t >::Invoke(4 /* System.Net.Sockets.AddressFamily System.Net.IPEndPoint::get_AddressFamily() */, __this);
int32_t L_8 = L_7;
Object_t * L_9 = Box(AddressFamily_t1922836948_0_il2cpp_TypeInfo_var, &L_8);
NullCheck(L_6);
IL2CPP_ARRAY_BOUNDS_CHECK(L_6, 1);
ArrayElementTypeCheck (L_6, L_9);
*((Object_t **)(Object_t **)SZArrayLdElema(L_6, 1, sizeof(Object_t *))) = (Object_t *)L_9;
ObjectU5BU5D_t1774424924_0* L_10 = L_6;
NullCheck(L_10);
IL2CPP_ARRAY_BOUNDS_CHECK(L_10, 2);
ArrayElementTypeCheck (L_10, _stringLiteral813148379_0);
*((Object_t **)(Object_t **)SZArrayLdElema(L_10, 2, sizeof(Object_t *))) = (Object_t *)_stringLiteral813148379_0;
ObjectU5BU5D_t1774424924_0* L_11 = L_10;
SocketAddress_t_1639988597_0 * L_12 = ___socketAddress;
NullCheck(L_12);
int32_t L_13 = SocketAddress_get_Family_m_1245470741_0(L_12, /*hidden argument*/NULL);
int32_t L_14 = L_13;
Object_t * L_15 = Box(AddressFamily_t1922836948_0_il2cpp_TypeInfo_var, &L_14);
NullCheck(L_11);
IL2CPP_ARRAY_BOUNDS_CHECK(L_11, 3);
ArrayElementTypeCheck (L_11, L_15);
*((Object_t **)(Object_t **)SZArrayLdElema(L_11, 3, sizeof(Object_t *))) = (Object_t *)L_15;
ObjectU5BU5D_t1774424924_0* L_16 = L_11;
NullCheck(L_16);
IL2CPP_ARRAY_BOUNDS_CHECK(L_16, 4);
ArrayElementTypeCheck (L_16, _stringLiteral1345686370_0);
*((Object_t **)(Object_t **)SZArrayLdElema(L_16, 4, sizeof(Object_t *))) = (Object_t *)_stringLiteral1345686370_0;
IL2CPP_RUNTIME_CLASS_INIT(String_t_il2cpp_TypeInfo_var);
String_t* L_17 = String_Concat_m_1278447295_0(NULL /*static, unused*/, L_16, /*hidden argument*/NULL);
ArgumentException_t1159624695_0 * L_18 = (ArgumentException_t1159624695_0 *)il2cpp_codegen_object_new (ArgumentException_t1159624695_0_il2cpp_TypeInfo_var);
ArgumentException__ctor_m_750110749_0(L_18, L_17, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_18);
}
IL_0067:
{
SocketAddress_t_1639988597_0 * L_19 = ___socketAddress;
V_0 = L_19;
SocketAddress_t_1639988597_0 * L_20 = V_0;
NullCheck(L_20);
int32_t L_21 = SocketAddress_get_Size_m1257714291_0(L_20, /*hidden argument*/NULL);
V_1 = L_21;
SocketAddress_t_1639988597_0 * L_22 = V_0;
NullCheck(L_22);
int32_t L_23 = SocketAddress_get_Family_m_1245470741_0(L_22, /*hidden argument*/NULL);
V_2 = L_23;
V_4 = (IPEndPoint_t_1780335022_0 *)NULL;
int32_t L_24 = V_2;
V_9 = L_24;
int32_t L_25 = V_9;
if ((((int32_t)L_25) == ((int32_t)2)))
{
goto IL_0093;
}
}
{
int32_t L_26 = V_9;
if ((((int32_t)L_26) == ((int32_t)((int32_t)23))))
{
goto IL_00ea;
}
}
{
goto IL_018b;
}
IL_0093:
{
int32_t L_27 = V_1;
if ((((int32_t)L_27) >= ((int32_t)8)))
{
goto IL_009c;
}
}
{
return (EndPoint_t_1941440085_0 *)NULL;
}
IL_009c:
{
SocketAddress_t_1639988597_0 * L_28 = V_0;
NullCheck(L_28);
uint8_t L_29 = SocketAddress_get_Item_m_1290238542_0(L_28, 2, /*hidden argument*/NULL);
SocketAddress_t_1639988597_0 * L_30 = V_0;
NullCheck(L_30);
uint8_t L_31 = SocketAddress_get_Item_m_1290238542_0(L_30, 3, /*hidden argument*/NULL);
V_3 = ((int32_t)((int32_t)((int32_t)((int32_t)L_29<<(int32_t)8))+(int32_t)L_31));
SocketAddress_t_1639988597_0 * L_32 = V_0;
NullCheck(L_32);
uint8_t L_33 = SocketAddress_get_Item_m_1290238542_0(L_32, 7, /*hidden argument*/NULL);
SocketAddress_t_1639988597_0 * L_34 = V_0;
NullCheck(L_34);
uint8_t L_35 = SocketAddress_get_Item_m_1290238542_0(L_34, 6, /*hidden argument*/NULL);
SocketAddress_t_1639988597_0 * L_36 = V_0;
NullCheck(L_36);
uint8_t L_37 = SocketAddress_get_Item_m_1290238542_0(L_36, 5, /*hidden argument*/NULL);
SocketAddress_t_1639988597_0 * L_38 = V_0;
NullCheck(L_38);
uint8_t L_39 = SocketAddress_get_Item_m_1290238542_0(L_38, 4, /*hidden argument*/NULL);
V_5 = ((int64_t)((int64_t)((int64_t)((int64_t)((int64_t)((int64_t)((int64_t)((int64_t)(((int64_t)((int64_t)L_33)))<<(int32_t)((int32_t)24)))+(int64_t)((int64_t)((int64_t)(((int64_t)((int64_t)L_35)))<<(int32_t)((int32_t)16)))))+(int64_t)((int64_t)((int64_t)(((int64_t)((int64_t)L_37)))<<(int32_t)8))))+(int64_t)(((int64_t)((int64_t)L_39)))));
int64_t L_40 = V_5;
int32_t L_41 = V_3;
IPEndPoint_t_1780335022_0 * L_42 = (IPEndPoint_t_1780335022_0 *)il2cpp_codegen_object_new (IPEndPoint_t_1780335022_0_il2cpp_TypeInfo_var);
IPEndPoint__ctor_m1788376007_0(L_42, L_40, L_41, /*hidden argument*/NULL);
V_4 = L_42;
goto IL_018d;
}
IL_00ea:
{
int32_t L_43 = V_1;
if ((((int32_t)L_43) >= ((int32_t)((int32_t)28))))
{
goto IL_00f4;
}
}
{
return (EndPoint_t_1941440085_0 *)NULL;
}
IL_00f4:
{
SocketAddress_t_1639988597_0 * L_44 = V_0;
NullCheck(L_44);
uint8_t L_45 = SocketAddress_get_Item_m_1290238542_0(L_44, 2, /*hidden argument*/NULL);
SocketAddress_t_1639988597_0 * L_46 = V_0;
NullCheck(L_46);
uint8_t L_47 = SocketAddress_get_Item_m_1290238542_0(L_46, 3, /*hidden argument*/NULL);
V_3 = ((int32_t)((int32_t)((int32_t)((int32_t)L_45<<(int32_t)8))+(int32_t)L_47));
SocketAddress_t_1639988597_0 * L_48 = V_0;
NullCheck(L_48);
uint8_t L_49 = SocketAddress_get_Item_m_1290238542_0(L_48, ((int32_t)24), /*hidden argument*/NULL);
SocketAddress_t_1639988597_0 * L_50 = V_0;
NullCheck(L_50);
uint8_t L_51 = SocketAddress_get_Item_m_1290238542_0(L_50, ((int32_t)25), /*hidden argument*/NULL);
SocketAddress_t_1639988597_0 * L_52 = V_0;
NullCheck(L_52);
uint8_t L_53 = SocketAddress_get_Item_m_1290238542_0(L_52, ((int32_t)26), /*hidden argument*/NULL);
SocketAddress_t_1639988597_0 * L_54 = V_0;
NullCheck(L_54);
uint8_t L_55 = SocketAddress_get_Item_m_1290238542_0(L_54, ((int32_t)27), /*hidden argument*/NULL);
V_6 = ((int32_t)((int32_t)((int32_t)((int32_t)((int32_t)((int32_t)L_49+(int32_t)((int32_t)((int32_t)L_51<<(int32_t)8))))+(int32_t)((int32_t)((int32_t)L_53<<(int32_t)((int32_t)16)))))+(int32_t)((int32_t)((int32_t)L_55<<(int32_t)((int32_t)24)))));
V_7 = ((UInt16U5BU5D_t_1239550212_0*)SZArrayNew(UInt16U5BU5D_t_1239550212_0_il2cpp_TypeInfo_var, (uint32_t)8));
V_8 = 0;
goto IL_016c;
}
IL_0143:
{
UInt16U5BU5D_t_1239550212_0* L_56 = V_7;
int32_t L_57 = V_8;
SocketAddress_t_1639988597_0 * L_58 = V_0;
int32_t L_59 = V_8;
NullCheck(L_58);
uint8_t L_60 = SocketAddress_get_Item_m_1290238542_0(L_58, ((int32_t)((int32_t)8+(int32_t)((int32_t)((int32_t)L_59*(int32_t)2)))), /*hidden argument*/NULL);
SocketAddress_t_1639988597_0 * L_61 = V_0;
int32_t L_62 = V_8;
NullCheck(L_61);
uint8_t L_63 = SocketAddress_get_Item_m_1290238542_0(L_61, ((int32_t)((int32_t)((int32_t)((int32_t)8+(int32_t)((int32_t)((int32_t)L_62*(int32_t)2))))+(int32_t)1)), /*hidden argument*/NULL);
NullCheck(L_56);
IL2CPP_ARRAY_BOUNDS_CHECK(L_56, L_57);
*((uint16_t*)(uint16_t*)SZArrayLdElema(L_56, L_57, sizeof(uint16_t))) = (uint16_t)(((int32_t)((uint16_t)((int32_t)((int32_t)((int32_t)((int32_t)L_60<<(int32_t)8))+(int32_t)L_63)))));
int32_t L_64 = V_8;
V_8 = ((int32_t)((int32_t)L_64+(int32_t)1));
}
IL_016c:
{
int32_t L_65 = V_8;
if ((((int32_t)L_65) < ((int32_t)8)))
{
goto IL_0143;
}
}
{
UInt16U5BU5D_t_1239550212_0* L_66 = V_7;
int32_t L_67 = V_6;
IPAddress_t125139831_0 * L_68 = (IPAddress_t125139831_0 *)il2cpp_codegen_object_new (IPAddress_t125139831_0_il2cpp_TypeInfo_var);
IPAddress__ctor_m_357443195_0(L_68, L_66, (((int64_t)((int64_t)L_67))), /*hidden argument*/NULL);
int32_t L_69 = V_3;
IPEndPoint_t_1780335022_0 * L_70 = (IPEndPoint_t_1780335022_0 *)il2cpp_codegen_object_new (IPEndPoint_t_1780335022_0_il2cpp_TypeInfo_var);
IPEndPoint__ctor_m613724246_0(L_70, L_68, L_69, /*hidden argument*/NULL);
V_4 = L_70;
goto IL_018d;
}
IL_018b:
{
return (EndPoint_t_1941440085_0 *)NULL;
}
IL_018d:
{
IPEndPoint_t_1780335022_0 * L_71 = V_4;
return L_71;
}
}
// System.Net.SocketAddress System.Net.IPEndPoint::Serialize()
extern TypeInfo* SocketAddress_t_1639988597_0_il2cpp_TypeInfo_var;
extern "C" SocketAddress_t_1639988597_0 * IPEndPoint_Serialize_m130381674_0 (IPEndPoint_t_1780335022_0 * __this, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
SocketAddress_t_1639988597_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(653);
s_Il2CppMethodIntialized = true;
}
SocketAddress_t_1639988597_0 * V_0 = {0};
int64_t V_1 = 0;
ByteU5BU5D_t_1238178395_0* V_2 = {0};
int32_t V_3 = 0;
int32_t V_4 = {0};
{
V_0 = (SocketAddress_t_1639988597_0 *)NULL;
IPAddress_t125139831_0 * L_0 = (__this->___address_0);
NullCheck(L_0);
int32_t L_1 = IPAddress_get_AddressFamily_m_1930645049_0(L_0, /*hidden argument*/NULL);
V_4 = L_1;
int32_t L_2 = V_4;
if ((((int32_t)L_2) == ((int32_t)2)))
{
goto IL_0025;
}
}
{
int32_t L_3 = V_4;
if ((((int32_t)L_3) == ((int32_t)((int32_t)23))))
{
goto IL_00b1;
}
}
{
goto IL_0189;
}
IL_0025:
{
SocketAddress_t_1639988597_0 * L_4 = (SocketAddress_t_1639988597_0 *)il2cpp_codegen_object_new (SocketAddress_t_1639988597_0_il2cpp_TypeInfo_var);
SocketAddress__ctor_m1903018086_0(L_4, 2, ((int32_t)16), /*hidden argument*/NULL);
V_0 = L_4;
SocketAddress_t_1639988597_0 * L_5 = V_0;
int32_t L_6 = (__this->___port_1);
NullCheck(L_5);
SocketAddress_set_Item_m407162431_0(L_5, 2, (((int32_t)((uint8_t)((int32_t)((int32_t)((int32_t)((int32_t)L_6>>(int32_t)8))&(int32_t)((int32_t)255)))))), /*hidden argument*/NULL);
SocketAddress_t_1639988597_0 * L_7 = V_0;
int32_t L_8 = (__this->___port_1);
NullCheck(L_7);
SocketAddress_set_Item_m407162431_0(L_7, 3, (((int32_t)((uint8_t)((int32_t)((int32_t)L_8&(int32_t)((int32_t)255)))))), /*hidden argument*/NULL);
IPAddress_t125139831_0 * L_9 = (__this->___address_0);
NullCheck(L_9);
int64_t L_10 = IPAddress_get_InternalIPv4Address_m2101711253_0(L_9, /*hidden argument*/NULL);
V_1 = L_10;
SocketAddress_t_1639988597_0 * L_11 = V_0;
int64_t L_12 = V_1;
NullCheck(L_11);
SocketAddress_set_Item_m407162431_0(L_11, 4, (((int32_t)((uint8_t)((int64_t)((int64_t)L_12&(int64_t)(((int64_t)((int64_t)((int32_t)255))))))))), /*hidden argument*/NULL);
SocketAddress_t_1639988597_0 * L_13 = V_0;
int64_t L_14 = V_1;
NullCheck(L_13);
SocketAddress_set_Item_m407162431_0(L_13, 5, (((int32_t)((uint8_t)((int64_t)((int64_t)((int64_t)((int64_t)L_14>>(int32_t)8))&(int64_t)(((int64_t)((int64_t)((int32_t)255))))))))), /*hidden argument*/NULL);
SocketAddress_t_1639988597_0 * L_15 = V_0;
int64_t L_16 = V_1;
NullCheck(L_15);
SocketAddress_set_Item_m407162431_0(L_15, 6, (((int32_t)((uint8_t)((int64_t)((int64_t)((int64_t)((int64_t)L_16>>(int32_t)((int32_t)16)))&(int64_t)(((int64_t)((int64_t)((int32_t)255))))))))), /*hidden argument*/NULL);
SocketAddress_t_1639988597_0 * L_17 = V_0;
int64_t L_18 = V_1;
NullCheck(L_17);
SocketAddress_set_Item_m407162431_0(L_17, 7, (((int32_t)((uint8_t)((int64_t)((int64_t)((int64_t)((int64_t)L_18>>(int32_t)((int32_t)24)))&(int64_t)(((int64_t)((int64_t)((int32_t)255))))))))), /*hidden argument*/NULL);
goto IL_0189;
}
IL_00b1:
{
SocketAddress_t_1639988597_0 * L_19 = (SocketAddress_t_1639988597_0 *)il2cpp_codegen_object_new (SocketAddress_t_1639988597_0_il2cpp_TypeInfo_var);
SocketAddress__ctor_m1903018086_0(L_19, ((int32_t)23), ((int32_t)28), /*hidden argument*/NULL);
V_0 = L_19;
SocketAddress_t_1639988597_0 * L_20 = V_0;
int32_t L_21 = (__this->___port_1);
NullCheck(L_20);
SocketAddress_set_Item_m407162431_0(L_20, 2, (((int32_t)((uint8_t)((int32_t)((int32_t)((int32_t)((int32_t)L_21>>(int32_t)8))&(int32_t)((int32_t)255)))))), /*hidden argument*/NULL);
SocketAddress_t_1639988597_0 * L_22 = V_0;
int32_t L_23 = (__this->___port_1);
NullCheck(L_22);
SocketAddress_set_Item_m407162431_0(L_22, 3, (((int32_t)((uint8_t)((int32_t)((int32_t)L_23&(int32_t)((int32_t)255)))))), /*hidden argument*/NULL);
IPAddress_t125139831_0 * L_24 = (__this->___address_0);
NullCheck(L_24);
ByteU5BU5D_t_1238178395_0* L_25 = IPAddress_GetAddressBytes_m_460667840_0(L_24, /*hidden argument*/NULL);
V_2 = L_25;
V_3 = 0;
goto IL_0108;
}
IL_00f8:
{
SocketAddress_t_1639988597_0 * L_26 = V_0;
int32_t L_27 = V_3;
ByteU5BU5D_t_1238178395_0* L_28 = V_2;
int32_t L_29 = V_3;
NullCheck(L_28);
IL2CPP_ARRAY_BOUNDS_CHECK(L_28, L_29);
int32_t L_30 = L_29;
NullCheck(L_26);
SocketAddress_set_Item_m407162431_0(L_26, ((int32_t)((int32_t)8+(int32_t)L_27)), (*(uint8_t*)(uint8_t*)SZArrayLdElema(L_28, L_30, sizeof(uint8_t))), /*hidden argument*/NULL);
int32_t L_31 = V_3;
V_3 = ((int32_t)((int32_t)L_31+(int32_t)1));
}
IL_0108:
{
int32_t L_32 = V_3;
if ((((int32_t)L_32) < ((int32_t)((int32_t)16))))
{
goto IL_00f8;
}
}
{
SocketAddress_t_1639988597_0 * L_33 = V_0;
IPAddress_t125139831_0 * L_34 = (__this->___address_0);
NullCheck(L_34);
int64_t L_35 = IPAddress_get_ScopeId_m_2070952846_0(L_34, /*hidden argument*/NULL);
NullCheck(L_33);
SocketAddress_set_Item_m407162431_0(L_33, ((int32_t)24), (((int32_t)((uint8_t)((int64_t)((int64_t)L_35&(int64_t)(((int64_t)((int64_t)((int32_t)255))))))))), /*hidden argument*/NULL);
SocketAddress_t_1639988597_0 * L_36 = V_0;
IPAddress_t125139831_0 * L_37 = (__this->___address_0);
NullCheck(L_37);
int64_t L_38 = IPAddress_get_ScopeId_m_2070952846_0(L_37, /*hidden argument*/NULL);
NullCheck(L_36);
SocketAddress_set_Item_m407162431_0(L_36, ((int32_t)25), (((int32_t)((uint8_t)((int64_t)((int64_t)((int64_t)((int64_t)L_38>>(int32_t)8))&(int64_t)(((int64_t)((int64_t)((int32_t)255))))))))), /*hidden argument*/NULL);
SocketAddress_t_1639988597_0 * L_39 = V_0;
IPAddress_t125139831_0 * L_40 = (__this->___address_0);
NullCheck(L_40);
int64_t L_41 = IPAddress_get_ScopeId_m_2070952846_0(L_40, /*hidden argument*/NULL);
NullCheck(L_39);
SocketAddress_set_Item_m407162431_0(L_39, ((int32_t)26), (((int32_t)((uint8_t)((int64_t)((int64_t)((int64_t)((int64_t)L_41>>(int32_t)((int32_t)16)))&(int64_t)(((int64_t)((int64_t)((int32_t)255))))))))), /*hidden argument*/NULL);
SocketAddress_t_1639988597_0 * L_42 = V_0;
IPAddress_t125139831_0 * L_43 = (__this->___address_0);
NullCheck(L_43);
int64_t L_44 = IPAddress_get_ScopeId_m_2070952846_0(L_43, /*hidden argument*/NULL);
NullCheck(L_42);
SocketAddress_set_Item_m407162431_0(L_42, ((int32_t)27), (((int32_t)((uint8_t)((int64_t)((int64_t)((int64_t)((int64_t)L_44>>(int32_t)((int32_t)24)))&(int64_t)(((int64_t)((int64_t)((int32_t)255))))))))), /*hidden argument*/NULL);
goto IL_0189;
}
IL_0189:
{
SocketAddress_t_1639988597_0 * L_45 = V_0;
return L_45;
}
}
// System.String System.Net.IPEndPoint::ToString()
extern TypeInfo* Int32_t1628762099_0_il2cpp_TypeInfo_var;
extern TypeInfo* String_t_il2cpp_TypeInfo_var;
extern Il2CppCodeGenString* _stringLiteral58_0;
extern "C" String_t* IPEndPoint_ToString_m_1902783185_0 (IPEndPoint_t_1780335022_0 * __this, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
Int32_t1628762099_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(8);
String_t_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(11);
_stringLiteral58_0 = il2cpp_codegen_string_literal_from_index(633);
s_Il2CppMethodIntialized = true;
}
{
IPAddress_t125139831_0 * L_0 = (__this->___address_0);
NullCheck(L_0);
String_t* L_1 = (String_t*)VirtFuncInvoker0< String_t* >::Invoke(3 /* System.String System.Net.IPAddress::ToString() */, L_0);
int32_t L_2 = (__this->___port_1);
int32_t L_3 = L_2;
Object_t * L_4 = Box(Int32_t1628762099_0_il2cpp_TypeInfo_var, &L_3);
IL2CPP_RUNTIME_CLASS_INIT(String_t_il2cpp_TypeInfo_var);
String_t* L_5 = String_Concat_m_1485633153_0(NULL /*static, unused*/, L_1, _stringLiteral58_0, L_4, /*hidden argument*/NULL);
return L_5;
}
}
// System.Boolean System.Net.IPEndPoint::Equals(System.Object)
extern TypeInfo* IPEndPoint_t_1780335022_0_il2cpp_TypeInfo_var;
extern "C" bool IPEndPoint_Equals_m_1609243579_0 (IPEndPoint_t_1780335022_0 * __this, Object_t * ___obj, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
IPEndPoint_t_1780335022_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(632);
s_Il2CppMethodIntialized = true;
}
IPEndPoint_t_1780335022_0 * V_0 = {0};
int32_t G_B4_0 = 0;
{
Object_t * L_0 = ___obj;
V_0 = ((IPEndPoint_t_1780335022_0 *)IsInstClass(L_0, IPEndPoint_t_1780335022_0_il2cpp_TypeInfo_var));
IPEndPoint_t_1780335022_0 * L_1 = V_0;
if (!L_1)
{
goto IL_0031;
}
}
{
IPEndPoint_t_1780335022_0 * L_2 = V_0;
NullCheck(L_2);
int32_t L_3 = (L_2->___port_1);
int32_t L_4 = (__this->___port_1);
if ((!(((uint32_t)L_3) == ((uint32_t)L_4))))
{
goto IL_0031;
}
}
{
IPEndPoint_t_1780335022_0 * L_5 = V_0;
NullCheck(L_5);
IPAddress_t125139831_0 * L_6 = (L_5->___address_0);
IPAddress_t125139831_0 * L_7 = (__this->___address_0);
NullCheck(L_6);
bool L_8 = (bool)VirtFuncInvoker1< bool, Object_t * >::Invoke(0 /* System.Boolean System.Net.IPAddress::Equals(System.Object) */, L_6, L_7);
G_B4_0 = ((int32_t)(L_8));
goto IL_0032;
}
IL_0031:
{
G_B4_0 = 0;
}
IL_0032:
{
return (bool)G_B4_0;
}
}
// System.Int32 System.Net.IPEndPoint::GetHashCode()
extern "C" int32_t IPEndPoint_GetHashCode_m_1381347939_0 (IPEndPoint_t_1780335022_0 * __this, const MethodInfo* method)
{
{
IPAddress_t125139831_0 * L_0 = (__this->___address_0);
NullCheck(L_0);
int32_t L_1 = (int32_t)VirtFuncInvoker0< int32_t >::Invoke(2 /* System.Int32 System.Net.IPAddress::GetHashCode() */, L_0);
int32_t L_2 = (__this->___port_1);
return ((int32_t)((int32_t)L_1+(int32_t)L_2));
}
}
// System.Void System.Net.IPHostEntry::.ctor()
extern "C" void IPHostEntry__ctor_m252317065_0 (IPHostEntry_t_1615694227_0 * __this, const MethodInfo* method)
{
{
Object__ctor_m1772956182_0(__this, /*hidden argument*/NULL);
return;
}
}
// System.Net.IPAddress[] System.Net.IPHostEntry::get_AddressList()
extern "C" IPAddressU5BU5D_t296217_0* IPHostEntry_get_AddressList_m65927120_0 (IPHostEntry_t_1615694227_0 * __this, const MethodInfo* method)
{
{
IPAddressU5BU5D_t296217_0* L_0 = (__this->___addressList_0);
return L_0;
}
}
// System.Void System.Net.IPHostEntry::set_AddressList(System.Net.IPAddress[])
extern "C" void IPHostEntry_set_AddressList_m1503802237_0 (IPHostEntry_t_1615694227_0 * __this, IPAddressU5BU5D_t296217_0* ___value, const MethodInfo* method)
{
{
IPAddressU5BU5D_t296217_0* L_0 = ___value;
__this->___addressList_0 = L_0;
return;
}
}
// System.Void System.Net.IPHostEntry::set_Aliases(System.String[])
extern "C" void IPHostEntry_set_Aliases_m1514906264_0 (IPHostEntry_t_1615694227_0 * __this, StringU5BU5D_t_816028754_0* ___value, const MethodInfo* method)
{
{
StringU5BU5D_t_816028754_0* L_0 = ___value;
__this->___aliases_1 = L_0;
return;
}
}
// System.Void System.Net.IPHostEntry::set_HostName(System.String)
extern "C" void IPHostEntry_set_HostName_m_1534071625_0 (IPHostEntry_t_1615694227_0 * __this, String_t* ___value, const MethodInfo* method)
{
{
String_t* L_0 = ___value;
__this->___hostName_2 = L_0;
return;
}
}
// System.Void System.Net.IPv6Address::.ctor(System.UInt16[])
extern TypeInfo* ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var;
extern TypeInfo* ArgumentException_t1159624695_0_il2cpp_TypeInfo_var;
extern Il2CppCodeGenString* _stringLiteral2989041_0;
extern "C" void IPv6Address__ctor_m194879283_0 (IPv6Address_t_1270038473_0 * __this, UInt16U5BU5D_t_1239550212_0* ___addr, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(2);
ArgumentException_t1159624695_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(4);
_stringLiteral2989041_0 = il2cpp_codegen_string_literal_from_index(2160);
s_Il2CppMethodIntialized = true;
}
{
Object__ctor_m1772956182_0(__this, /*hidden argument*/NULL);
UInt16U5BU5D_t_1239550212_0* L_0 = ___addr;
if (L_0)
{
goto IL_0017;
}
}
{
ArgumentNullException_t_1072101840_0 * L_1 = (ArgumentNullException_t_1072101840_0 *)il2cpp_codegen_object_new (ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var);
ArgumentNullException__ctor_m135444188_0(L_1, _stringLiteral2989041_0, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_1);
}
IL_0017:
{
UInt16U5BU5D_t_1239550212_0* L_2 = ___addr;
NullCheck(L_2);
if ((((int32_t)(((int32_t)((int32_t)(((Array_t *)L_2)->max_length))))) == ((int32_t)8)))
{
goto IL_002b;
}
}
{
ArgumentException_t1159624695_0 * L_3 = (ArgumentException_t1159624695_0 *)il2cpp_codegen_object_new (ArgumentException_t1159624695_0_il2cpp_TypeInfo_var);
ArgumentException__ctor_m_750110749_0(L_3, _stringLiteral2989041_0, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_3);
}
IL_002b:
{
UInt16U5BU5D_t_1239550212_0* L_4 = ___addr;
__this->___address_0 = L_4;
return;
}
}
// System.Void System.Net.IPv6Address::.ctor(System.UInt16[],System.Int32)
extern TypeInfo* ArgumentException_t1159624695_0_il2cpp_TypeInfo_var;
extern Il2CppCodeGenString* _stringLiteral243803160_0;
extern "C" void IPv6Address__ctor_m705628292_0 (IPv6Address_t_1270038473_0 * __this, UInt16U5BU5D_t_1239550212_0* ___addr, int32_t ___prefixLength, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
ArgumentException_t1159624695_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(4);
_stringLiteral243803160_0 = il2cpp_codegen_string_literal_from_index(2161);
s_Il2CppMethodIntialized = true;
}
{
UInt16U5BU5D_t_1239550212_0* L_0 = ___addr;
IPv6Address__ctor_m194879283_0(__this, L_0, /*hidden argument*/NULL);
int32_t L_1 = ___prefixLength;
if ((((int32_t)L_1) < ((int32_t)0)))
{
goto IL_0019;
}
}
{
int32_t L_2 = ___prefixLength;
if ((((int32_t)L_2) <= ((int32_t)((int32_t)128))))
{
goto IL_0024;
}
}
IL_0019:
{
ArgumentException_t1159624695_0 * L_3 = (ArgumentException_t1159624695_0 *)il2cpp_codegen_object_new (ArgumentException_t1159624695_0_il2cpp_TypeInfo_var);
ArgumentException__ctor_m_750110749_0(L_3, _stringLiteral243803160_0, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_3);
}
IL_0024:
{
int32_t L_4 = ___prefixLength;
__this->___prefixLength_1 = L_4;
return;
}
}
// System.Void System.Net.IPv6Address::.ctor(System.UInt16[],System.Int32,System.Int32)
extern "C" void IPv6Address__ctor_m974981843_0 (IPv6Address_t_1270038473_0 * __this, UInt16U5BU5D_t_1239550212_0* ___addr, int32_t ___prefixLength, int32_t ___scopeId, const MethodInfo* method)
{
{
UInt16U5BU5D_t_1239550212_0* L_0 = ___addr;
int32_t L_1 = ___prefixLength;
IPv6Address__ctor_m705628292_0(__this, L_0, L_1, /*hidden argument*/NULL);
int32_t L_2 = ___scopeId;
__this->___scopeId_2 = (((int64_t)((int64_t)L_2)));
return;
}
}
// System.Void System.Net.IPv6Address::.cctor()
extern TypeInfo* IPv6Address_t_1270038473_0_il2cpp_TypeInfo_var;
extern Il2CppCodeGenString* _stringLiteral57585_0;
extern Il2CppCodeGenString* _stringLiteral1856_0;
extern "C" void IPv6Address__cctor_m84116622_0 (Object_t * __this /* static, unused */, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
IPv6Address_t_1270038473_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(651);
_stringLiteral57585_0 = il2cpp_codegen_string_literal_from_index(2151);
_stringLiteral1856_0 = il2cpp_codegen_string_literal_from_index(893);
s_Il2CppMethodIntialized = true;
}
{
IPv6Address_t_1270038473_0 * L_0 = IPv6Address_Parse_m1303737588_0(NULL /*static, unused*/, _stringLiteral57585_0, /*hidden argument*/NULL);
((IPv6Address_t_1270038473_0_StaticFields*)IPv6Address_t_1270038473_0_il2cpp_TypeInfo_var->static_fields)->___Loopback_3 = L_0;
IPv6Address_t_1270038473_0 * L_1 = IPv6Address_Parse_m1303737588_0(NULL /*static, unused*/, _stringLiteral1856_0, /*hidden argument*/NULL);
((IPv6Address_t_1270038473_0_StaticFields*)IPv6Address_t_1270038473_0_il2cpp_TypeInfo_var->static_fields)->___Unspecified_4 = L_1;
return;
}
}
// System.Net.IPv6Address System.Net.IPv6Address::Parse(System.String)
extern TypeInfo* ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var;
extern TypeInfo* IPv6Address_t_1270038473_0_il2cpp_TypeInfo_var;
extern TypeInfo* FormatException_t2090259773_0_il2cpp_TypeInfo_var;
extern Il2CppCodeGenString* _stringLiteral1414504472_0;
extern Il2CppCodeGenString* _stringLiteral_2120314421_0;
extern "C" IPv6Address_t_1270038473_0 * IPv6Address_Parse_m1303737588_0 (Object_t * __this /* static, unused */, String_t* ___ipString, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(2);
IPv6Address_t_1270038473_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(651);
FormatException_t2090259773_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(13);
_stringLiteral1414504472_0 = il2cpp_codegen_string_literal_from_index(2153);
_stringLiteral_2120314421_0 = il2cpp_codegen_string_literal_from_index(2162);
s_Il2CppMethodIntialized = true;
}
IPv6Address_t_1270038473_0 * V_0 = {0};
{
String_t* L_0 = ___ipString;
if (L_0)
{
goto IL_0011;
}
}
{
ArgumentNullException_t_1072101840_0 * L_1 = (ArgumentNullException_t_1072101840_0 *)il2cpp_codegen_object_new (ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var);
ArgumentNullException__ctor_m135444188_0(L_1, _stringLiteral1414504472_0, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_1);
}
IL_0011:
{
String_t* L_2 = ___ipString;
IL2CPP_RUNTIME_CLASS_INIT(IPv6Address_t_1270038473_0_il2cpp_TypeInfo_var);
bool L_3 = IPv6Address_TryParse_m711194034_0(NULL /*static, unused*/, L_2, (&V_0), /*hidden argument*/NULL);
if (!L_3)
{
goto IL_0020;
}
}
{
IPv6Address_t_1270038473_0 * L_4 = V_0;
return L_4;
}
IL_0020:
{
FormatException_t2090259773_0 * L_5 = (FormatException_t2090259773_0 *)il2cpp_codegen_object_new (FormatException_t2090259773_0_il2cpp_TypeInfo_var);
FormatException__ctor_m27151337_0(L_5, _stringLiteral_2120314421_0, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_5);
}
}
// System.Int32 System.Net.IPv6Address::Fill(System.UInt16[],System.String)
extern Il2CppCodeGenString* _stringLiteral1856_0;
extern "C" int32_t IPv6Address_Fill_m1034015862_0 (Object_t * __this /* static, unused */, UInt16U5BU5D_t_1239550212_0* ___addr, String_t* ___ipString, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
_stringLiteral1856_0 = il2cpp_codegen_string_literal_from_index(893);
s_Il2CppMethodIntialized = true;
}
int32_t V_0 = 0;
int32_t V_1 = 0;
int32_t V_2 = 0;
uint16_t V_3 = 0x0;
int32_t V_4 = 0;
{
V_0 = 0;
V_1 = 0;
String_t* L_0 = ___ipString;
NullCheck(L_0);
int32_t L_1 = String_get_Length_m_1314969965_0(L_0, /*hidden argument*/NULL);
if (L_1)
{
goto IL_0011;
}
}
{
return 0;
}
IL_0011:
{
String_t* L_2 = ___ipString;
NullCheck(L_2);
int32_t L_3 = String_IndexOf_m1476794331_0(L_2, _stringLiteral1856_0, /*hidden argument*/NULL);
if ((((int32_t)L_3) == ((int32_t)(-1))))
{
goto IL_0024;
}
}
{
return (-1);
}
IL_0024:
{
V_2 = 0;
goto IL_00d5;
}
IL_002b:
{
String_t* L_4 = ___ipString;
int32_t L_5 = V_2;
NullCheck(L_4);
uint16_t L_6 = String_get_Chars_m_1279625435_0(L_4, L_5, /*hidden argument*/NULL);
V_3 = L_6;
uint16_t L_7 = V_3;
if ((!(((uint32_t)L_7) == ((uint32_t)((int32_t)58)))))
{
goto IL_0064;
}
}
{
int32_t L_8 = V_2;
String_t* L_9 = ___ipString;
NullCheck(L_9);
int32_t L_10 = String_get_Length_m_1314969965_0(L_9, /*hidden argument*/NULL);
if ((!(((uint32_t)L_8) == ((uint32_t)((int32_t)((int32_t)L_10-(int32_t)1))))))
{
goto IL_004b;
}
}
{
return (-1);
}
IL_004b:
{
int32_t L_11 = V_1;
if ((!(((uint32_t)L_11) == ((uint32_t)8))))
{
goto IL_0054;
}
}
{
return (-1);
}
IL_0054:
{
UInt16U5BU5D_t_1239550212_0* L_12 = ___addr;
int32_t L_13 = V_1;
int32_t L_14 = L_13;
V_1 = ((int32_t)((int32_t)L_14+(int32_t)1));
int32_t L_15 = V_0;
NullCheck(L_12);
IL2CPP_ARRAY_BOUNDS_CHECK(L_12, L_14);
*((uint16_t*)(uint16_t*)SZArrayLdElema(L_12, L_14, sizeof(uint16_t))) = (uint16_t)(((int32_t)((uint16_t)L_15)));
V_0 = 0;
goto IL_00d1;
}
IL_0064:
{
uint16_t L_16 = V_3;
if ((((int32_t)((int32_t)48)) > ((int32_t)L_16)))
{
goto IL_007f;
}
}
{
uint16_t L_17 = V_3;
if ((((int32_t)L_17) > ((int32_t)((int32_t)57))))
{
goto IL_007f;
}
}
{
uint16_t L_18 = V_3;
V_4 = ((int32_t)((int32_t)L_18-(int32_t)((int32_t)48)));
goto IL_00bd;
}
IL_007f:
{
uint16_t L_19 = V_3;
if ((((int32_t)((int32_t)97)) > ((int32_t)L_19)))
{
goto IL_009d;
}
}
{
uint16_t L_20 = V_3;
if ((((int32_t)L_20) > ((int32_t)((int32_t)102))))
{
goto IL_009d;
}
}
{
uint16_t L_21 = V_3;
V_4 = ((int32_t)((int32_t)((int32_t)((int32_t)L_21-(int32_t)((int32_t)97)))+(int32_t)((int32_t)10)));
goto IL_00bd;
}
IL_009d:
{
uint16_t L_22 = V_3;
if ((((int32_t)((int32_t)65)) > ((int32_t)L_22)))
{
goto IL_00bb;
}
}
{
uint16_t L_23 = V_3;
if ((((int32_t)L_23) > ((int32_t)((int32_t)70))))
{
goto IL_00bb;
}
}
{
uint16_t L_24 = V_3;
V_4 = ((int32_t)((int32_t)((int32_t)((int32_t)L_24-(int32_t)((int32_t)65)))+(int32_t)((int32_t)10)));
goto IL_00bd;
}
IL_00bb:
{
return (-1);
}
IL_00bd:
{
int32_t L_25 = V_0;
int32_t L_26 = V_4;
V_0 = ((int32_t)((int32_t)((int32_t)((int32_t)L_25<<(int32_t)4))+(int32_t)L_26));
int32_t L_27 = V_0;
if ((((int32_t)L_27) <= ((int32_t)((int32_t)65535))))
{
goto IL_00d1;
}
}
{
return (-1);
}
IL_00d1:
{
int32_t L_28 = V_2;
V_2 = ((int32_t)((int32_t)L_28+(int32_t)1));
}
IL_00d5:
{
int32_t L_29 = V_2;
String_t* L_30 = ___ipString;
NullCheck(L_30);
int32_t L_31 = String_get_Length_m_1314969965_0(L_30, /*hidden argument*/NULL);
if ((((int32_t)L_29) < ((int32_t)L_31)))
{
goto IL_002b;
}
}
{
int32_t L_32 = V_1;
if ((!(((uint32_t)L_32) == ((uint32_t)8))))
{
goto IL_00ea;
}
}
{
return (-1);
}
IL_00ea:
{
UInt16U5BU5D_t_1239550212_0* L_33 = ___addr;
int32_t L_34 = V_1;
int32_t L_35 = L_34;
V_1 = ((int32_t)((int32_t)L_35+(int32_t)1));
int32_t L_36 = V_0;
NullCheck(L_33);
IL2CPP_ARRAY_BOUNDS_CHECK(L_33, L_35);
*((uint16_t*)(uint16_t*)SZArrayLdElema(L_33, L_35, sizeof(uint16_t))) = (uint16_t)(((int32_t)((uint16_t)L_36)));
int32_t L_37 = V_1;
return L_37;
}
}
// System.Boolean System.Net.IPv6Address::TryParse(System.String,System.Int32&)
extern TypeInfo* CultureInfo_t_1039475404_0_il2cpp_TypeInfo_var;
extern "C" bool IPv6Address_TryParse_m895448644_0 (Object_t * __this /* static, unused */, String_t* ___prefix, int32_t* ___res, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
CultureInfo_t_1039475404_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(28);
s_Il2CppMethodIntialized = true;
}
{
String_t* L_0 = ___prefix;
IL2CPP_RUNTIME_CLASS_INIT(CultureInfo_t_1039475404_0_il2cpp_TypeInfo_var);
CultureInfo_t_1039475404_0 * L_1 = CultureInfo_get_InvariantCulture_m764001524_0(NULL /*static, unused*/, /*hidden argument*/NULL);
int32_t* L_2 = ___res;
bool L_3 = Int32_TryParse_m_1837423571_0(NULL /*static, unused*/, L_0, 7, L_1, L_2, /*hidden argument*/NULL);
return L_3;
}
}
// System.Boolean System.Net.IPv6Address::TryParse(System.String,System.Net.IPv6Address&)
extern TypeInfo* IPv6Address_t_1270038473_0_il2cpp_TypeInfo_var;
extern TypeInfo* UInt16U5BU5D_t_1239550212_0_il2cpp_TypeInfo_var;
extern TypeInfo* IPAddress_t125139831_0_il2cpp_TypeInfo_var;
extern Il2CppCodeGenString* _stringLiteral1856_0;
extern "C" bool IPv6Address_TryParse_m711194034_0 (Object_t * __this /* static, unused */, String_t* ___ipString, IPv6Address_t_1270038473_0 ** ___result, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
IPv6Address_t_1270038473_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(651);
UInt16U5BU5D_t_1239550212_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(64);
IPAddress_t125139831_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(635);
_stringLiteral1856_0 = il2cpp_codegen_string_literal_from_index(893);
s_Il2CppMethodIntialized = true;
}
int32_t V_0 = 0;
int32_t V_1 = 0;
int32_t V_2 = 0;
String_t* V_3 = {0};
String_t* V_4 = {0};
UInt16U5BU5D_t_1239550212_0* V_5 = {0};
bool V_6 = false;
int32_t V_7 = 0;
int32_t V_8 = 0;
String_t* V_9 = {0};
IPAddress_t125139831_0 * V_10 = {0};
int64_t V_11 = 0;
int32_t V_12 = 0;
int32_t V_13 = 0;
int32_t V_14 = 0;
int32_t V_15 = 0;
int32_t V_16 = 0;
bool V_17 = false;
int32_t V_18 = 0;
int32_t V_19 = 0;
{
IPv6Address_t_1270038473_0 ** L_0 = ___result;
*((Object_t **)(L_0)) = (Object_t *)NULL;
String_t* L_1 = ___ipString;
if (L_1)
{
goto IL_000b;
}
}
{
return (bool)0;
}
IL_000b:
{
String_t* L_2 = ___ipString;
NullCheck(L_2);
int32_t L_3 = String_get_Length_m_1314969965_0(L_2, /*hidden argument*/NULL);
if ((((int32_t)L_3) <= ((int32_t)2)))
{
goto IL_004b;
}
}
{
String_t* L_4 = ___ipString;
NullCheck(L_4);
uint16_t L_5 = String_get_Chars_m_1279625435_0(L_4, 0, /*hidden argument*/NULL);
if ((!(((uint32_t)L_5) == ((uint32_t)((int32_t)91)))))
{
goto IL_004b;
}
}
{
String_t* L_6 = ___ipString;
String_t* L_7 = ___ipString;
NullCheck(L_7);
int32_t L_8 = String_get_Length_m_1314969965_0(L_7, /*hidden argument*/NULL);
NullCheck(L_6);
uint16_t L_9 = String_get_Chars_m_1279625435_0(L_6, ((int32_t)((int32_t)L_8-(int32_t)1)), /*hidden argument*/NULL);
if ((!(((uint32_t)L_9) == ((uint32_t)((int32_t)93)))))
{
goto IL_004b;
}
}
{
String_t* L_10 = ___ipString;
String_t* L_11 = ___ipString;
NullCheck(L_11);
int32_t L_12 = String_get_Length_m_1314969965_0(L_11, /*hidden argument*/NULL);
NullCheck(L_10);
String_t* L_13 = String_Substring_m675079568_0(L_10, 1, ((int32_t)((int32_t)L_12-(int32_t)2)), /*hidden argument*/NULL);
___ipString = L_13;
}
IL_004b:
{
String_t* L_14 = ___ipString;
NullCheck(L_14);
int32_t L_15 = String_get_Length_m_1314969965_0(L_14, /*hidden argument*/NULL);
if ((((int32_t)L_15) >= ((int32_t)2)))
{
goto IL_0059;
}
}
{
return (bool)0;
}
IL_0059:
{
V_0 = 0;
V_1 = 0;
String_t* L_16 = ___ipString;
NullCheck(L_16);
int32_t L_17 = String_LastIndexOf_m_1049161684_0(L_16, ((int32_t)47), /*hidden argument*/NULL);
V_2 = L_17;
int32_t L_18 = V_2;
if ((((int32_t)L_18) == ((int32_t)(-1))))
{
goto IL_00a9;
}
}
{
String_t* L_19 = ___ipString;
int32_t L_20 = V_2;
NullCheck(L_19);
String_t* L_21 = String_Substring_m_1485734233_0(L_19, ((int32_t)((int32_t)L_20+(int32_t)1)), /*hidden argument*/NULL);
V_3 = L_21;
String_t* L_22 = V_3;
IL2CPP_RUNTIME_CLASS_INIT(IPv6Address_t_1270038473_0_il2cpp_TypeInfo_var);
bool L_23 = IPv6Address_TryParse_m895448644_0(NULL /*static, unused*/, L_22, (&V_0), /*hidden argument*/NULL);
if (L_23)
{
goto IL_0086;
}
}
{
V_0 = (-1);
}
IL_0086:
{
int32_t L_24 = V_0;
if ((((int32_t)L_24) < ((int32_t)0)))
{
goto IL_0098;
}
}
{
int32_t L_25 = V_0;
if ((((int32_t)L_25) <= ((int32_t)((int32_t)128))))
{
goto IL_009a;
}
}
IL_0098:
{
return (bool)0;
}
IL_009a:
{
String_t* L_26 = ___ipString;
int32_t L_27 = V_2;
NullCheck(L_26);
String_t* L_28 = String_Substring_m675079568_0(L_26, 0, L_27, /*hidden argument*/NULL);
___ipString = L_28;
goto IL_00de;
}
IL_00a9:
{
String_t* L_29 = ___ipString;
NullCheck(L_29);
int32_t L_30 = String_LastIndexOf_m_1049161684_0(L_29, ((int32_t)37), /*hidden argument*/NULL);
V_2 = L_30;
int32_t L_31 = V_2;
if ((((int32_t)L_31) == ((int32_t)(-1))))
{
goto IL_00de;
}
}
{
String_t* L_32 = ___ipString;
int32_t L_33 = V_2;
NullCheck(L_32);
String_t* L_34 = String_Substring_m_1485734233_0(L_32, ((int32_t)((int32_t)L_33+(int32_t)1)), /*hidden argument*/NULL);
V_4 = L_34;
String_t* L_35 = V_4;
IL2CPP_RUNTIME_CLASS_INIT(IPv6Address_t_1270038473_0_il2cpp_TypeInfo_var);
bool L_36 = IPv6Address_TryParse_m895448644_0(NULL /*static, unused*/, L_35, (&V_1), /*hidden argument*/NULL);
if (L_36)
{
goto IL_00d4;
}
}
{
V_1 = 0;
}
IL_00d4:
{
String_t* L_37 = ___ipString;
int32_t L_38 = V_2;
NullCheck(L_37);
String_t* L_39 = String_Substring_m675079568_0(L_37, 0, L_38, /*hidden argument*/NULL);
___ipString = L_39;
}
IL_00de:
{
V_5 = ((UInt16U5BU5D_t_1239550212_0*)SZArrayNew(UInt16U5BU5D_t_1239550212_0_il2cpp_TypeInfo_var, (uint32_t)8));
V_6 = (bool)0;
String_t* L_40 = ___ipString;
NullCheck(L_40);
int32_t L_41 = String_LastIndexOf_m_1049161684_0(L_40, ((int32_t)58), /*hidden argument*/NULL);
V_7 = L_41;
int32_t L_42 = V_7;
if ((!(((uint32_t)L_42) == ((uint32_t)(-1)))))
{
goto IL_00fd;
}
}
{
return (bool)0;
}
IL_00fd:
{
V_8 = 0;
int32_t L_43 = V_7;
String_t* L_44 = ___ipString;
NullCheck(L_44);
int32_t L_45 = String_get_Length_m_1314969965_0(L_44, /*hidden argument*/NULL);
if ((((int32_t)L_43) >= ((int32_t)((int32_t)((int32_t)L_45-(int32_t)1)))))
{
goto IL_01bf;
}
}
{
String_t* L_46 = ___ipString;
int32_t L_47 = V_7;
NullCheck(L_46);
String_t* L_48 = String_Substring_m_1485734233_0(L_46, ((int32_t)((int32_t)L_47+(int32_t)1)), /*hidden argument*/NULL);
V_9 = L_48;
String_t* L_49 = V_9;
NullCheck(L_49);
int32_t L_50 = String_IndexOf_m_1519756810_0(L_49, ((int32_t)46), /*hidden argument*/NULL);
if ((((int32_t)L_50) == ((int32_t)(-1))))
{
goto IL_01bf;
}
}
{
String_t* L_51 = V_9;
IL2CPP_RUNTIME_CLASS_INIT(IPAddress_t125139831_0_il2cpp_TypeInfo_var);
bool L_52 = IPAddress_TryParse_m1385842418_0(NULL /*static, unused*/, L_51, (&V_10), /*hidden argument*/NULL);
if (L_52)
{
goto IL_013a;
}
}
{
return (bool)0;
}
IL_013a:
{
IPAddress_t125139831_0 * L_53 = V_10;
NullCheck(L_53);
int64_t L_54 = IPAddress_get_InternalIPv4Address_m2101711253_0(L_53, /*hidden argument*/NULL);
V_11 = L_54;
UInt16U5BU5D_t_1239550212_0* L_55 = V_5;
int64_t L_56 = V_11;
int64_t L_57 = V_11;
NullCheck(L_55);
IL2CPP_ARRAY_BOUNDS_CHECK(L_55, 6);
*((uint16_t*)(uint16_t*)SZArrayLdElema(L_55, 6, sizeof(uint16_t))) = (uint16_t)(((int32_t)((uint16_t)((int32_t)((int32_t)((int32_t)((int32_t)(((int32_t)((int32_t)((int64_t)((int64_t)L_56&(int64_t)(((int64_t)((int64_t)((int32_t)255)))))))))<<(int32_t)8))+(int32_t)(((int32_t)((int32_t)((int64_t)((int64_t)((int64_t)((int64_t)L_57>>(int32_t)8))&(int64_t)(((int64_t)((int64_t)((int32_t)255))))))))))))));
UInt16U5BU5D_t_1239550212_0* L_58 = V_5;
int64_t L_59 = V_11;
int64_t L_60 = V_11;
NullCheck(L_58);
IL2CPP_ARRAY_BOUNDS_CHECK(L_58, 7);
*((uint16_t*)(uint16_t*)SZArrayLdElema(L_58, 7, sizeof(uint16_t))) = (uint16_t)(((int32_t)((uint16_t)((int32_t)((int32_t)((int32_t)((int32_t)(((int32_t)((int32_t)((int64_t)((int64_t)((int64_t)((int64_t)L_59>>(int32_t)((int32_t)16)))&(int64_t)(((int64_t)((int64_t)((int32_t)255)))))))))<<(int32_t)8))+(int32_t)(((int32_t)((int32_t)((int64_t)((int64_t)((int64_t)((int64_t)L_60>>(int32_t)((int32_t)24)))&(int64_t)(((int64_t)((int64_t)((int32_t)255))))))))))))));
int32_t L_61 = V_7;
if ((((int32_t)L_61) <= ((int32_t)0)))
{
goto IL_01ae;
}
}
{
String_t* L_62 = ___ipString;
int32_t L_63 = V_7;
NullCheck(L_62);
uint16_t L_64 = String_get_Chars_m_1279625435_0(L_62, ((int32_t)((int32_t)L_63-(int32_t)1)), /*hidden argument*/NULL);
if ((!(((uint32_t)L_64) == ((uint32_t)((int32_t)58)))))
{
goto IL_01ae;
}
}
{
String_t* L_65 = ___ipString;
int32_t L_66 = V_7;
NullCheck(L_65);
String_t* L_67 = String_Substring_m675079568_0(L_65, 0, ((int32_t)((int32_t)L_66+(int32_t)1)), /*hidden argument*/NULL);
___ipString = L_67;
goto IL_01b9;
}
IL_01ae:
{
String_t* L_68 = ___ipString;
int32_t L_69 = V_7;
NullCheck(L_68);
String_t* L_70 = String_Substring_m675079568_0(L_68, 0, L_69, /*hidden argument*/NULL);
___ipString = L_70;
}
IL_01b9:
{
V_6 = (bool)1;
V_8 = 2;
}
IL_01bf:
{
String_t* L_71 = ___ipString;
NullCheck(L_71);
int32_t L_72 = String_IndexOf_m1476794331_0(L_71, _stringLiteral1856_0, /*hidden argument*/NULL);
V_12 = L_72;
int32_t L_73 = V_12;
if ((((int32_t)L_73) == ((int32_t)(-1))))
{
goto IL_0268;
}
}
{
UInt16U5BU5D_t_1239550212_0* L_74 = V_5;
String_t* L_75 = ___ipString;
int32_t L_76 = V_12;
NullCheck(L_75);
String_t* L_77 = String_Substring_m_1485734233_0(L_75, ((int32_t)((int32_t)L_76+(int32_t)2)), /*hidden argument*/NULL);
IL2CPP_RUNTIME_CLASS_INIT(IPv6Address_t_1270038473_0_il2cpp_TypeInfo_var);
int32_t L_78 = IPv6Address_Fill_m1034015862_0(NULL /*static, unused*/, L_74, L_77, /*hidden argument*/NULL);
V_13 = L_78;
int32_t L_79 = V_13;
if ((!(((uint32_t)L_79) == ((uint32_t)(-1)))))
{
goto IL_01f1;
}
}
{
return (bool)0;
}
IL_01f1:
{
int32_t L_80 = V_13;
int32_t L_81 = V_8;
if ((((int32_t)((int32_t)((int32_t)L_80+(int32_t)L_81))) <= ((int32_t)8)))
{
goto IL_01fe;
}
}
{
return (bool)0;
}
IL_01fe:
{
int32_t L_82 = V_8;
int32_t L_83 = V_13;
V_14 = ((int32_t)((int32_t)((int32_t)((int32_t)8-(int32_t)L_82))-(int32_t)L_83));
int32_t L_84 = V_13;
V_15 = L_84;
goto IL_022f;
}
IL_0210:
{
UInt16U5BU5D_t_1239550212_0* L_85 = V_5;
int32_t L_86 = V_15;
int32_t L_87 = V_14;
UInt16U5BU5D_t_1239550212_0* L_88 = V_5;
int32_t L_89 = V_15;
NullCheck(L_88);
IL2CPP_ARRAY_BOUNDS_CHECK(L_88, ((int32_t)((int32_t)L_89-(int32_t)1)));
int32_t L_90 = ((int32_t)((int32_t)L_89-(int32_t)1));
NullCheck(L_85);
IL2CPP_ARRAY_BOUNDS_CHECK(L_85, ((int32_t)((int32_t)((int32_t)((int32_t)L_86+(int32_t)L_87))-(int32_t)1)));
*((uint16_t*)(uint16_t*)SZArrayLdElema(L_85, ((int32_t)((int32_t)((int32_t)((int32_t)L_86+(int32_t)L_87))-(int32_t)1)), sizeof(uint16_t))) = (uint16_t)(*(uint16_t*)(uint16_t*)SZArrayLdElema(L_88, L_90, sizeof(uint16_t)));
UInt16U5BU5D_t_1239550212_0* L_91 = V_5;
int32_t L_92 = V_15;
NullCheck(L_91);
IL2CPP_ARRAY_BOUNDS_CHECK(L_91, ((int32_t)((int32_t)L_92-(int32_t)1)));
*((uint16_t*)(uint16_t*)SZArrayLdElema(L_91, ((int32_t)((int32_t)L_92-(int32_t)1)), sizeof(uint16_t))) = (uint16_t)0;
int32_t L_93 = V_15;
V_15 = ((int32_t)((int32_t)L_93-(int32_t)1));
}
IL_022f:
{
int32_t L_94 = V_15;
if ((((int32_t)L_94) > ((int32_t)0)))
{
goto IL_0210;
}
}
{
UInt16U5BU5D_t_1239550212_0* L_95 = V_5;
String_t* L_96 = ___ipString;
int32_t L_97 = V_12;
NullCheck(L_96);
String_t* L_98 = String_Substring_m675079568_0(L_96, 0, L_97, /*hidden argument*/NULL);
IL2CPP_RUNTIME_CLASS_INIT(IPv6Address_t_1270038473_0_il2cpp_TypeInfo_var);
int32_t L_99 = IPv6Address_Fill_m1034015862_0(NULL /*static, unused*/, L_95, L_98, /*hidden argument*/NULL);
V_16 = L_99;
int32_t L_100 = V_16;
if ((!(((uint32_t)L_100) == ((uint32_t)(-1)))))
{
goto IL_0253;
}
}
{
return (bool)0;
}
IL_0253:
{
int32_t L_101 = V_16;
int32_t L_102 = V_13;
int32_t L_103 = V_8;
if ((((int32_t)((int32_t)((int32_t)((int32_t)((int32_t)L_101+(int32_t)L_102))+(int32_t)L_103))) <= ((int32_t)7)))
{
goto IL_0263;
}
}
{
return (bool)0;
}
IL_0263:
{
goto IL_027b;
}
IL_0268:
{
UInt16U5BU5D_t_1239550212_0* L_104 = V_5;
String_t* L_105 = ___ipString;
IL2CPP_RUNTIME_CLASS_INIT(IPv6Address_t_1270038473_0_il2cpp_TypeInfo_var);
int32_t L_106 = IPv6Address_Fill_m1034015862_0(NULL /*static, unused*/, L_104, L_105, /*hidden argument*/NULL);
int32_t L_107 = V_8;
if ((((int32_t)L_106) == ((int32_t)((int32_t)((int32_t)8-(int32_t)L_107)))))
{
goto IL_027b;
}
}
{
return (bool)0;
}
IL_027b:
{
V_17 = (bool)0;
V_18 = 0;
goto IL_02b0;
}
IL_0286:
{
UInt16U5BU5D_t_1239550212_0* L_108 = V_5;
int32_t L_109 = V_18;
NullCheck(L_108);
IL2CPP_ARRAY_BOUNDS_CHECK(L_108, L_109);
int32_t L_110 = L_109;
if ((*(uint16_t*)(uint16_t*)SZArrayLdElema(L_108, L_110, sizeof(uint16_t))))
{
goto IL_02a7;
}
}
{
int32_t L_111 = V_18;
if ((!(((uint32_t)L_111) == ((uint32_t)5))))
{
goto IL_02aa;
}
}
{
UInt16U5BU5D_t_1239550212_0* L_112 = V_5;
int32_t L_113 = V_18;
NullCheck(L_112);
IL2CPP_ARRAY_BOUNDS_CHECK(L_112, L_113);
int32_t L_114 = L_113;
if ((((int32_t)(*(uint16_t*)(uint16_t*)SZArrayLdElema(L_112, L_114, sizeof(uint16_t)))) == ((int32_t)((int32_t)65535))))
{
goto IL_02aa;
}
}
IL_02a7:
{
V_17 = (bool)1;
}
IL_02aa:
{
int32_t L_115 = V_18;
V_18 = ((int32_t)((int32_t)L_115+(int32_t)1));
}
IL_02b0:
{
int32_t L_116 = V_18;
int32_t L_117 = V_8;
if ((((int32_t)L_116) < ((int32_t)L_117)))
{
goto IL_0286;
}
}
{
bool L_118 = V_6;
if (!L_118)
{
goto IL_0302;
}
}
{
bool L_119 = V_17;
if (L_119)
{
goto IL_0302;
}
}
{
V_19 = 0;
goto IL_02e1;
}
IL_02cf:
{
UInt16U5BU5D_t_1239550212_0* L_120 = V_5;
int32_t L_121 = V_19;
NullCheck(L_120);
IL2CPP_ARRAY_BOUNDS_CHECK(L_120, L_121);
int32_t L_122 = L_121;
if (!(*(uint16_t*)(uint16_t*)SZArrayLdElema(L_120, L_122, sizeof(uint16_t))))
{
goto IL_02db;
}
}
{
return (bool)0;
}
IL_02db:
{
int32_t L_123 = V_19;
V_19 = ((int32_t)((int32_t)L_123+(int32_t)1));
}
IL_02e1:
{
int32_t L_124 = V_19;
if ((((int32_t)L_124) < ((int32_t)5)))
{
goto IL_02cf;
}
}
{
UInt16U5BU5D_t_1239550212_0* L_125 = V_5;
NullCheck(L_125);
IL2CPP_ARRAY_BOUNDS_CHECK(L_125, 5);
int32_t L_126 = 5;
if (!(*(uint16_t*)(uint16_t*)SZArrayLdElema(L_125, L_126, sizeof(uint16_t))))
{
goto IL_0302;
}
}
{
UInt16U5BU5D_t_1239550212_0* L_127 = V_5;
NullCheck(L_127);
IL2CPP_ARRAY_BOUNDS_CHECK(L_127, 5);
int32_t L_128 = 5;
if ((((int32_t)(*(uint16_t*)(uint16_t*)SZArrayLdElema(L_127, L_128, sizeof(uint16_t)))) == ((int32_t)((int32_t)65535))))
{
goto IL_0302;
}
}
{
return (bool)0;
}
IL_0302:
{
IPv6Address_t_1270038473_0 ** L_129 = ___result;
UInt16U5BU5D_t_1239550212_0* L_130 = V_5;
int32_t L_131 = V_0;
int32_t L_132 = V_1;
IPv6Address_t_1270038473_0 * L_133 = (IPv6Address_t_1270038473_0 *)il2cpp_codegen_object_new (IPv6Address_t_1270038473_0_il2cpp_TypeInfo_var);
IPv6Address__ctor_m974981843_0(L_133, L_130, L_131, L_132, /*hidden argument*/NULL);
*((Object_t **)(L_129)) = (Object_t *)L_133;
return (bool)1;
}
}
// System.UInt16[] System.Net.IPv6Address::get_Address()
extern "C" UInt16U5BU5D_t_1239550212_0* IPv6Address_get_Address_m1909339413_0 (IPv6Address_t_1270038473_0 * __this, const MethodInfo* method)
{
{
UInt16U5BU5D_t_1239550212_0* L_0 = (__this->___address_0);
return L_0;
}
}
// System.Int64 System.Net.IPv6Address::get_ScopeId()
extern "C" int64_t IPv6Address_get_ScopeId_m_1472401614_0 (IPv6Address_t_1270038473_0 * __this, const MethodInfo* method)
{
{
int64_t L_0 = (__this->___scopeId_2);
return L_0;
}
}
// System.Void System.Net.IPv6Address::set_ScopeId(System.Int64)
extern "C" void IPv6Address_set_ScopeId_m1866414241_0 (IPv6Address_t_1270038473_0 * __this, int64_t ___value, const MethodInfo* method)
{
{
int64_t L_0 = ___value;
__this->___scopeId_2 = L_0;
return;
}
}
// System.Boolean System.Net.IPv6Address::IsLoopback(System.Net.IPv6Address)
extern "C" bool IPv6Address_IsLoopback_m_735600269_0 (Object_t * __this /* static, unused */, IPv6Address_t_1270038473_0 * ___addr, const MethodInfo* method)
{
int32_t V_0 = 0;
int32_t V_1 = 0;
{
IPv6Address_t_1270038473_0 * L_0 = ___addr;
NullCheck(L_0);
UInt16U5BU5D_t_1239550212_0* L_1 = (L_0->___address_0);
NullCheck(L_1);
IL2CPP_ARRAY_BOUNDS_CHECK(L_1, 7);
int32_t L_2 = 7;
if ((((int32_t)(*(uint16_t*)(uint16_t*)SZArrayLdElema(L_1, L_2, sizeof(uint16_t)))) == ((int32_t)1)))
{
goto IL_0010;
}
}
{
return (bool)0;
}
IL_0010:
{
IPv6Address_t_1270038473_0 * L_3 = ___addr;
NullCheck(L_3);
UInt16U5BU5D_t_1239550212_0* L_4 = (L_3->___address_0);
NullCheck(L_4);
IL2CPP_ARRAY_BOUNDS_CHECK(L_4, 6);
int32_t L_5 = 6;
V_0 = ((int32_t)((int32_t)(*(uint16_t*)(uint16_t*)SZArrayLdElema(L_4, L_5, sizeof(uint16_t)))>>(int32_t)8));
int32_t L_6 = V_0;
if ((((int32_t)L_6) == ((int32_t)((int32_t)127))))
{
goto IL_002b;
}
}
{
int32_t L_7 = V_0;
if (!L_7)
{
goto IL_002b;
}
}
{
return (bool)0;
}
IL_002b:
{
V_1 = 0;
goto IL_0045;
}
IL_0032:
{
IPv6Address_t_1270038473_0 * L_8 = ___addr;
NullCheck(L_8);
UInt16U5BU5D_t_1239550212_0* L_9 = (L_8->___address_0);
int32_t L_10 = V_1;
NullCheck(L_9);
IL2CPP_ARRAY_BOUNDS_CHECK(L_9, L_10);
int32_t L_11 = L_10;
if (!(*(uint16_t*)(uint16_t*)SZArrayLdElema(L_9, L_11, sizeof(uint16_t))))
{
goto IL_0041;
}
}
{
return (bool)0;
}
IL_0041:
{
int32_t L_12 = V_1;
V_1 = ((int32_t)((int32_t)L_12+(int32_t)1));
}
IL_0045:
{
int32_t L_13 = V_1;
if ((((int32_t)L_13) < ((int32_t)4)))
{
goto IL_0032;
}
}
{
IPv6Address_t_1270038473_0 * L_14 = ___addr;
NullCheck(L_14);
UInt16U5BU5D_t_1239550212_0* L_15 = (L_14->___address_0);
NullCheck(L_15);
IL2CPP_ARRAY_BOUNDS_CHECK(L_15, 5);
int32_t L_16 = 5;
if (!(*(uint16_t*)(uint16_t*)SZArrayLdElema(L_15, L_16, sizeof(uint16_t))))
{
goto IL_006d;
}
}
{
IPv6Address_t_1270038473_0 * L_17 = ___addr;
NullCheck(L_17);
UInt16U5BU5D_t_1239550212_0* L_18 = (L_17->___address_0);
NullCheck(L_18);
IL2CPP_ARRAY_BOUNDS_CHECK(L_18, 5);
int32_t L_19 = 5;
if ((((int32_t)(*(uint16_t*)(uint16_t*)SZArrayLdElema(L_18, L_19, sizeof(uint16_t)))) == ((int32_t)((int32_t)65535))))
{
goto IL_006d;
}
}
{
return (bool)0;
}
IL_006d:
{
return (bool)1;
}
}
// System.UInt16 System.Net.IPv6Address::SwapUShort(System.UInt16)
extern "C" uint16_t IPv6Address_SwapUShort_m_583095744_0 (Object_t * __this /* static, unused */, uint16_t ___number, const MethodInfo* method)
{
{
uint16_t L_0 = ___number;
uint16_t L_1 = ___number;
return (((int32_t)((uint16_t)((int32_t)((int32_t)((int32_t)((int32_t)((int32_t)((int32_t)L_0>>(int32_t)8))&(int32_t)((int32_t)255)))+(int32_t)((int32_t)((int32_t)((int32_t)((int32_t)L_1<<(int32_t)8))&(int32_t)((int32_t)65280))))))));
}
}
// System.Int32 System.Net.IPv6Address::AsIPv4Int()
extern TypeInfo* IPv6Address_t_1270038473_0_il2cpp_TypeInfo_var;
extern "C" int32_t IPv6Address_AsIPv4Int_m_2073310907_0 (IPv6Address_t_1270038473_0 * __this, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
IPv6Address_t_1270038473_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(651);
s_Il2CppMethodIntialized = true;
}
{
UInt16U5BU5D_t_1239550212_0* L_0 = (__this->___address_0);
NullCheck(L_0);
IL2CPP_ARRAY_BOUNDS_CHECK(L_0, 7);
int32_t L_1 = 7;
IL2CPP_RUNTIME_CLASS_INIT(IPv6Address_t_1270038473_0_il2cpp_TypeInfo_var);
uint16_t L_2 = IPv6Address_SwapUShort_m_583095744_0(NULL /*static, unused*/, (*(uint16_t*)(uint16_t*)SZArrayLdElema(L_0, L_1, sizeof(uint16_t))), /*hidden argument*/NULL);
UInt16U5BU5D_t_1239550212_0* L_3 = (__this->___address_0);
NullCheck(L_3);
IL2CPP_ARRAY_BOUNDS_CHECK(L_3, 6);
int32_t L_4 = 6;
uint16_t L_5 = IPv6Address_SwapUShort_m_583095744_0(NULL /*static, unused*/, (*(uint16_t*)(uint16_t*)SZArrayLdElema(L_3, L_4, sizeof(uint16_t))), /*hidden argument*/NULL);
return ((int32_t)((int32_t)((int32_t)((int32_t)L_2<<(int32_t)((int32_t)16)))+(int32_t)L_5));
}
}
// System.Boolean System.Net.IPv6Address::IsIPv4Compatible()
extern "C" bool IPv6Address_IsIPv4Compatible_m_520093954_0 (IPv6Address_t_1270038473_0 * __this, const MethodInfo* method)
{
int32_t V_0 = 0;
{
V_0 = 0;
goto IL_001a;
}
IL_0007:
{
UInt16U5BU5D_t_1239550212_0* L_0 = (__this->___address_0);
int32_t L_1 = V_0;
NullCheck(L_0);
IL2CPP_ARRAY_BOUNDS_CHECK(L_0, L_1);
int32_t L_2 = L_1;
if (!(*(uint16_t*)(uint16_t*)SZArrayLdElema(L_0, L_2, sizeof(uint16_t))))
{
goto IL_0016;
}
}
{
return (bool)0;
}
IL_0016:
{
int32_t L_3 = V_0;
V_0 = ((int32_t)((int32_t)L_3+(int32_t)1));
}
IL_001a:
{
int32_t L_4 = V_0;
if ((((int32_t)L_4) < ((int32_t)6)))
{
goto IL_0007;
}
}
{
int32_t L_5 = IPv6Address_AsIPv4Int_m_2073310907_0(__this, /*hidden argument*/NULL);
return (bool)((((int32_t)L_5) > ((int32_t)1))? 1 : 0);
}
}
// System.Boolean System.Net.IPv6Address::IsIPv4Mapped()
extern "C" bool IPv6Address_IsIPv4Mapped_m525075229_0 (IPv6Address_t_1270038473_0 * __this, const MethodInfo* method)
{
int32_t V_0 = 0;
{
V_0 = 0;
goto IL_001a;
}
IL_0007:
{
UInt16U5BU5D_t_1239550212_0* L_0 = (__this->___address_0);
int32_t L_1 = V_0;
NullCheck(L_0);
IL2CPP_ARRAY_BOUNDS_CHECK(L_0, L_1);
int32_t L_2 = L_1;
if (!(*(uint16_t*)(uint16_t*)SZArrayLdElema(L_0, L_2, sizeof(uint16_t))))
{
goto IL_0016;
}
}
{
return (bool)0;
}
IL_0016:
{
int32_t L_3 = V_0;
V_0 = ((int32_t)((int32_t)L_3+(int32_t)1));
}
IL_001a:
{
int32_t L_4 = V_0;
if ((((int32_t)L_4) < ((int32_t)5)))
{
goto IL_0007;
}
}
{
UInt16U5BU5D_t_1239550212_0* L_5 = (__this->___address_0);
NullCheck(L_5);
IL2CPP_ARRAY_BOUNDS_CHECK(L_5, 5);
int32_t L_6 = 5;
return (bool)((((int32_t)(*(uint16_t*)(uint16_t*)SZArrayLdElema(L_5, L_6, sizeof(uint16_t)))) == ((int32_t)((int32_t)65535)))? 1 : 0);
}
}
// System.String System.Net.IPv6Address::ToString()
extern TypeInfo* StringBuilder_t586045924_0_il2cpp_TypeInfo_var;
extern TypeInfo* IPAddress_t125139831_0_il2cpp_TypeInfo_var;
extern TypeInfo* UInt16_t_738719206_0_il2cpp_TypeInfo_var;
extern Il2CppCodeGenString* _stringLiteral1856_0;
extern Il2CppCodeGenString* _stringLiteral97339066_0;
extern Il2CppCodeGenString* _stringLiteral58_0;
extern Il2CppCodeGenString* _stringLiteral115082634_0;
extern "C" String_t* IPv6Address_ToString_m804087156_0 (IPv6Address_t_1270038473_0 * __this, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
StringBuilder_t586045924_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(36);
IPAddress_t125139831_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(635);
UInt16_t_738719206_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(26);
_stringLiteral1856_0 = il2cpp_codegen_string_literal_from_index(893);
_stringLiteral97339066_0 = il2cpp_codegen_string_literal_from_index(2163);
_stringLiteral58_0 = il2cpp_codegen_string_literal_from_index(633);
_stringLiteral115082634_0 = il2cpp_codegen_string_literal_from_index(2164);
s_Il2CppMethodIntialized = true;
}
StringBuilder_t586045924_0 * V_0 = {0};
int32_t V_1 = 0;
int32_t V_2 = 0;
int32_t V_3 = 0;
int32_t V_4 = 0;
int32_t V_5 = 0;
{
StringBuilder_t586045924_0 * L_0 = (StringBuilder_t586045924_0 *)il2cpp_codegen_object_new (StringBuilder_t586045924_0_il2cpp_TypeInfo_var);
StringBuilder__ctor_m135953004_0(L_0, /*hidden argument*/NULL);
V_0 = L_0;
bool L_1 = IPv6Address_IsIPv4Compatible_m_520093954_0(__this, /*hidden argument*/NULL);
if (L_1)
{
goto IL_001c;
}
}
{
bool L_2 = IPv6Address_IsIPv4Mapped_m525075229_0(__this, /*hidden argument*/NULL);
if (!L_2)
{
goto IL_005e;
}
}
IL_001c:
{
StringBuilder_t586045924_0 * L_3 = V_0;
NullCheck(L_3);
StringBuilder_Append_m_396877221_0(L_3, _stringLiteral1856_0, /*hidden argument*/NULL);
bool L_4 = IPv6Address_IsIPv4Mapped_m525075229_0(__this, /*hidden argument*/NULL);
if (!L_4)
{
goto IL_003f;
}
}
{
StringBuilder_t586045924_0 * L_5 = V_0;
NullCheck(L_5);
StringBuilder_Append_m_396877221_0(L_5, _stringLiteral97339066_0, /*hidden argument*/NULL);
}
IL_003f:
{
StringBuilder_t586045924_0 * L_6 = V_0;
int32_t L_7 = IPv6Address_AsIPv4Int_m_2073310907_0(__this, /*hidden argument*/NULL);
IPAddress_t125139831_0 * L_8 = (IPAddress_t125139831_0 *)il2cpp_codegen_object_new (IPAddress_t125139831_0_il2cpp_TypeInfo_var);
IPAddress__ctor_m927672017_0(L_8, (((int64_t)((int64_t)L_7))), /*hidden argument*/NULL);
NullCheck(L_8);
String_t* L_9 = (String_t*)VirtFuncInvoker0< String_t* >::Invoke(3 /* System.String System.Net.IPAddress::ToString() */, L_8);
NullCheck(L_6);
StringBuilder_Append_m_396877221_0(L_6, L_9, /*hidden argument*/NULL);
StringBuilder_t586045924_0 * L_10 = V_0;
NullCheck(L_10);
String_t* L_11 = StringBuilder_ToString_m350379841_0(L_10, /*hidden argument*/NULL);
return L_11;
}
IL_005e:
{
V_1 = (-1);
V_2 = 0;
V_3 = 0;
V_4 = 0;
goto IL_00a0;
}
IL_006c:
{
UInt16U5BU5D_t_1239550212_0* L_12 = (__this->___address_0);
int32_t L_13 = V_4;
NullCheck(L_12);
IL2CPP_ARRAY_BOUNDS_CHECK(L_12, L_13);
int32_t L_14 = L_13;
if (!(*(uint16_t*)(uint16_t*)SZArrayLdElema(L_12, L_14, sizeof(uint16_t))))
{
goto IL_0096;
}
}
{
int32_t L_15 = V_3;
int32_t L_16 = V_2;
if ((((int32_t)L_15) <= ((int32_t)L_16)))
{
goto IL_008f;
}
}
{
int32_t L_17 = V_3;
if ((((int32_t)L_17) <= ((int32_t)1)))
{
goto IL_008f;
}
}
{
int32_t L_18 = V_3;
V_2 = L_18;
int32_t L_19 = V_4;
int32_t L_20 = V_3;
V_1 = ((int32_t)((int32_t)L_19-(int32_t)L_20));
}
IL_008f:
{
V_3 = 0;
goto IL_009a;
}
IL_0096:
{
int32_t L_21 = V_3;
V_3 = ((int32_t)((int32_t)L_21+(int32_t)1));
}
IL_009a:
{
int32_t L_22 = V_4;
V_4 = ((int32_t)((int32_t)L_22+(int32_t)1));
}
IL_00a0:
{
int32_t L_23 = V_4;
if ((((int32_t)L_23) < ((int32_t)8)))
{
goto IL_006c;
}
}
{
int32_t L_24 = V_3;
int32_t L_25 = V_2;
if ((((int32_t)L_24) <= ((int32_t)L_25)))
{
goto IL_00bc;
}
}
{
int32_t L_26 = V_3;
if ((((int32_t)L_26) <= ((int32_t)1)))
{
goto IL_00bc;
}
}
{
int32_t L_27 = V_3;
V_2 = L_27;
int32_t L_28 = V_3;
V_1 = ((int32_t)((int32_t)8-(int32_t)L_28));
}
IL_00bc:
{
int32_t L_29 = V_1;
if (L_29)
{
goto IL_00ce;
}
}
{
StringBuilder_t586045924_0 * L_30 = V_0;
NullCheck(L_30);
StringBuilder_Append_m_396877221_0(L_30, _stringLiteral58_0, /*hidden argument*/NULL);
}
IL_00ce:
{
V_5 = 0;
goto IL_0128;
}
IL_00d6:
{
int32_t L_31 = V_5;
int32_t L_32 = V_1;
if ((!(((uint32_t)L_31) == ((uint32_t)L_32))))
{
goto IL_00f7;
}
}
{
StringBuilder_t586045924_0 * L_33 = V_0;
NullCheck(L_33);
StringBuilder_Append_m_396877221_0(L_33, _stringLiteral58_0, /*hidden argument*/NULL);
int32_t L_34 = V_5;
int32_t L_35 = V_2;
V_5 = ((int32_t)((int32_t)L_34+(int32_t)((int32_t)((int32_t)L_35-(int32_t)1))));
goto IL_0122;
}
IL_00f7:
{
StringBuilder_t586045924_0 * L_36 = V_0;
UInt16U5BU5D_t_1239550212_0* L_37 = (__this->___address_0);
int32_t L_38 = V_5;
NullCheck(L_37);
IL2CPP_ARRAY_BOUNDS_CHECK(L_37, L_38);
int32_t L_39 = L_38;
uint16_t L_40 = (*(uint16_t*)(uint16_t*)SZArrayLdElema(L_37, L_39, sizeof(uint16_t)));
Object_t * L_41 = Box(UInt16_t_738719206_0_il2cpp_TypeInfo_var, &L_40);
NullCheck(L_36);
StringBuilder_AppendFormat_m_571775566_0(L_36, _stringLiteral115082634_0, L_41, /*hidden argument*/NULL);
int32_t L_42 = V_5;
if ((((int32_t)L_42) >= ((int32_t)7)))
{
goto IL_0122;
}
}
{
StringBuilder_t586045924_0 * L_43 = V_0;
NullCheck(L_43);
StringBuilder_Append_m2143093878_0(L_43, ((int32_t)58), /*hidden argument*/NULL);
}
IL_0122:
{
int32_t L_44 = V_5;
V_5 = ((int32_t)((int32_t)L_44+(int32_t)1));
}
IL_0128:
{
int32_t L_45 = V_5;
if ((((int32_t)L_45) < ((int32_t)8)))
{
goto IL_00d6;
}
}
{
int64_t L_46 = (__this->___scopeId_2);
if (!L_46)
{
goto IL_014f;
}
}
{
StringBuilder_t586045924_0 * L_47 = V_0;
NullCheck(L_47);
StringBuilder_t586045924_0 * L_48 = StringBuilder_Append_m2143093878_0(L_47, ((int32_t)37), /*hidden argument*/NULL);
int64_t L_49 = (__this->___scopeId_2);
NullCheck(L_48);
StringBuilder_Append_m_2105741735_0(L_48, L_49, /*hidden argument*/NULL);
}
IL_014f:
{
StringBuilder_t586045924_0 * L_50 = V_0;
NullCheck(L_50);
String_t* L_51 = StringBuilder_ToString_m350379841_0(L_50, /*hidden argument*/NULL);
return L_51;
}
}
// System.String System.Net.IPv6Address::ToString(System.Boolean)
extern TypeInfo* StringBuilder_t586045924_0_il2cpp_TypeInfo_var;
extern TypeInfo* UInt16_t_738719206_0_il2cpp_TypeInfo_var;
extern Il2CppCodeGenString* _stringLiteral_1075757954_0;
extern Il2CppCodeGenString* _stringLiteral_727438532_0;
extern "C" String_t* IPv6Address_ToString_m_1746173973_0 (IPv6Address_t_1270038473_0 * __this, bool ___fullLength, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
StringBuilder_t586045924_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(36);
UInt16_t_738719206_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(26);
_stringLiteral_1075757954_0 = il2cpp_codegen_string_literal_from_index(2165);
_stringLiteral_727438532_0 = il2cpp_codegen_string_literal_from_index(2166);
s_Il2CppMethodIntialized = true;
}
StringBuilder_t586045924_0 * V_0 = {0};
int32_t V_1 = 0;
{
bool L_0 = ___fullLength;
if (L_0)
{
goto IL_000d;
}
}
{
String_t* L_1 = (String_t*)VirtFuncInvoker0< String_t* >::Invoke(3 /* System.String System.Net.IPv6Address::ToString() */, __this);
return L_1;
}
IL_000d:
{
StringBuilder_t586045924_0 * L_2 = (StringBuilder_t586045924_0 *)il2cpp_codegen_object_new (StringBuilder_t586045924_0_il2cpp_TypeInfo_var);
StringBuilder__ctor_m135953004_0(L_2, /*hidden argument*/NULL);
V_0 = L_2;
V_1 = 0;
goto IL_0037;
}
IL_001a:
{
StringBuilder_t586045924_0 * L_3 = V_0;
UInt16U5BU5D_t_1239550212_0* L_4 = (__this->___address_0);
int32_t L_5 = V_1;
NullCheck(L_4);
IL2CPP_ARRAY_BOUNDS_CHECK(L_4, L_5);
int32_t L_6 = L_5;
uint16_t L_7 = (*(uint16_t*)(uint16_t*)SZArrayLdElema(L_4, L_6, sizeof(uint16_t)));
Object_t * L_8 = Box(UInt16_t_738719206_0_il2cpp_TypeInfo_var, &L_7);
NullCheck(L_3);
StringBuilder_AppendFormat_m_571775566_0(L_3, _stringLiteral_1075757954_0, L_8, /*hidden argument*/NULL);
int32_t L_9 = V_1;
V_1 = ((int32_t)((int32_t)L_9+(int32_t)1));
}
IL_0037:
{
int32_t L_10 = V_1;
UInt16U5BU5D_t_1239550212_0* L_11 = (__this->___address_0);
NullCheck(L_11);
if ((((int32_t)L_10) < ((int32_t)((int32_t)((int32_t)(((int32_t)((int32_t)(((Array_t *)L_11)->max_length))))-(int32_t)1)))))
{
goto IL_001a;
}
}
{
StringBuilder_t586045924_0 * L_12 = V_0;
UInt16U5BU5D_t_1239550212_0* L_13 = (__this->___address_0);
UInt16U5BU5D_t_1239550212_0* L_14 = (__this->___address_0);
NullCheck(L_14);
NullCheck(L_13);
IL2CPP_ARRAY_BOUNDS_CHECK(L_13, ((int32_t)((int32_t)(((int32_t)((int32_t)(((Array_t *)L_14)->max_length))))-(int32_t)1)));
int32_t L_15 = ((int32_t)((int32_t)(((int32_t)((int32_t)(((Array_t *)L_14)->max_length))))-(int32_t)1));
uint16_t L_16 = (*(uint16_t*)(uint16_t*)SZArrayLdElema(L_13, L_15, sizeof(uint16_t)));
Object_t * L_17 = Box(UInt16_t_738719206_0_il2cpp_TypeInfo_var, &L_16);
NullCheck(L_12);
StringBuilder_AppendFormat_m_571775566_0(L_12, _stringLiteral_727438532_0, L_17, /*hidden argument*/NULL);
StringBuilder_t586045924_0 * L_18 = V_0;
NullCheck(L_18);
String_t* L_19 = StringBuilder_ToString_m350379841_0(L_18, /*hidden argument*/NULL);
return L_19;
}
}
// System.Boolean System.Net.IPv6Address::Equals(System.Object)
extern TypeInfo* IPv6Address_t_1270038473_0_il2cpp_TypeInfo_var;
extern TypeInfo* IPAddress_t125139831_0_il2cpp_TypeInfo_var;
extern "C" bool IPv6Address_Equals_m1266534874_0 (IPv6Address_t_1270038473_0 * __this, Object_t * ___other, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
IPv6Address_t_1270038473_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(651);
IPAddress_t125139831_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(635);
s_Il2CppMethodIntialized = true;
}
IPv6Address_t_1270038473_0 * V_0 = {0};
int32_t V_1 = 0;
IPAddress_t125139831_0 * V_2 = {0};
int32_t V_3 = 0;
int64_t V_4 = 0;
{
Object_t * L_0 = ___other;
V_0 = ((IPv6Address_t_1270038473_0 *)IsInstClass(L_0, IPv6Address_t_1270038473_0_il2cpp_TypeInfo_var));
IPv6Address_t_1270038473_0 * L_1 = V_0;
if (!L_1)
{
goto IL_0038;
}
}
{
V_1 = 0;
goto IL_002f;
}
IL_0014:
{
UInt16U5BU5D_t_1239550212_0* L_2 = (__this->___address_0);
int32_t L_3 = V_1;
NullCheck(L_2);
IL2CPP_ARRAY_BOUNDS_CHECK(L_2, L_3);
int32_t L_4 = L_3;
IPv6Address_t_1270038473_0 * L_5 = V_0;
NullCheck(L_5);
UInt16U5BU5D_t_1239550212_0* L_6 = (L_5->___address_0);
int32_t L_7 = V_1;
NullCheck(L_6);
IL2CPP_ARRAY_BOUNDS_CHECK(L_6, L_7);
int32_t L_8 = L_7;
if ((((int32_t)(*(uint16_t*)(uint16_t*)SZArrayLdElema(L_2, L_4, sizeof(uint16_t)))) == ((int32_t)(*(uint16_t*)(uint16_t*)SZArrayLdElema(L_6, L_8, sizeof(uint16_t))))))
{
goto IL_002b;
}
}
{
return (bool)0;
}
IL_002b:
{
int32_t L_9 = V_1;
V_1 = ((int32_t)((int32_t)L_9+(int32_t)1));
}
IL_002f:
{
int32_t L_10 = V_1;
if ((((int32_t)L_10) < ((int32_t)8)))
{
goto IL_0014;
}
}
{
return (bool)1;
}
IL_0038:
{
Object_t * L_11 = ___other;
V_2 = ((IPAddress_t125139831_0 *)IsInstClass(L_11, IPAddress_t125139831_0_il2cpp_TypeInfo_var));
IPAddress_t125139831_0 * L_12 = V_2;
if (!L_12)
{
goto IL_00e5;
}
}
{
V_3 = 0;
goto IL_005f;
}
IL_004c:
{
UInt16U5BU5D_t_1239550212_0* L_13 = (__this->___address_0);
int32_t L_14 = V_3;
NullCheck(L_13);
IL2CPP_ARRAY_BOUNDS_CHECK(L_13, L_14);
int32_t L_15 = L_14;
if (!(*(uint16_t*)(uint16_t*)SZArrayLdElema(L_13, L_15, sizeof(uint16_t))))
{
goto IL_005b;
}
}
{
return (bool)0;
}
IL_005b:
{
int32_t L_16 = V_3;
V_3 = ((int32_t)((int32_t)L_16+(int32_t)1));
}
IL_005f:
{
int32_t L_17 = V_3;
if ((((int32_t)L_17) < ((int32_t)5)))
{
goto IL_004c;
}
}
{
UInt16U5BU5D_t_1239550212_0* L_18 = (__this->___address_0);
NullCheck(L_18);
IL2CPP_ARRAY_BOUNDS_CHECK(L_18, 5);
int32_t L_19 = 5;
if (!(*(uint16_t*)(uint16_t*)SZArrayLdElema(L_18, L_19, sizeof(uint16_t))))
{
goto IL_0087;
}
}
{
UInt16U5BU5D_t_1239550212_0* L_20 = (__this->___address_0);
NullCheck(L_20);
IL2CPP_ARRAY_BOUNDS_CHECK(L_20, 5);
int32_t L_21 = 5;
if ((((int32_t)(*(uint16_t*)(uint16_t*)SZArrayLdElema(L_20, L_21, sizeof(uint16_t)))) == ((int32_t)((int32_t)65535))))
{
goto IL_0087;
}
}
{
return (bool)0;
}
IL_0087:
{
IPAddress_t125139831_0 * L_22 = V_2;
NullCheck(L_22);
int64_t L_23 = IPAddress_get_InternalIPv4Address_m2101711253_0(L_22, /*hidden argument*/NULL);
V_4 = L_23;
UInt16U5BU5D_t_1239550212_0* L_24 = (__this->___address_0);
NullCheck(L_24);
IL2CPP_ARRAY_BOUNDS_CHECK(L_24, 6);
int32_t L_25 = 6;
int64_t L_26 = V_4;
int64_t L_27 = V_4;
if ((!(((uint32_t)(*(uint16_t*)(uint16_t*)SZArrayLdElema(L_24, L_25, sizeof(uint16_t)))) == ((uint32_t)(((int32_t)((uint16_t)((int32_t)((int32_t)((int32_t)((int32_t)(((int32_t)((int32_t)((int64_t)((int64_t)L_26&(int64_t)(((int64_t)((int64_t)((int32_t)255)))))))))<<(int32_t)8))+(int32_t)(((int32_t)((int32_t)((int64_t)((int64_t)((int64_t)((int64_t)L_27>>(int32_t)8))&(int64_t)(((int64_t)((int64_t)((int32_t)255))))))))))))))))))
{
goto IL_00e1;
}
}
{
UInt16U5BU5D_t_1239550212_0* L_28 = (__this->___address_0);
NullCheck(L_28);
IL2CPP_ARRAY_BOUNDS_CHECK(L_28, 7);
int32_t L_29 = 7;
int64_t L_30 = V_4;
int64_t L_31 = V_4;
if ((((int32_t)(*(uint16_t*)(uint16_t*)SZArrayLdElema(L_28, L_29, sizeof(uint16_t)))) == ((int32_t)(((int32_t)((uint16_t)((int32_t)((int32_t)((int32_t)((int32_t)(((int32_t)((int32_t)((int64_t)((int64_t)((int64_t)((int64_t)L_30>>(int32_t)((int32_t)16)))&(int64_t)(((int64_t)((int64_t)((int32_t)255)))))))))<<(int32_t)8))+(int32_t)(((int32_t)((int32_t)((int64_t)((int64_t)((int64_t)((int64_t)L_31>>(int32_t)((int32_t)24)))&(int64_t)(((int64_t)((int64_t)((int32_t)255)))))))))))))))))
{
goto IL_00e3;
}
}
IL_00e1:
{
return (bool)0;
}
IL_00e3:
{
return (bool)1;
}
IL_00e5:
{
return (bool)0;
}
}
// System.Int32 System.Net.IPv6Address::GetHashCode()
extern TypeInfo* IPv6Address_t_1270038473_0_il2cpp_TypeInfo_var;
extern "C" int32_t IPv6Address_GetHashCode_m691770942_0 (IPv6Address_t_1270038473_0 * __this, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
IPv6Address_t_1270038473_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(651);
s_Il2CppMethodIntialized = true;
}
{
UInt16U5BU5D_t_1239550212_0* L_0 = (__this->___address_0);
NullCheck(L_0);
IL2CPP_ARRAY_BOUNDS_CHECK(L_0, 0);
int32_t L_1 = 0;
UInt16U5BU5D_t_1239550212_0* L_2 = (__this->___address_0);
NullCheck(L_2);
IL2CPP_ARRAY_BOUNDS_CHECK(L_2, 1);
int32_t L_3 = 1;
UInt16U5BU5D_t_1239550212_0* L_4 = (__this->___address_0);
NullCheck(L_4);
IL2CPP_ARRAY_BOUNDS_CHECK(L_4, 2);
int32_t L_5 = 2;
UInt16U5BU5D_t_1239550212_0* L_6 = (__this->___address_0);
NullCheck(L_6);
IL2CPP_ARRAY_BOUNDS_CHECK(L_6, 3);
int32_t L_7 = 3;
UInt16U5BU5D_t_1239550212_0* L_8 = (__this->___address_0);
NullCheck(L_8);
IL2CPP_ARRAY_BOUNDS_CHECK(L_8, 4);
int32_t L_9 = 4;
UInt16U5BU5D_t_1239550212_0* L_10 = (__this->___address_0);
NullCheck(L_10);
IL2CPP_ARRAY_BOUNDS_CHECK(L_10, 5);
int32_t L_11 = 5;
UInt16U5BU5D_t_1239550212_0* L_12 = (__this->___address_0);
NullCheck(L_12);
IL2CPP_ARRAY_BOUNDS_CHECK(L_12, 6);
int32_t L_13 = 6;
UInt16U5BU5D_t_1239550212_0* L_14 = (__this->___address_0);
NullCheck(L_14);
IL2CPP_ARRAY_BOUNDS_CHECK(L_14, 7);
int32_t L_15 = 7;
IL2CPP_RUNTIME_CLASS_INIT(IPv6Address_t_1270038473_0_il2cpp_TypeInfo_var);
int32_t L_16 = IPv6Address_Hash_m1904786435_0(NULL /*static, unused*/, ((int32_t)((int32_t)((int32_t)((int32_t)(*(uint16_t*)(uint16_t*)SZArrayLdElema(L_0, L_1, sizeof(uint16_t)))<<(int32_t)((int32_t)16)))+(int32_t)(*(uint16_t*)(uint16_t*)SZArrayLdElema(L_2, L_3, sizeof(uint16_t))))), ((int32_t)((int32_t)((int32_t)((int32_t)(*(uint16_t*)(uint16_t*)SZArrayLdElema(L_4, L_5, sizeof(uint16_t)))<<(int32_t)((int32_t)16)))+(int32_t)(*(uint16_t*)(uint16_t*)SZArrayLdElema(L_6, L_7, sizeof(uint16_t))))), ((int32_t)((int32_t)((int32_t)((int32_t)(*(uint16_t*)(uint16_t*)SZArrayLdElema(L_8, L_9, sizeof(uint16_t)))<<(int32_t)((int32_t)16)))+(int32_t)(*(uint16_t*)(uint16_t*)SZArrayLdElema(L_10, L_11, sizeof(uint16_t))))), ((int32_t)((int32_t)((int32_t)((int32_t)(*(uint16_t*)(uint16_t*)SZArrayLdElema(L_12, L_13, sizeof(uint16_t)))<<(int32_t)((int32_t)16)))+(int32_t)(*(uint16_t*)(uint16_t*)SZArrayLdElema(L_14, L_15, sizeof(uint16_t))))), /*hidden argument*/NULL);
return L_16;
}
}
// System.Int32 System.Net.IPv6Address::Hash(System.Int32,System.Int32,System.Int32,System.Int32)
extern "C" int32_t IPv6Address_Hash_m1904786435_0 (Object_t * __this /* static, unused */, int32_t ___i, int32_t ___j, int32_t ___k, int32_t ___l, const MethodInfo* method)
{
{
int32_t L_0 = ___i;
int32_t L_1 = ___j;
int32_t L_2 = ___j;
int32_t L_3 = ___k;
int32_t L_4 = ___k;
int32_t L_5 = ___l;
int32_t L_6 = ___l;
return ((int32_t)((int32_t)((int32_t)((int32_t)((int32_t)((int32_t)L_0^(int32_t)((int32_t)((int32_t)((int32_t)((int32_t)L_1<<(int32_t)((int32_t)13)))|(int32_t)((int32_t)((int32_t)L_2>>(int32_t)((int32_t)19)))))))^(int32_t)((int32_t)((int32_t)((int32_t)((int32_t)L_3<<(int32_t)((int32_t)26)))|(int32_t)((int32_t)((int32_t)L_4>>(int32_t)6))))))^(int32_t)((int32_t)((int32_t)((int32_t)((int32_t)L_5<<(int32_t)7))|(int32_t)((int32_t)((int32_t)L_6>>(int32_t)((int32_t)25)))))));
}
}
// System.Void System.Net.ServicePoint::.ctor(System.Uri,System.Int32,System.Int32)
extern TypeInfo* Object_t_il2cpp_TypeInfo_var;
extern TypeInfo* DateTime_t_818288618_0_il2cpp_TypeInfo_var;
extern "C" void ServicePoint__ctor_m_50822158_0 (ServicePoint_t_1625863919_0 * __this, Uri_t18014439_0 * ___uri, int32_t ___connectionLimit, int32_t ___maxIdleTime, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
Object_t_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(0);
DateTime_t_818288618_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(172);
s_Il2CppMethodIntialized = true;
}
{
__this->___sendContinue_6 = (bool)1;
Object_t * L_0 = (Object_t *)il2cpp_codegen_object_new (Object_t_il2cpp_TypeInfo_var);
Object__ctor_m1772956182_0(L_0, /*hidden argument*/NULL);
__this->___locker_8 = L_0;
Object_t * L_1 = (Object_t *)il2cpp_codegen_object_new (Object_t_il2cpp_TypeInfo_var);
Object__ctor_m1772956182_0(L_1, /*hidden argument*/NULL);
__this->___hostE_9 = L_1;
Object__ctor_m1772956182_0(__this, /*hidden argument*/NULL);
Uri_t18014439_0 * L_2 = ___uri;
__this->___uri_0 = L_2;
int32_t L_3 = ___connectionLimit;
__this->___connectionLimit_1 = L_3;
int32_t L_4 = ___maxIdleTime;
__this->___maxIdleTime_2 = L_4;
__this->___currentConnections_3 = 0;
IL2CPP_RUNTIME_CLASS_INIT(DateTime_t_818288618_0_il2cpp_TypeInfo_var);
DateTime_t_818288618_0 L_5 = DateTime_get_Now_m1812131422_0(NULL /*static, unused*/, /*hidden argument*/NULL);
__this->___idleSince_4 = L_5;
return;
}
}
// System.Uri System.Net.ServicePoint::get_Address()
extern "C" Uri_t18014439_0 * ServicePoint_get_Address_m1466650202_0 (ServicePoint_t_1625863919_0 * __this, const MethodInfo* method)
{
{
Uri_t18014439_0 * L_0 = (__this->___uri_0);
return L_0;
}
}
// System.Int32 System.Net.ServicePoint::get_CurrentConnections()
extern "C" int32_t ServicePoint_get_CurrentConnections_m1954016890_0 (ServicePoint_t_1625863919_0 * __this, const MethodInfo* method)
{
{
int32_t L_0 = (__this->___currentConnections_3);
return L_0;
}
}
// System.DateTime System.Net.ServicePoint::get_IdleSince()
extern "C" DateTime_t_818288618_0 ServicePoint_get_IdleSince_m_1025863565_0 (ServicePoint_t_1625863919_0 * __this, const MethodInfo* method)
{
{
DateTime_t_818288618_0 L_0 = (__this->___idleSince_4);
return L_0;
}
}
// System.Void System.Net.ServicePoint::set_IdleSince(System.DateTime)
extern "C" void ServicePoint_set_IdleSince_m305314386_0 (ServicePoint_t_1625863919_0 * __this, DateTime_t_818288618_0 ___value, const MethodInfo* method)
{
Object_t * V_0 = {0};
Exception_t2143823668_0 * __last_unhandled_exception = 0;
NO_UNUSED_WARNING (__last_unhandled_exception);
Exception_t2143823668_0 * __exception_local = 0;
NO_UNUSED_WARNING (__exception_local);
int32_t __leave_target = 0;
NO_UNUSED_WARNING (__leave_target);
{
Object_t * L_0 = (__this->___locker_8);
V_0 = L_0;
Object_t * L_1 = V_0;
Monitor_Enter_m476686225_0(NULL /*static, unused*/, L_1, /*hidden argument*/NULL);
}
IL_000d:
try
{ // begin try (depth: 1)
DateTime_t_818288618_0 L_2 = ___value;
__this->___idleSince_4 = L_2;
IL2CPP_LEAVE(0x20, FINALLY_0019);
} // end try (depth: 1)
catch(Il2CppExceptionWrapper& e)
{
__last_unhandled_exception = (Exception_t2143823668_0 *)e.ex;
goto FINALLY_0019;
}
FINALLY_0019:
{ // begin finally (depth: 1)
Object_t * L_3 = V_0;
Monitor_Exit_m2088237919_0(NULL /*static, unused*/, L_3, /*hidden argument*/NULL);
IL2CPP_END_FINALLY(25)
} // end finally (depth: 1)
IL2CPP_CLEANUP(25)
{
IL2CPP_JUMP_TBL(0x20, IL_0020)
IL2CPP_RETHROW_IF_UNHANDLED(Exception_t2143823668_0 *)
}
IL_0020:
{
return;
}
}
// System.Void System.Net.ServicePoint::set_Expect100Continue(System.Boolean)
extern "C" void ServicePoint_set_Expect100Continue_m285998358_0 (ServicePoint_t_1625863919_0 * __this, bool ___value, const MethodInfo* method)
{
{
bool L_0 = ___value;
ServicePoint_set_SendContinue_m515260680_0(__this, L_0, /*hidden argument*/NULL);
return;
}
}
// System.Void System.Net.ServicePoint::set_UseNagleAlgorithm(System.Boolean)
extern "C" void ServicePoint_set_UseNagleAlgorithm_m_173857760_0 (ServicePoint_t_1625863919_0 * __this, bool ___value, const MethodInfo* method)
{
{
bool L_0 = ___value;
__this->___useNagle_10 = L_0;
return;
}
}
// System.Void System.Net.ServicePoint::set_SendContinue(System.Boolean)
extern "C" void ServicePoint_set_SendContinue_m515260680_0 (ServicePoint_t_1625863919_0 * __this, bool ___value, const MethodInfo* method)
{
{
bool L_0 = ___value;
__this->___sendContinue_6 = L_0;
return;
}
}
// System.Void System.Net.ServicePoint::set_UsesProxy(System.Boolean)
extern "C" void ServicePoint_set_UsesProxy_m_608390055_0 (ServicePoint_t_1625863919_0 * __this, bool ___value, const MethodInfo* method)
{
{
bool L_0 = ___value;
__this->___usesProxy_5 = L_0;
return;
}
}
// System.Void System.Net.ServicePoint::set_UseConnect(System.Boolean)
extern "C" void ServicePoint_set_UseConnect_m_410967460_0 (ServicePoint_t_1625863919_0 * __this, bool ___value, const MethodInfo* method)
{
{
bool L_0 = ___value;
__this->___useConnect_7 = L_0;
return;
}
}
// System.Boolean System.Net.ServicePoint::get_AvailableForRecycling()
extern TypeInfo* DateTime_t_818288618_0_il2cpp_TypeInfo_var;
extern "C" bool ServicePoint_get_AvailableForRecycling_m_247353318_0 (ServicePoint_t_1625863919_0 * __this, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
DateTime_t_818288618_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(172);
s_Il2CppMethodIntialized = true;
}
DateTime_t_818288618_0 V_0 = {0};
int32_t G_B4_0 = 0;
{
int32_t L_0 = ServicePoint_get_CurrentConnections_m1954016890_0(__this, /*hidden argument*/NULL);
if (L_0)
{
goto IL_0038;
}
}
{
int32_t L_1 = (__this->___maxIdleTime_2);
if ((((int32_t)L_1) == ((int32_t)(-1))))
{
goto IL_0038;
}
}
{
IL2CPP_RUNTIME_CLASS_INIT(DateTime_t_818288618_0_il2cpp_TypeInfo_var);
DateTime_t_818288618_0 L_2 = DateTime_get_Now_m1812131422_0(NULL /*static, unused*/, /*hidden argument*/NULL);
DateTime_t_818288618_0 L_3 = ServicePoint_get_IdleSince_m_1025863565_0(__this, /*hidden argument*/NULL);
V_0 = L_3;
int32_t L_4 = (__this->___maxIdleTime_2);
DateTime_t_818288618_0 L_5 = DateTime_AddMilliseconds_m1717403134_0((&V_0), (((double)((double)L_4))), /*hidden argument*/NULL);
bool L_6 = DateTime_op_GreaterThanOrEqual_m717787228_0(NULL /*static, unused*/, L_2, L_5, /*hidden argument*/NULL);
G_B4_0 = ((int32_t)(L_6));
goto IL_0039;
}
IL_0038:
{
G_B4_0 = 0;
}
IL_0039:
{
return (bool)G_B4_0;
}
}
// System.Void System.Net.ServicePointManager/SPKey::.ctor(System.Uri,System.Boolean)
extern "C" void SPKey__ctor_m1893054627_0 (SPKey_t_719082417_0 * __this, Uri_t18014439_0 * ___uri, bool ___use_connect, const MethodInfo* method)
{
{
Object__ctor_m1772956182_0(__this, /*hidden argument*/NULL);
Uri_t18014439_0 * L_0 = ___uri;
__this->___uri_0 = L_0;
bool L_1 = ___use_connect;
__this->___use_connect_1 = L_1;
return;
}
}
// System.Int32 System.Net.ServicePointManager/SPKey::GetHashCode()
extern "C" int32_t SPKey_GetHashCode_m_39252506_0 (SPKey_t_719082417_0 * __this, const MethodInfo* method)
{
int32_t G_B2_0 = 0;
int32_t G_B1_0 = 0;
int32_t G_B3_0 = 0;
int32_t G_B3_1 = 0;
{
Uri_t18014439_0 * L_0 = (__this->___uri_0);
NullCheck(L_0);
int32_t L_1 = (int32_t)VirtFuncInvoker0< int32_t >::Invoke(2 /* System.Int32 System.Uri::GetHashCode() */, L_0);
bool L_2 = (__this->___use_connect_1);
G_B1_0 = L_1;
if (!L_2)
{
G_B2_0 = L_1;
goto IL_001c;
}
}
{
G_B3_0 = 1;
G_B3_1 = G_B1_0;
goto IL_001d;
}
IL_001c:
{
G_B3_0 = 0;
G_B3_1 = G_B2_0;
}
IL_001d:
{
return ((int32_t)((int32_t)G_B3_1+(int32_t)G_B3_0));
}
}
// System.Boolean System.Net.ServicePointManager/SPKey::Equals(System.Object)
extern TypeInfo* SPKey_t_719082417_0_il2cpp_TypeInfo_var;
extern "C" bool SPKey_Equals_m_100027390_0 (SPKey_t_719082417_0 * __this, Object_t * ___obj, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
SPKey_t_719082417_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(654);
s_Il2CppMethodIntialized = true;
}
SPKey_t_719082417_0 * V_0 = {0};
int32_t G_B5_0 = 0;
{
Object_t * L_0 = ___obj;
V_0 = ((SPKey_t_719082417_0 *)IsInstClass(L_0, SPKey_t_719082417_0_il2cpp_TypeInfo_var));
Object_t * L_1 = ___obj;
if (L_1)
{
goto IL_000f;
}
}
{
return (bool)0;
}
IL_000f:
{
Uri_t18014439_0 * L_2 = (__this->___uri_0);
SPKey_t_719082417_0 * L_3 = V_0;
NullCheck(L_3);
Uri_t18014439_0 * L_4 = (L_3->___uri_0);
NullCheck(L_2);
bool L_5 = (bool)VirtFuncInvoker1< bool, Object_t * >::Invoke(0 /* System.Boolean System.Uri::Equals(System.Object) */, L_2, L_4);
if (!L_5)
{
goto IL_0035;
}
}
{
SPKey_t_719082417_0 * L_6 = V_0;
NullCheck(L_6);
bool L_7 = (L_6->___use_connect_1);
bool L_8 = (__this->___use_connect_1);
G_B5_0 = ((((int32_t)L_7) == ((int32_t)L_8))? 1 : 0);
goto IL_0036;
}
IL_0035:
{
G_B5_0 = 0;
}
IL_0036:
{
return (bool)G_B5_0;
}
}
// System.Void System.Net.ServicePointManager::.cctor()
extern TypeInfo* HybridDictionary_t330100885_0_il2cpp_TypeInfo_var;
extern TypeInfo* ServicePointManager_t969554268_0_il2cpp_TypeInfo_var;
extern TypeInfo* DefaultCertificatePolicy_t_51627618_0_il2cpp_TypeInfo_var;
extern "C" void ServicePointManager__cctor_m1197717107_0 (Object_t * __this /* static, unused */, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
HybridDictionary_t330100885_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(655);
ServicePointManager_t969554268_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(637);
DefaultCertificatePolicy_t_51627618_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(656);
s_Il2CppMethodIntialized = true;
}
{
HybridDictionary_t330100885_0 * L_0 = (HybridDictionary_t330100885_0 *)il2cpp_codegen_object_new (HybridDictionary_t330100885_0_il2cpp_TypeInfo_var);
HybridDictionary__ctor_m951312923_0(L_0, /*hidden argument*/NULL);
((ServicePointManager_t969554268_0_StaticFields*)ServicePointManager_t969554268_0_il2cpp_TypeInfo_var->static_fields)->___servicePoints_0 = L_0;
DefaultCertificatePolicy_t_51627618_0 * L_1 = (DefaultCertificatePolicy_t_51627618_0 *)il2cpp_codegen_object_new (DefaultCertificatePolicy_t_51627618_0_il2cpp_TypeInfo_var);
DefaultCertificatePolicy__ctor_m_46047566_0(L_1, /*hidden argument*/NULL);
((ServicePointManager_t969554268_0_StaticFields*)ServicePointManager_t969554268_0_il2cpp_TypeInfo_var->static_fields)->___policy_1 = L_1;
((ServicePointManager_t969554268_0_StaticFields*)ServicePointManager_t969554268_0_il2cpp_TypeInfo_var->static_fields)->___defaultConnectionLimit_2 = 2;
((ServicePointManager_t969554268_0_StaticFields*)ServicePointManager_t969554268_0_il2cpp_TypeInfo_var->static_fields)->___maxServicePointIdleTime_3 = ((int32_t)900000);
((ServicePointManager_t969554268_0_StaticFields*)ServicePointManager_t969554268_0_il2cpp_TypeInfo_var->static_fields)->___maxServicePoints_4 = 0;
((ServicePointManager_t969554268_0_StaticFields*)ServicePointManager_t969554268_0_il2cpp_TypeInfo_var->static_fields)->____checkCRL_5 = (bool)0;
((ServicePointManager_t969554268_0_StaticFields*)ServicePointManager_t969554268_0_il2cpp_TypeInfo_var->static_fields)->____securityProtocol_6 = ((int32_t)240);
((ServicePointManager_t969554268_0_StaticFields*)ServicePointManager_t969554268_0_il2cpp_TypeInfo_var->static_fields)->___expectContinue_7 = (bool)1;
return;
}
}
// System.Net.ICertificatePolicy System.Net.ServicePointManager::get_CertificatePolicy()
extern TypeInfo* ServicePointManager_t969554268_0_il2cpp_TypeInfo_var;
extern "C" Object_t * ServicePointManager_get_CertificatePolicy_m_1355184875_0 (Object_t * __this /* static, unused */, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
ServicePointManager_t969554268_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(637);
s_Il2CppMethodIntialized = true;
}
{
IL2CPP_RUNTIME_CLASS_INIT(ServicePointManager_t969554268_0_il2cpp_TypeInfo_var);
Object_t * L_0 = ((ServicePointManager_t969554268_0_StaticFields*)ServicePointManager_t969554268_0_il2cpp_TypeInfo_var->static_fields)->___policy_1;
return L_0;
}
}
// System.Boolean System.Net.ServicePointManager::get_CheckCertificateRevocationList()
extern TypeInfo* ServicePointManager_t969554268_0_il2cpp_TypeInfo_var;
extern "C" bool ServicePointManager_get_CheckCertificateRevocationList_m2088706324_0 (Object_t * __this /* static, unused */, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
ServicePointManager_t969554268_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(637);
s_Il2CppMethodIntialized = true;
}
{
IL2CPP_RUNTIME_CLASS_INIT(ServicePointManager_t969554268_0_il2cpp_TypeInfo_var);
bool L_0 = ((ServicePointManager_t969554268_0_StaticFields*)ServicePointManager_t969554268_0_il2cpp_TypeInfo_var->static_fields)->____checkCRL_5;
return L_0;
}
}
// System.Net.SecurityProtocolType System.Net.ServicePointManager::get_SecurityProtocol()
extern TypeInfo* ServicePointManager_t969554268_0_il2cpp_TypeInfo_var;
extern "C" int32_t ServicePointManager_get_SecurityProtocol_m_1917887716_0 (Object_t * __this /* static, unused */, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
ServicePointManager_t969554268_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(637);
s_Il2CppMethodIntialized = true;
}
{
IL2CPP_RUNTIME_CLASS_INIT(ServicePointManager_t969554268_0_il2cpp_TypeInfo_var);
int32_t L_0 = ((ServicePointManager_t969554268_0_StaticFields*)ServicePointManager_t969554268_0_il2cpp_TypeInfo_var->static_fields)->____securityProtocol_6;
return L_0;
}
}
// System.Net.Security.RemoteCertificateValidationCallback System.Net.ServicePointManager::get_ServerCertificateValidationCallback()
extern TypeInfo* ServicePointManager_t969554268_0_il2cpp_TypeInfo_var;
extern "C" RemoteCertificateValidationCallback_t_41584489_0 * ServicePointManager_get_ServerCertificateValidationCallback_m258265119_0 (Object_t * __this /* static, unused */, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
ServicePointManager_t969554268_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(637);
s_Il2CppMethodIntialized = true;
}
{
IL2CPP_RUNTIME_CLASS_INIT(ServicePointManager_t969554268_0_il2cpp_TypeInfo_var);
RemoteCertificateValidationCallback_t_41584489_0 * L_0 = ((ServicePointManager_t969554268_0_StaticFields*)ServicePointManager_t969554268_0_il2cpp_TypeInfo_var->static_fields)->___server_cert_cb_9;
return L_0;
}
}
// System.Net.ServicePoint System.Net.ServicePointManager::FindServicePoint(System.Uri,System.Net.IWebProxy)
extern TypeInfo* Uri_t18014439_0_il2cpp_TypeInfo_var;
extern TypeInfo* ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var;
extern TypeInfo* ServicePointManager_t969554268_0_il2cpp_TypeInfo_var;
extern TypeInfo* IWebProxy_t1249552781_0_il2cpp_TypeInfo_var;
extern TypeInfo* String_t_il2cpp_TypeInfo_var;
extern TypeInfo* NotSupportedException_t1382227673_0_il2cpp_TypeInfo_var;
extern TypeInfo* SPKey_t_719082417_0_il2cpp_TypeInfo_var;
extern TypeInfo* ServicePoint_t_1625863919_0_il2cpp_TypeInfo_var;
extern TypeInfo* InvalidOperationException_t_523179548_0_il2cpp_TypeInfo_var;
extern Il2CppCodeGenString* _stringLiteral_1147692044_0;
extern Il2CppCodeGenString* _stringLiteral99617003_0;
extern Il2CppCodeGenString* _stringLiteral3213448_0;
extern Il2CppCodeGenString* _stringLiteral1709920310_0;
extern Il2CppCodeGenString* _stringLiteral57242_0;
extern Il2CppCodeGenString* _stringLiteral1827547186_0;
extern "C" ServicePoint_t_1625863919_0 * ServicePointManager_FindServicePoint_m543399130_0 (Object_t * __this /* static, unused */, Uri_t18014439_0 * ___address, Object_t * ___proxy, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
Uri_t18014439_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(643);
ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(2);
ServicePointManager_t969554268_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(637);
IWebProxy_t1249552781_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(642);
String_t_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(11);
NotSupportedException_t1382227673_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(6);
SPKey_t_719082417_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(654);
ServicePoint_t_1625863919_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(657);
InvalidOperationException_t_523179548_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(72);
_stringLiteral_1147692044_0 = il2cpp_codegen_string_literal_from_index(2112);
_stringLiteral99617003_0 = il2cpp_codegen_string_literal_from_index(2167);
_stringLiteral3213448_0 = il2cpp_codegen_string_literal_from_index(2168);
_stringLiteral1709920310_0 = il2cpp_codegen_string_literal_from_index(2169);
_stringLiteral57242_0 = il2cpp_codegen_string_literal_from_index(2170);
_stringLiteral1827547186_0 = il2cpp_codegen_string_literal_from_index(2171);
s_Il2CppMethodIntialized = true;
}
bool V_0 = false;
bool V_1 = false;
bool V_2 = false;
ServicePoint_t_1625863919_0 * V_3 = {0};
HybridDictionary_t330100885_0 * V_4 = {0};
SPKey_t_719082417_0 * V_5 = {0};
String_t* V_6 = {0};
int32_t V_7 = 0;
ServicePoint_t_1625863919_0 * V_8 = {0};
Exception_t2143823668_0 * __last_unhandled_exception = 0;
NO_UNUSED_WARNING (__last_unhandled_exception);
Exception_t2143823668_0 * __exception_local = 0;
NO_UNUSED_WARNING (__exception_local);
int32_t __leave_target = 0;
NO_UNUSED_WARNING (__leave_target);
{
Uri_t18014439_0 * L_0 = ___address;
IL2CPP_RUNTIME_CLASS_INIT(Uri_t18014439_0_il2cpp_TypeInfo_var);
bool L_1 = Uri_op_Equality_m877019543_0(NULL /*static, unused*/, L_0, (Uri_t18014439_0 *)NULL, /*hidden argument*/NULL);
if (!L_1)
{
goto IL_0017;
}
}
{
ArgumentNullException_t_1072101840_0 * L_2 = (ArgumentNullException_t_1072101840_0 *)il2cpp_codegen_object_new (ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var);
ArgumentNullException__ctor_m135444188_0(L_2, _stringLiteral_1147692044_0, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_2);
}
IL_0017:
{
IL2CPP_RUNTIME_CLASS_INIT(ServicePointManager_t969554268_0_il2cpp_TypeInfo_var);
ServicePointManager_RecycleServicePoints_m_334224785_0(NULL /*static, unused*/, /*hidden argument*/NULL);
V_0 = (bool)0;
V_1 = (bool)0;
Object_t * L_3 = ___proxy;
if (!L_3)
{
goto IL_0091;
}
}
{
Object_t * L_4 = ___proxy;
Uri_t18014439_0 * L_5 = ___address;
NullCheck(L_4);
bool L_6 = (bool)InterfaceFuncInvoker1< bool, Uri_t18014439_0 * >::Invoke(1 /* System.Boolean System.Net.IWebProxy::IsBypassed(System.Uri) */, IWebProxy_t1249552781_0_il2cpp_TypeInfo_var, L_4, L_5);
if (L_6)
{
goto IL_0091;
}
}
{
V_0 = (bool)1;
Uri_t18014439_0 * L_7 = ___address;
NullCheck(L_7);
String_t* L_8 = Uri_get_Scheme_m_1688510426_0(L_7, /*hidden argument*/NULL);
IL2CPP_RUNTIME_CLASS_INIT(String_t_il2cpp_TypeInfo_var);
bool L_9 = String_op_Equality_m1260523650_0(NULL /*static, unused*/, L_8, _stringLiteral99617003_0, /*hidden argument*/NULL);
V_2 = L_9;
Object_t * L_10 = ___proxy;
Uri_t18014439_0 * L_11 = ___address;
NullCheck(L_10);
Uri_t18014439_0 * L_12 = (Uri_t18014439_0 *)InterfaceFuncInvoker1< Uri_t18014439_0 *, Uri_t18014439_0 * >::Invoke(0 /* System.Uri System.Net.IWebProxy::GetProxy(System.Uri) */, IWebProxy_t1249552781_0_il2cpp_TypeInfo_var, L_10, L_11);
___address = L_12;
Uri_t18014439_0 * L_13 = ___address;
NullCheck(L_13);
String_t* L_14 = Uri_get_Scheme_m_1688510426_0(L_13, /*hidden argument*/NULL);
bool L_15 = String_op_Inequality_m2125462205_0(NULL /*static, unused*/, L_14, _stringLiteral3213448_0, /*hidden argument*/NULL);
if (!L_15)
{
goto IL_0074;
}
}
{
bool L_16 = V_2;
if (L_16)
{
goto IL_0074;
}
}
{
NotSupportedException_t1382227673_0 * L_17 = (NotSupportedException_t1382227673_0 *)il2cpp_codegen_object_new (NotSupportedException_t1382227673_0_il2cpp_TypeInfo_var);
NotSupportedException__ctor_m133757637_0(L_17, _stringLiteral1709920310_0, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_17);
}
IL_0074:
{
bool L_18 = V_2;
if (!L_18)
{
goto IL_0091;
}
}
{
Uri_t18014439_0 * L_19 = ___address;
NullCheck(L_19);
String_t* L_20 = Uri_get_Scheme_m_1688510426_0(L_19, /*hidden argument*/NULL);
IL2CPP_RUNTIME_CLASS_INIT(String_t_il2cpp_TypeInfo_var);
bool L_21 = String_op_Equality_m1260523650_0(NULL /*static, unused*/, L_20, _stringLiteral3213448_0, /*hidden argument*/NULL);
if (!L_21)
{
goto IL_0091;
}
}
{
V_1 = (bool)1;
}
IL_0091:
{
Uri_t18014439_0 * L_22 = ___address;
NullCheck(L_22);
String_t* L_23 = Uri_get_Scheme_m_1688510426_0(L_22, /*hidden argument*/NULL);
Uri_t18014439_0 * L_24 = ___address;
NullCheck(L_24);
String_t* L_25 = Uri_get_Authority_m1914393796_0(L_24, /*hidden argument*/NULL);
IL2CPP_RUNTIME_CLASS_INIT(String_t_il2cpp_TypeInfo_var);
String_t* L_26 = String_Concat_m1825781833_0(NULL /*static, unused*/, L_23, _stringLiteral57242_0, L_25, /*hidden argument*/NULL);
Uri_t18014439_0 * L_27 = (Uri_t18014439_0 *)il2cpp_codegen_object_new (Uri_t18014439_0_il2cpp_TypeInfo_var);
Uri__ctor_m1721267859_0(L_27, L_26, /*hidden argument*/NULL);
___address = L_27;
V_3 = (ServicePoint_t_1625863919_0 *)NULL;
IL2CPP_RUNTIME_CLASS_INIT(ServicePointManager_t969554268_0_il2cpp_TypeInfo_var);
HybridDictionary_t330100885_0 * L_28 = ((ServicePointManager_t969554268_0_StaticFields*)ServicePointManager_t969554268_0_il2cpp_TypeInfo_var->static_fields)->___servicePoints_0;
V_4 = L_28;
HybridDictionary_t330100885_0 * L_29 = V_4;
Monitor_Enter_m476686225_0(NULL /*static, unused*/, L_29, /*hidden argument*/NULL);
}
IL_00be:
try
{ // begin try (depth: 1)
{
Uri_t18014439_0 * L_30 = ___address;
bool L_31 = V_1;
SPKey_t_719082417_0 * L_32 = (SPKey_t_719082417_0 *)il2cpp_codegen_object_new (SPKey_t_719082417_0_il2cpp_TypeInfo_var);
SPKey__ctor_m1893054627_0(L_32, L_30, L_31, /*hidden argument*/NULL);
V_5 = L_32;
IL2CPP_RUNTIME_CLASS_INIT(ServicePointManager_t969554268_0_il2cpp_TypeInfo_var);
HybridDictionary_t330100885_0 * L_33 = ((ServicePointManager_t969554268_0_StaticFields*)ServicePointManager_t969554268_0_il2cpp_TypeInfo_var->static_fields)->___servicePoints_0;
SPKey_t_719082417_0 * L_34 = V_5;
NullCheck(L_33);
Object_t * L_35 = (Object_t *)VirtFuncInvoker1< Object_t *, Object_t * >::Invoke(9 /* System.Object System.Collections.Specialized.HybridDictionary::get_Item(System.Object) */, L_33, L_34);
V_3 = ((ServicePoint_t_1625863919_0 *)IsInstClass(L_35, ServicePoint_t_1625863919_0_il2cpp_TypeInfo_var));
ServicePoint_t_1625863919_0 * L_36 = V_3;
if (!L_36)
{
goto IL_00e7;
}
}
IL_00df:
{
ServicePoint_t_1625863919_0 * L_37 = V_3;
V_8 = L_37;
IL2CPP_LEAVE(0x16E, FINALLY_0164);
}
IL_00e7:
{
IL2CPP_RUNTIME_CLASS_INIT(ServicePointManager_t969554268_0_il2cpp_TypeInfo_var);
int32_t L_38 = ((ServicePointManager_t969554268_0_StaticFields*)ServicePointManager_t969554268_0_il2cpp_TypeInfo_var->static_fields)->___maxServicePoints_4;
if ((((int32_t)L_38) <= ((int32_t)0)))
{
goto IL_0111;
}
}
IL_00f2:
{
IL2CPP_RUNTIME_CLASS_INIT(ServicePointManager_t969554268_0_il2cpp_TypeInfo_var);
HybridDictionary_t330100885_0 * L_39 = ((ServicePointManager_t969554268_0_StaticFields*)ServicePointManager_t969554268_0_il2cpp_TypeInfo_var->static_fields)->___servicePoints_0;
NullCheck(L_39);
int32_t L_40 = (int32_t)VirtFuncInvoker0< int32_t >::Invoke(4 /* System.Int32 System.Collections.Specialized.HybridDictionary::get_Count() */, L_39);
int32_t L_41 = ((ServicePointManager_t969554268_0_StaticFields*)ServicePointManager_t969554268_0_il2cpp_TypeInfo_var->static_fields)->___maxServicePoints_4;
if ((((int32_t)L_40) < ((int32_t)L_41)))
{
goto IL_0111;
}
}
IL_0106:
{
InvalidOperationException_t_523179548_0 * L_42 = (InvalidOperationException_t_523179548_0 *)il2cpp_codegen_object_new (InvalidOperationException_t_523179548_0_il2cpp_TypeInfo_var);
InvalidOperationException__ctor_m1485483280_0(L_42, _stringLiteral1827547186_0, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_42);
}
IL_0111:
{
Uri_t18014439_0 * L_43 = ___address;
NullCheck(L_43);
String_t* L_44 = (String_t*)VirtFuncInvoker0< String_t* >::Invoke(3 /* System.String System.Uri::ToString() */, L_43);
V_6 = L_44;
IL2CPP_RUNTIME_CLASS_INIT(ServicePointManager_t969554268_0_il2cpp_TypeInfo_var);
int32_t L_45 = ((ServicePointManager_t969554268_0_StaticFields*)ServicePointManager_t969554268_0_il2cpp_TypeInfo_var->static_fields)->___defaultConnectionLimit_2;
V_7 = L_45;
Uri_t18014439_0 * L_46 = ___address;
int32_t L_47 = V_7;
int32_t L_48 = ((ServicePointManager_t969554268_0_StaticFields*)ServicePointManager_t969554268_0_il2cpp_TypeInfo_var->static_fields)->___maxServicePointIdleTime_3;
ServicePoint_t_1625863919_0 * L_49 = (ServicePoint_t_1625863919_0 *)il2cpp_codegen_object_new (ServicePoint_t_1625863919_0_il2cpp_TypeInfo_var);
ServicePoint__ctor_m_50822158_0(L_49, L_46, L_47, L_48, /*hidden argument*/NULL);
V_3 = L_49;
ServicePoint_t_1625863919_0 * L_50 = V_3;
bool L_51 = ((ServicePointManager_t969554268_0_StaticFields*)ServicePointManager_t969554268_0_il2cpp_TypeInfo_var->static_fields)->___expectContinue_7;
NullCheck(L_50);
ServicePoint_set_Expect100Continue_m285998358_0(L_50, L_51, /*hidden argument*/NULL);
ServicePoint_t_1625863919_0 * L_52 = V_3;
bool L_53 = ((ServicePointManager_t969554268_0_StaticFields*)ServicePointManager_t969554268_0_il2cpp_TypeInfo_var->static_fields)->___useNagle_8;
NullCheck(L_52);
ServicePoint_set_UseNagleAlgorithm_m_173857760_0(L_52, L_53, /*hidden argument*/NULL);
ServicePoint_t_1625863919_0 * L_54 = V_3;
bool L_55 = V_0;
NullCheck(L_54);
ServicePoint_set_UsesProxy_m_608390055_0(L_54, L_55, /*hidden argument*/NULL);
ServicePoint_t_1625863919_0 * L_56 = V_3;
bool L_57 = V_1;
NullCheck(L_56);
ServicePoint_set_UseConnect_m_410967460_0(L_56, L_57, /*hidden argument*/NULL);
HybridDictionary_t330100885_0 * L_58 = ((ServicePointManager_t969554268_0_StaticFields*)ServicePointManager_t969554268_0_il2cpp_TypeInfo_var->static_fields)->___servicePoints_0;
SPKey_t_719082417_0 * L_59 = V_5;
ServicePoint_t_1625863919_0 * L_60 = V_3;
NullCheck(L_58);
VirtActionInvoker2< Object_t *, Object_t * >::Invoke(12 /* System.Void System.Collections.Specialized.HybridDictionary::Add(System.Object,System.Object) */, L_58, L_59, L_60);
IL2CPP_LEAVE(0x16C, FINALLY_0164);
}
} // end try (depth: 1)
catch(Il2CppExceptionWrapper& e)
{
__last_unhandled_exception = (Exception_t2143823668_0 *)e.ex;
goto FINALLY_0164;
}
FINALLY_0164:
{ // begin finally (depth: 1)
HybridDictionary_t330100885_0 * L_61 = V_4;
Monitor_Exit_m2088237919_0(NULL /*static, unused*/, L_61, /*hidden argument*/NULL);
IL2CPP_END_FINALLY(356)
} // end finally (depth: 1)
IL2CPP_CLEANUP(356)
{
IL2CPP_JUMP_TBL(0x16E, IL_016e)
IL2CPP_JUMP_TBL(0x16C, IL_016c)
IL2CPP_RETHROW_IF_UNHANDLED(Exception_t2143823668_0 *)
}
IL_016c:
{
ServicePoint_t_1625863919_0 * L_62 = V_3;
return L_62;
}
IL_016e:
{
ServicePoint_t_1625863919_0 * L_63 = V_8;
return L_63;
}
}
// System.Void System.Net.ServicePointManager::RecycleServicePoints()
extern TypeInfo* ArrayList_t536890563_0_il2cpp_TypeInfo_var;
extern TypeInfo* ServicePointManager_t969554268_0_il2cpp_TypeInfo_var;
extern TypeInfo* IDictionaryEnumerator_t_855216337_0_il2cpp_TypeInfo_var;
extern TypeInfo* ServicePoint_t_1625863919_0_il2cpp_TypeInfo_var;
extern TypeInfo* IEnumerator_t1412936761_0_il2cpp_TypeInfo_var;
extern TypeInfo* SortedList_t480267343_0_il2cpp_TypeInfo_var;
extern TypeInfo* DateTime_t_818288618_0_il2cpp_TypeInfo_var;
extern "C" void ServicePointManager_RecycleServicePoints_m_334224785_0 (Object_t * __this /* static, unused */, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
ArrayList_t536890563_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(55);
ServicePointManager_t969554268_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(637);
IDictionaryEnumerator_t_855216337_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(164);
ServicePoint_t_1625863919_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(657);
IEnumerator_t1412936761_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(159);
SortedList_t480267343_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(208);
DateTime_t_818288618_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(172);
s_Il2CppMethodIntialized = true;
}
ArrayList_t536890563_0 * V_0 = {0};
HybridDictionary_t330100885_0 * V_1 = {0};
Object_t * V_2 = {0};
ServicePoint_t_1625863919_0 * V_3 = {0};
int32_t V_4 = 0;
SortedList_t480267343_0 * V_5 = {0};
ServicePoint_t_1625863919_0 * V_6 = {0};
int32_t V_7 = 0;
DateTime_t_818288618_0 V_8 = {0};
Exception_t2143823668_0 * __last_unhandled_exception = 0;
NO_UNUSED_WARNING (__last_unhandled_exception);
Exception_t2143823668_0 * __exception_local = 0;
NO_UNUSED_WARNING (__exception_local);
int32_t __leave_target = 0;
NO_UNUSED_WARNING (__leave_target);
{
ArrayList_t536890563_0 * L_0 = (ArrayList_t536890563_0 *)il2cpp_codegen_object_new (ArrayList_t536890563_0_il2cpp_TypeInfo_var);
ArrayList__ctor_m1878432947_0(L_0, /*hidden argument*/NULL);
V_0 = L_0;
IL2CPP_RUNTIME_CLASS_INIT(ServicePointManager_t969554268_0_il2cpp_TypeInfo_var);
HybridDictionary_t330100885_0 * L_1 = ((ServicePointManager_t969554268_0_StaticFields*)ServicePointManager_t969554268_0_il2cpp_TypeInfo_var->static_fields)->___servicePoints_0;
V_1 = L_1;
HybridDictionary_t330100885_0 * L_2 = V_1;
Monitor_Enter_m476686225_0(NULL /*static, unused*/, L_2, /*hidden argument*/NULL);
}
IL_0012:
try
{ // begin try (depth: 1)
{
IL2CPP_RUNTIME_CLASS_INIT(ServicePointManager_t969554268_0_il2cpp_TypeInfo_var);
HybridDictionary_t330100885_0 * L_3 = ((ServicePointManager_t969554268_0_StaticFields*)ServicePointManager_t969554268_0_il2cpp_TypeInfo_var->static_fields)->___servicePoints_0;
NullCheck(L_3);
Object_t * L_4 = (Object_t *)VirtFuncInvoker0< Object_t * >::Invoke(14 /* System.Collections.IDictionaryEnumerator System.Collections.Specialized.HybridDictionary::GetEnumerator() */, L_3);
V_2 = L_4;
goto IL_0046;
}
IL_0022:
{
Object_t * L_5 = V_2;
NullCheck(L_5);
Object_t * L_6 = (Object_t *)InterfaceFuncInvoker0< Object_t * >::Invoke(2 /* System.Object System.Collections.IDictionaryEnumerator::get_Value() */, IDictionaryEnumerator_t_855216337_0_il2cpp_TypeInfo_var, L_5);
V_3 = ((ServicePoint_t_1625863919_0 *)CastclassClass(L_6, ServicePoint_t_1625863919_0_il2cpp_TypeInfo_var));
ServicePoint_t_1625863919_0 * L_7 = V_3;
NullCheck(L_7);
bool L_8 = ServicePoint_get_AvailableForRecycling_m_247353318_0(L_7, /*hidden argument*/NULL);
if (!L_8)
{
goto IL_0046;
}
}
IL_0039:
{
ArrayList_t536890563_0 * L_9 = V_0;
Object_t * L_10 = V_2;
NullCheck(L_10);
Object_t * L_11 = (Object_t *)InterfaceFuncInvoker0< Object_t * >::Invoke(1 /* System.Object System.Collections.IDictionaryEnumerator::get_Key() */, IDictionaryEnumerator_t_855216337_0_il2cpp_TypeInfo_var, L_10);
NullCheck(L_9);
VirtFuncInvoker1< int32_t, Object_t * >::Invoke(30 /* System.Int32 System.Collections.ArrayList::Add(System.Object) */, L_9, L_11);
}
IL_0046:
{
Object_t * L_12 = V_2;
NullCheck(L_12);
bool L_13 = (bool)InterfaceFuncInvoker0< bool >::Invoke(1 /* System.Boolean System.Collections.IEnumerator::MoveNext() */, IEnumerator_t1412936761_0_il2cpp_TypeInfo_var, L_12);
if (L_13)
{
goto IL_0022;
}
}
IL_0051:
{
V_4 = 0;
goto IL_0071;
}
IL_0059:
{
IL2CPP_RUNTIME_CLASS_INIT(ServicePointManager_t969554268_0_il2cpp_TypeInfo_var);
HybridDictionary_t330100885_0 * L_14 = ((ServicePointManager_t969554268_0_StaticFields*)ServicePointManager_t969554268_0_il2cpp_TypeInfo_var->static_fields)->___servicePoints_0;
ArrayList_t536890563_0 * L_15 = V_0;
int32_t L_16 = V_4;
NullCheck(L_15);
Object_t * L_17 = (Object_t *)VirtFuncInvoker1< Object_t *, int32_t >::Invoke(21 /* System.Object System.Collections.ArrayList::get_Item(System.Int32) */, L_15, L_16);
NullCheck(L_14);
VirtActionInvoker1< Object_t * >::Invoke(15 /* System.Void System.Collections.Specialized.HybridDictionary::Remove(System.Object) */, L_14, L_17);
int32_t L_18 = V_4;
V_4 = ((int32_t)((int32_t)L_18+(int32_t)1));
}
IL_0071:
{
int32_t L_19 = V_4;
ArrayList_t536890563_0 * L_20 = V_0;
NullCheck(L_20);
int32_t L_21 = (int32_t)VirtFuncInvoker0< int32_t >::Invoke(23 /* System.Int32 System.Collections.ArrayList::get_Count() */, L_20);
if ((((int32_t)L_19) < ((int32_t)L_21)))
{
goto IL_0059;
}
}
IL_007e:
{
IL2CPP_RUNTIME_CLASS_INIT(ServicePointManager_t969554268_0_il2cpp_TypeInfo_var);
int32_t L_22 = ((ServicePointManager_t969554268_0_StaticFields*)ServicePointManager_t969554268_0_il2cpp_TypeInfo_var->static_fields)->___maxServicePoints_4;
if (!L_22)
{
goto IL_009c;
}
}
IL_0088:
{
IL2CPP_RUNTIME_CLASS_INIT(ServicePointManager_t969554268_0_il2cpp_TypeInfo_var);
HybridDictionary_t330100885_0 * L_23 = ((ServicePointManager_t969554268_0_StaticFields*)ServicePointManager_t969554268_0_il2cpp_TypeInfo_var->static_fields)->___servicePoints_0;
NullCheck(L_23);
int32_t L_24 = (int32_t)VirtFuncInvoker0< int32_t >::Invoke(4 /* System.Int32 System.Collections.Specialized.HybridDictionary::get_Count() */, L_23);
int32_t L_25 = ((ServicePointManager_t969554268_0_StaticFields*)ServicePointManager_t969554268_0_il2cpp_TypeInfo_var->static_fields)->___maxServicePoints_4;
if ((((int32_t)L_24) > ((int32_t)L_25)))
{
goto IL_00a1;
}
}
IL_009c:
{
IL2CPP_LEAVE(0x18C, FINALLY_0185);
}
IL_00a1:
{
IL2CPP_RUNTIME_CLASS_INIT(ServicePointManager_t969554268_0_il2cpp_TypeInfo_var);
HybridDictionary_t330100885_0 * L_26 = ((ServicePointManager_t969554268_0_StaticFields*)ServicePointManager_t969554268_0_il2cpp_TypeInfo_var->static_fields)->___servicePoints_0;
NullCheck(L_26);
int32_t L_27 = (int32_t)VirtFuncInvoker0< int32_t >::Invoke(4 /* System.Int32 System.Collections.Specialized.HybridDictionary::get_Count() */, L_26);
SortedList_t480267343_0 * L_28 = (SortedList_t480267343_0 *)il2cpp_codegen_object_new (SortedList_t480267343_0_il2cpp_TypeInfo_var);
SortedList__ctor_m_1266184782_0(L_28, L_27, /*hidden argument*/NULL);
V_5 = L_28;
HybridDictionary_t330100885_0 * L_29 = ((ServicePointManager_t969554268_0_StaticFields*)ServicePointManager_t969554268_0_il2cpp_TypeInfo_var->static_fields)->___servicePoints_0;
NullCheck(L_29);
Object_t * L_30 = (Object_t *)VirtFuncInvoker0< Object_t * >::Invoke(14 /* System.Collections.IDictionaryEnumerator System.Collections.Specialized.HybridDictionary::GetEnumerator() */, L_29);
V_2 = L_30;
goto IL_0132;
}
IL_00c2:
{
Object_t * L_31 = V_2;
NullCheck(L_31);
Object_t * L_32 = (Object_t *)InterfaceFuncInvoker0< Object_t * >::Invoke(2 /* System.Object System.Collections.IDictionaryEnumerator::get_Value() */, IDictionaryEnumerator_t_855216337_0_il2cpp_TypeInfo_var, L_31);
V_6 = ((ServicePoint_t_1625863919_0 *)CastclassClass(L_32, ServicePoint_t_1625863919_0_il2cpp_TypeInfo_var));
ServicePoint_t_1625863919_0 * L_33 = V_6;
NullCheck(L_33);
int32_t L_34 = ServicePoint_get_CurrentConnections_m1954016890_0(L_33, /*hidden argument*/NULL);
if (L_34)
{
goto IL_0132;
}
}
IL_00db:
{
goto IL_0100;
}
IL_00e0:
{
ServicePoint_t_1625863919_0 * L_35 = V_6;
ServicePoint_t_1625863919_0 * L_36 = V_6;
NullCheck(L_36);
DateTime_t_818288618_0 L_37 = ServicePoint_get_IdleSince_m_1025863565_0(L_36, /*hidden argument*/NULL);
V_8 = L_37;
DateTime_t_818288618_0 L_38 = DateTime_AddMilliseconds_m1717403134_0((&V_8), (1.0), /*hidden argument*/NULL);
NullCheck(L_35);
ServicePoint_set_IdleSince_m305314386_0(L_35, L_38, /*hidden argument*/NULL);
}
IL_0100:
{
SortedList_t480267343_0 * L_39 = V_5;
ServicePoint_t_1625863919_0 * L_40 = V_6;
NullCheck(L_40);
DateTime_t_818288618_0 L_41 = ServicePoint_get_IdleSince_m_1025863565_0(L_40, /*hidden argument*/NULL);
DateTime_t_818288618_0 L_42 = L_41;
Object_t * L_43 = Box(DateTime_t_818288618_0_il2cpp_TypeInfo_var, &L_42);
NullCheck(L_39);
bool L_44 = (bool)VirtFuncInvoker1< bool, Object_t * >::Invoke(35 /* System.Boolean System.Collections.SortedList::ContainsKey(System.Object) */, L_39, L_43);
if (L_44)
{
goto IL_00e0;
}
}
IL_0118:
{
SortedList_t480267343_0 * L_45 = V_5;
ServicePoint_t_1625863919_0 * L_46 = V_6;
NullCheck(L_46);
DateTime_t_818288618_0 L_47 = ServicePoint_get_IdleSince_m_1025863565_0(L_46, /*hidden argument*/NULL);
DateTime_t_818288618_0 L_48 = L_47;
Object_t * L_49 = Box(DateTime_t_818288618_0_il2cpp_TypeInfo_var, &L_48);
ServicePoint_t_1625863919_0 * L_50 = V_6;
NullCheck(L_50);
Uri_t18014439_0 * L_51 = ServicePoint_get_Address_m1466650202_0(L_50, /*hidden argument*/NULL);
NullCheck(L_45);
VirtActionInvoker2< Object_t *, Object_t * >::Invoke(27 /* System.Void System.Collections.SortedList::Add(System.Object,System.Object) */, L_45, L_49, L_51);
}
IL_0132:
{
Object_t * L_52 = V_2;
NullCheck(L_52);
bool L_53 = (bool)InterfaceFuncInvoker0< bool >::Invoke(1 /* System.Boolean System.Collections.IEnumerator::MoveNext() */, IEnumerator_t1412936761_0_il2cpp_TypeInfo_var, L_52);
if (L_53)
{
goto IL_00c2;
}
}
IL_013d:
{
V_7 = 0;
goto IL_015e;
}
IL_0145:
{
IL2CPP_RUNTIME_CLASS_INIT(ServicePointManager_t969554268_0_il2cpp_TypeInfo_var);
HybridDictionary_t330100885_0 * L_54 = ((ServicePointManager_t969554268_0_StaticFields*)ServicePointManager_t969554268_0_il2cpp_TypeInfo_var->static_fields)->___servicePoints_0;
SortedList_t480267343_0 * L_55 = V_5;
int32_t L_56 = V_7;
NullCheck(L_55);
Object_t * L_57 = (Object_t *)VirtFuncInvoker1< Object_t *, int32_t >::Invoke(36 /* System.Object System.Collections.SortedList::GetByIndex(System.Int32) */, L_55, L_56);
NullCheck(L_54);
VirtActionInvoker1< Object_t * >::Invoke(15 /* System.Void System.Collections.Specialized.HybridDictionary::Remove(System.Object) */, L_54, L_57);
int32_t L_58 = V_7;
V_7 = ((int32_t)((int32_t)L_58+(int32_t)1));
}
IL_015e:
{
int32_t L_59 = V_7;
SortedList_t480267343_0 * L_60 = V_5;
NullCheck(L_60);
int32_t L_61 = (int32_t)VirtFuncInvoker0< int32_t >::Invoke(17 /* System.Int32 System.Collections.SortedList::get_Count() */, L_60);
if ((((int32_t)L_59) >= ((int32_t)L_61)))
{
goto IL_0180;
}
}
IL_016c:
{
IL2CPP_RUNTIME_CLASS_INIT(ServicePointManager_t969554268_0_il2cpp_TypeInfo_var);
HybridDictionary_t330100885_0 * L_62 = ((ServicePointManager_t969554268_0_StaticFields*)ServicePointManager_t969554268_0_il2cpp_TypeInfo_var->static_fields)->___servicePoints_0;
NullCheck(L_62);
int32_t L_63 = (int32_t)VirtFuncInvoker0< int32_t >::Invoke(4 /* System.Int32 System.Collections.Specialized.HybridDictionary::get_Count() */, L_62);
int32_t L_64 = ((ServicePointManager_t969554268_0_StaticFields*)ServicePointManager_t969554268_0_il2cpp_TypeInfo_var->static_fields)->___maxServicePoints_4;
if ((((int32_t)L_63) > ((int32_t)L_64)))
{
goto IL_0145;
}
}
IL_0180:
{
IL2CPP_LEAVE(0x18C, FINALLY_0185);
}
} // end try (depth: 1)
catch(Il2CppExceptionWrapper& e)
{
__last_unhandled_exception = (Exception_t2143823668_0 *)e.ex;
goto FINALLY_0185;
}
FINALLY_0185:
{ // begin finally (depth: 1)
HybridDictionary_t330100885_0 * L_65 = V_1;
Monitor_Exit_m2088237919_0(NULL /*static, unused*/, L_65, /*hidden argument*/NULL);
IL2CPP_END_FINALLY(389)
} // end finally (depth: 1)
IL2CPP_CLEANUP(389)
{
IL2CPP_JUMP_TBL(0x18C, IL_018c)
IL2CPP_RETHROW_IF_UNHANDLED(Exception_t2143823668_0 *)
}
IL_018c:
{
return;
}
}
// System.Void System.Net.SocketAddress::.ctor(System.Net.Sockets.AddressFamily,System.Int32)
extern TypeInfo* ArgumentOutOfRangeException_t_1011290529_0_il2cpp_TypeInfo_var;
extern TypeInfo* ByteU5BU5D_t_1238178395_0_il2cpp_TypeInfo_var;
extern Il2CppCodeGenString* _stringLiteral2063014276_0;
extern "C" void SocketAddress__ctor_m1903018086_0 (SocketAddress_t_1639988597_0 * __this, int32_t ___family, int32_t ___size, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
ArgumentOutOfRangeException_t_1011290529_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(27);
ByteU5BU5D_t_1238178395_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(42);
_stringLiteral2063014276_0 = il2cpp_codegen_string_literal_from_index(2172);
s_Il2CppMethodIntialized = true;
}
{
Object__ctor_m1772956182_0(__this, /*hidden argument*/NULL);
int32_t L_0 = ___size;
if ((((int32_t)L_0) >= ((int32_t)2)))
{
goto IL_0018;
}
}
{
ArgumentOutOfRangeException_t_1011290529_0 * L_1 = (ArgumentOutOfRangeException_t_1011290529_0 *)il2cpp_codegen_object_new (ArgumentOutOfRangeException_t_1011290529_0_il2cpp_TypeInfo_var);
ArgumentOutOfRangeException__ctor_m2026296331_0(L_1, _stringLiteral2063014276_0, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_1);
}
IL_0018:
{
int32_t L_2 = ___size;
__this->___data_0 = ((ByteU5BU5D_t_1238178395_0*)SZArrayNew(ByteU5BU5D_t_1238178395_0_il2cpp_TypeInfo_var, (uint32_t)L_2));
ByteU5BU5D_t_1238178395_0* L_3 = (__this->___data_0);
int32_t L_4 = ___family;
NullCheck(L_3);
IL2CPP_ARRAY_BOUNDS_CHECK(L_3, 0);
*((uint8_t*)(uint8_t*)SZArrayLdElema(L_3, 0, sizeof(uint8_t))) = (uint8_t)(((int32_t)((uint8_t)L_4)));
ByteU5BU5D_t_1238178395_0* L_5 = (__this->___data_0);
int32_t L_6 = ___family;
NullCheck(L_5);
IL2CPP_ARRAY_BOUNDS_CHECK(L_5, 1);
*((uint8_t*)(uint8_t*)SZArrayLdElema(L_5, 1, sizeof(uint8_t))) = (uint8_t)(((int32_t)((uint8_t)((int32_t)((int32_t)L_6>>(int32_t)8)))));
return;
}
}
// System.Net.Sockets.AddressFamily System.Net.SocketAddress::get_Family()
extern "C" int32_t SocketAddress_get_Family_m_1245470741_0 (SocketAddress_t_1639988597_0 * __this, const MethodInfo* method)
{
{
ByteU5BU5D_t_1238178395_0* L_0 = (__this->___data_0);
NullCheck(L_0);
IL2CPP_ARRAY_BOUNDS_CHECK(L_0, 0);
int32_t L_1 = 0;
ByteU5BU5D_t_1238178395_0* L_2 = (__this->___data_0);
NullCheck(L_2);
IL2CPP_ARRAY_BOUNDS_CHECK(L_2, 1);
int32_t L_3 = 1;
return (int32_t)(((int32_t)((int32_t)(*(uint8_t*)(uint8_t*)SZArrayLdElema(L_0, L_1, sizeof(uint8_t)))+(int32_t)((int32_t)((int32_t)(*(uint8_t*)(uint8_t*)SZArrayLdElema(L_2, L_3, sizeof(uint8_t)))<<(int32_t)8)))));
}
}
// System.Int32 System.Net.SocketAddress::get_Size()
extern "C" int32_t SocketAddress_get_Size_m1257714291_0 (SocketAddress_t_1639988597_0 * __this, const MethodInfo* method)
{
{
ByteU5BU5D_t_1238178395_0* L_0 = (__this->___data_0);
NullCheck(L_0);
return (((int32_t)((int32_t)(((Array_t *)L_0)->max_length))));
}
}
// System.Byte System.Net.SocketAddress::get_Item(System.Int32)
extern "C" uint8_t SocketAddress_get_Item_m_1290238542_0 (SocketAddress_t_1639988597_0 * __this, int32_t ___offset, const MethodInfo* method)
{
{
ByteU5BU5D_t_1238178395_0* L_0 = (__this->___data_0);
int32_t L_1 = ___offset;
NullCheck(L_0);
IL2CPP_ARRAY_BOUNDS_CHECK(L_0, L_1);
int32_t L_2 = L_1;
return (*(uint8_t*)(uint8_t*)SZArrayLdElema(L_0, L_2, sizeof(uint8_t)));
}
}
// System.Void System.Net.SocketAddress::set_Item(System.Int32,System.Byte)
extern "C" void SocketAddress_set_Item_m407162431_0 (SocketAddress_t_1639988597_0 * __this, int32_t ___offset, uint8_t ___value, const MethodInfo* method)
{
{
ByteU5BU5D_t_1238178395_0* L_0 = (__this->___data_0);
int32_t L_1 = ___offset;
uint8_t L_2 = ___value;
NullCheck(L_0);
IL2CPP_ARRAY_BOUNDS_CHECK(L_0, L_1);
*((uint8_t*)(uint8_t*)SZArrayLdElema(L_0, L_1, sizeof(uint8_t))) = (uint8_t)L_2;
return;
}
}
// System.String System.Net.SocketAddress::ToString()
extern TypeInfo* AddressFamily_t1922836948_0_il2cpp_TypeInfo_var;
extern TypeInfo* ObjectU5BU5D_t1774424924_0_il2cpp_TypeInfo_var;
extern TypeInfo* Int32_t1628762099_0_il2cpp_TypeInfo_var;
extern TypeInfo* String_t_il2cpp_TypeInfo_var;
extern Il2CppCodeGenString* _stringLiteral58_0;
extern Il2CppCodeGenString* _stringLiteral1921_0;
extern Il2CppCodeGenString* _stringLiteral44_0;
extern Il2CppCodeGenString* _stringLiteral125_0;
extern "C" String_t* SocketAddress_ToString_m_953463352_0 (SocketAddress_t_1639988597_0 * __this, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
AddressFamily_t1922836948_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(652);
ObjectU5BU5D_t1774424924_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(19);
Int32_t1628762099_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(8);
String_t_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(11);
_stringLiteral58_0 = il2cpp_codegen_string_literal_from_index(633);
_stringLiteral1921_0 = il2cpp_codegen_string_literal_from_index(2173);
_stringLiteral44_0 = il2cpp_codegen_string_literal_from_index(229);
_stringLiteral125_0 = il2cpp_codegen_string_literal_from_index(2174);
s_Il2CppMethodIntialized = true;
}
String_t* V_0 = {0};
int32_t V_1 = 0;
String_t* V_2 = {0};
int32_t V_3 = 0;
int32_t V_4 = 0;
{
ByteU5BU5D_t_1238178395_0* L_0 = (__this->___data_0);
NullCheck(L_0);
IL2CPP_ARRAY_BOUNDS_CHECK(L_0, 0);
int32_t L_1 = 0;
int32_t L_2 = ((int32_t)(*(uint8_t*)(uint8_t*)SZArrayLdElema(L_0, L_1, sizeof(uint8_t))));
Object_t * L_3 = Box(AddressFamily_t1922836948_0_il2cpp_TypeInfo_var, &L_2);
NullCheck(L_3);
String_t* L_4 = (String_t*)VirtFuncInvoker0< String_t* >::Invoke(3 /* System.String System.Enum::ToString() */, L_3);
V_0 = L_4;
ByteU5BU5D_t_1238178395_0* L_5 = (__this->___data_0);
NullCheck(L_5);
V_1 = (((int32_t)((int32_t)(((Array_t *)L_5)->max_length))));
ObjectU5BU5D_t1774424924_0* L_6 = ((ObjectU5BU5D_t1774424924_0*)SZArrayNew(ObjectU5BU5D_t1774424924_0_il2cpp_TypeInfo_var, (uint32_t)4));
String_t* L_7 = V_0;
NullCheck(L_6);
IL2CPP_ARRAY_BOUNDS_CHECK(L_6, 0);
ArrayElementTypeCheck (L_6, L_7);
*((Object_t **)(Object_t **)SZArrayLdElema(L_6, 0, sizeof(Object_t *))) = (Object_t *)L_7;
ObjectU5BU5D_t1774424924_0* L_8 = L_6;
NullCheck(L_8);
IL2CPP_ARRAY_BOUNDS_CHECK(L_8, 1);
ArrayElementTypeCheck (L_8, _stringLiteral58_0);
*((Object_t **)(Object_t **)SZArrayLdElema(L_8, 1, sizeof(Object_t *))) = (Object_t *)_stringLiteral58_0;
ObjectU5BU5D_t1774424924_0* L_9 = L_8;
int32_t L_10 = V_1;
int32_t L_11 = L_10;
Object_t * L_12 = Box(Int32_t1628762099_0_il2cpp_TypeInfo_var, &L_11);
NullCheck(L_9);
IL2CPP_ARRAY_BOUNDS_CHECK(L_9, 2);
ArrayElementTypeCheck (L_9, L_12);
*((Object_t **)(Object_t **)SZArrayLdElema(L_9, 2, sizeof(Object_t *))) = (Object_t *)L_12;
ObjectU5BU5D_t1774424924_0* L_13 = L_9;
NullCheck(L_13);
IL2CPP_ARRAY_BOUNDS_CHECK(L_13, 3);
ArrayElementTypeCheck (L_13, _stringLiteral1921_0);
*((Object_t **)(Object_t **)SZArrayLdElema(L_13, 3, sizeof(Object_t *))) = (Object_t *)_stringLiteral1921_0;
IL2CPP_RUNTIME_CLASS_INIT(String_t_il2cpp_TypeInfo_var);
String_t* L_14 = String_Concat_m_1278447295_0(NULL /*static, unused*/, L_13, /*hidden argument*/NULL);
V_2 = L_14;
V_3 = 2;
goto IL_007d;
}
IL_004c:
{
ByteU5BU5D_t_1238178395_0* L_15 = (__this->___data_0);
int32_t L_16 = V_3;
NullCheck(L_15);
IL2CPP_ARRAY_BOUNDS_CHECK(L_15, L_16);
int32_t L_17 = L_16;
V_4 = (*(uint8_t*)(uint8_t*)SZArrayLdElema(L_15, L_17, sizeof(uint8_t)));
String_t* L_18 = V_2;
int32_t L_19 = V_4;
int32_t L_20 = L_19;
Object_t * L_21 = Box(Int32_t1628762099_0_il2cpp_TypeInfo_var, &L_20);
IL2CPP_RUNTIME_CLASS_INIT(String_t_il2cpp_TypeInfo_var);
String_t* L_22 = String_Concat_m389863537_0(NULL /*static, unused*/, L_18, L_21, /*hidden argument*/NULL);
V_2 = L_22;
int32_t L_23 = V_3;
int32_t L_24 = V_1;
if ((((int32_t)L_23) >= ((int32_t)((int32_t)((int32_t)L_24-(int32_t)1)))))
{
goto IL_0079;
}
}
{
String_t* L_25 = V_2;
IL2CPP_RUNTIME_CLASS_INIT(String_t_il2cpp_TypeInfo_var);
String_t* L_26 = String_Concat_m138640077_0(NULL /*static, unused*/, L_25, _stringLiteral44_0, /*hidden argument*/NULL);
V_2 = L_26;
}
IL_0079:
{
int32_t L_27 = V_3;
V_3 = ((int32_t)((int32_t)L_27+(int32_t)1));
}
IL_007d:
{
int32_t L_28 = V_3;
int32_t L_29 = V_1;
if ((((int32_t)L_28) < ((int32_t)L_29)))
{
goto IL_004c;
}
}
{
String_t* L_30 = V_2;
IL2CPP_RUNTIME_CLASS_INIT(String_t_il2cpp_TypeInfo_var);
String_t* L_31 = String_Concat_m138640077_0(NULL /*static, unused*/, L_30, _stringLiteral125_0, /*hidden argument*/NULL);
V_2 = L_31;
String_t* L_32 = V_2;
return L_32;
}
}
// System.Boolean System.Net.SocketAddress::Equals(System.Object)
extern TypeInfo* SocketAddress_t_1639988597_0_il2cpp_TypeInfo_var;
extern "C" bool SocketAddress_Equals_m_55005754_0 (SocketAddress_t_1639988597_0 * __this, Object_t * ___obj, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
SocketAddress_t_1639988597_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(653);
s_Il2CppMethodIntialized = true;
}
SocketAddress_t_1639988597_0 * V_0 = {0};
ByteU5BU5D_t_1238178395_0* V_1 = {0};
int32_t V_2 = 0;
{
Object_t * L_0 = ___obj;
V_0 = ((SocketAddress_t_1639988597_0 *)IsInstClass(L_0, SocketAddress_t_1639988597_0_il2cpp_TypeInfo_var));
SocketAddress_t_1639988597_0 * L_1 = V_0;
if (!L_1)
{
goto IL_0056;
}
}
{
SocketAddress_t_1639988597_0 * L_2 = V_0;
NullCheck(L_2);
ByteU5BU5D_t_1238178395_0* L_3 = (L_2->___data_0);
NullCheck(L_3);
ByteU5BU5D_t_1238178395_0* L_4 = (__this->___data_0);
NullCheck(L_4);
if ((!(((uint32_t)(((int32_t)((int32_t)(((Array_t *)L_3)->max_length))))) == ((uint32_t)(((int32_t)((int32_t)(((Array_t *)L_4)->max_length))))))))
{
goto IL_0056;
}
}
{
SocketAddress_t_1639988597_0 * L_5 = V_0;
NullCheck(L_5);
ByteU5BU5D_t_1238178395_0* L_6 = (L_5->___data_0);
V_1 = L_6;
V_2 = 0;
goto IL_0046;
}
IL_0030:
{
ByteU5BU5D_t_1238178395_0* L_7 = V_1;
int32_t L_8 = V_2;
NullCheck(L_7);
IL2CPP_ARRAY_BOUNDS_CHECK(L_7, L_8);
int32_t L_9 = L_8;
ByteU5BU5D_t_1238178395_0* L_10 = (__this->___data_0);
int32_t L_11 = V_2;
NullCheck(L_10);
IL2CPP_ARRAY_BOUNDS_CHECK(L_10, L_11);
int32_t L_12 = L_11;
if ((((int32_t)(*(uint8_t*)(uint8_t*)SZArrayLdElema(L_7, L_9, sizeof(uint8_t)))) == ((int32_t)(*(uint8_t*)(uint8_t*)SZArrayLdElema(L_10, L_12, sizeof(uint8_t))))))
{
goto IL_0042;
}
}
{
return (bool)0;
}
IL_0042:
{
int32_t L_13 = V_2;
V_2 = ((int32_t)((int32_t)L_13+(int32_t)1));
}
IL_0046:
{
int32_t L_14 = V_2;
ByteU5BU5D_t_1238178395_0* L_15 = (__this->___data_0);
NullCheck(L_15);
if ((((int32_t)L_14) < ((int32_t)(((int32_t)((int32_t)(((Array_t *)L_15)->max_length)))))))
{
goto IL_0030;
}
}
{
return (bool)1;
}
IL_0056:
{
return (bool)0;
}
}
// System.Int32 System.Net.SocketAddress::GetHashCode()
extern "C" int32_t SocketAddress_GetHashCode_m1308071082_0 (SocketAddress_t_1639988597_0 * __this, const MethodInfo* method)
{
int32_t V_0 = 0;
int32_t V_1 = 0;
{
V_0 = 0;
V_1 = 0;
goto IL_001a;
}
IL_0009:
{
int32_t L_0 = V_0;
ByteU5BU5D_t_1238178395_0* L_1 = (__this->___data_0);
int32_t L_2 = V_1;
NullCheck(L_1);
IL2CPP_ARRAY_BOUNDS_CHECK(L_1, L_2);
int32_t L_3 = L_2;
int32_t L_4 = V_1;
V_0 = ((int32_t)((int32_t)L_0+(int32_t)((int32_t)((int32_t)(*(uint8_t*)(uint8_t*)SZArrayLdElema(L_1, L_3, sizeof(uint8_t)))+(int32_t)L_4))));
int32_t L_5 = V_1;
V_1 = ((int32_t)((int32_t)L_5+(int32_t)1));
}
IL_001a:
{
int32_t L_6 = V_1;
ByteU5BU5D_t_1238178395_0* L_7 = (__this->___data_0);
NullCheck(L_7);
if ((((int32_t)L_6) < ((int32_t)(((int32_t)((int32_t)(((Array_t *)L_7)->max_length)))))))
{
goto IL_0009;
}
}
{
int32_t L_8 = V_0;
return L_8;
}
}
// System.Void System.Net.WebHeaderCollection::.ctor()
extern "C" void WebHeaderCollection__ctor_m40272365_0 (WebHeaderCollection_t_1532305783_0 * __this, const MethodInfo* method)
{
{
NameValueCollection__ctor_m_1741764907_0(__this, /*hidden argument*/NULL);
return;
}
}
// System.Void System.Net.WebHeaderCollection::.ctor(System.Runtime.Serialization.SerializationInfo,System.Runtime.Serialization.StreamingContext)
extern TypeInfo* SerializationException_t1427132814_0_il2cpp_TypeInfo_var;
extern TypeInfo* Int32_t1628762099_0_il2cpp_TypeInfo_var;
extern TypeInfo* String_t_il2cpp_TypeInfo_var;
extern Il2CppCodeGenString* _stringLiteral65298671_0;
extern Il2CppCodeGenString* _stringLiteral94851343_0;
extern Il2CppCodeGenString* _stringLiteral107_0;
extern Il2CppCodeGenString* _stringLiteral118_0;
extern "C" void WebHeaderCollection__ctor_m_1129355858_0 (WebHeaderCollection_t_1532305783_0 * __this, SerializationInfo_t526833679_0 * ___serializationInfo, StreamingContext_t_1216992900_0 ___streamingContext, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
SerializationException_t1427132814_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(99);
Int32_t1628762099_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(8);
String_t_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(11);
_stringLiteral65298671_0 = il2cpp_codegen_string_literal_from_index(2086);
_stringLiteral94851343_0 = il2cpp_codegen_string_literal_from_index(40);
_stringLiteral107_0 = il2cpp_codegen_string_literal_from_index(2175);
_stringLiteral118_0 = il2cpp_codegen_string_literal_from_index(2176);
s_Il2CppMethodIntialized = true;
}
int32_t V_0 = 0;
int32_t V_1 = 0;
int32_t V_2 = 0;
int32_t V_3 = 0;
Exception_t2143823668_0 * __last_unhandled_exception = 0;
NO_UNUSED_WARNING (__last_unhandled_exception);
Exception_t2143823668_0 * __exception_local = 0;
NO_UNUSED_WARNING (__exception_local);
int32_t __leave_target = 0;
NO_UNUSED_WARNING (__leave_target);
{
NameValueCollection__ctor_m_1741764907_0(__this, /*hidden argument*/NULL);
}
IL_0006:
try
{ // begin try (depth: 1)
{
SerializationInfo_t526833679_0 * L_0 = ___serializationInfo;
NullCheck(L_0);
int32_t L_1 = SerializationInfo_GetInt32_m_246931343_0(L_0, _stringLiteral65298671_0, /*hidden argument*/NULL);
V_0 = L_1;
V_1 = 0;
goto IL_0041;
}
IL_0019:
{
SerializationInfo_t526833679_0 * L_2 = ___serializationInfo;
String_t* L_3 = Int32_ToString_m1286526384_0((&V_1), /*hidden argument*/NULL);
NullCheck(L_2);
String_t* L_4 = SerializationInfo_GetString_m52579033_0(L_2, L_3, /*hidden argument*/NULL);
SerializationInfo_t526833679_0 * L_5 = ___serializationInfo;
int32_t L_6 = V_0;
int32_t L_7 = V_1;
V_3 = ((int32_t)((int32_t)L_6+(int32_t)L_7));
String_t* L_8 = Int32_ToString_m1286526384_0((&V_3), /*hidden argument*/NULL);
NullCheck(L_5);
String_t* L_9 = SerializationInfo_GetString_m52579033_0(L_5, L_8, /*hidden argument*/NULL);
VirtActionInvoker2< String_t*, String_t* >::Invoke(16 /* System.Void System.Net.WebHeaderCollection::Add(System.String,System.String) */, __this, L_4, L_9);
int32_t L_10 = V_1;
V_1 = ((int32_t)((int32_t)L_10+(int32_t)1));
}
IL_0041:
{
int32_t L_11 = V_1;
int32_t L_12 = V_0;
if ((((int32_t)L_11) < ((int32_t)L_12)))
{
goto IL_0019;
}
}
IL_0048:
{
goto IL_00a3;
}
} // end try (depth: 1)
catch(Il2CppExceptionWrapper& e)
{
__exception_local = (Exception_t2143823668_0 *)e.ex;
if(il2cpp_codegen_class_is_assignable_from (SerializationException_t1427132814_0_il2cpp_TypeInfo_var, e.ex->object.klass))
goto CATCH_004d;
throw e;
}
CATCH_004d:
{ // begin catch(System.Runtime.Serialization.SerializationException)
{
SerializationInfo_t526833679_0 * L_13 = ___serializationInfo;
NullCheck(L_13);
int32_t L_14 = SerializationInfo_GetInt32_m_246931343_0(L_13, _stringLiteral94851343_0, /*hidden argument*/NULL);
V_0 = L_14;
V_2 = 0;
goto IL_0097;
}
IL_0061:
{
SerializationInfo_t526833679_0 * L_15 = ___serializationInfo;
int32_t L_16 = V_2;
int32_t L_17 = L_16;
Object_t * L_18 = Box(Int32_t1628762099_0_il2cpp_TypeInfo_var, &L_17);
IL2CPP_RUNTIME_CLASS_INIT(String_t_il2cpp_TypeInfo_var);
String_t* L_19 = String_Concat_m389863537_0(NULL /*static, unused*/, _stringLiteral107_0, L_18, /*hidden argument*/NULL);
NullCheck(L_15);
String_t* L_20 = SerializationInfo_GetString_m52579033_0(L_15, L_19, /*hidden argument*/NULL);
SerializationInfo_t526833679_0 * L_21 = ___serializationInfo;
int32_t L_22 = V_2;
int32_t L_23 = L_22;
Object_t * L_24 = Box(Int32_t1628762099_0_il2cpp_TypeInfo_var, &L_23);
String_t* L_25 = String_Concat_m389863537_0(NULL /*static, unused*/, _stringLiteral118_0, L_24, /*hidden argument*/NULL);
NullCheck(L_21);
String_t* L_26 = SerializationInfo_GetString_m52579033_0(L_21, L_25, /*hidden argument*/NULL);
VirtActionInvoker2< String_t*, String_t* >::Invoke(16 /* System.Void System.Net.WebHeaderCollection::Add(System.String,System.String) */, __this, L_20, L_26);
int32_t L_27 = V_2;
V_2 = ((int32_t)((int32_t)L_27+(int32_t)1));
}
IL_0097:
{
int32_t L_28 = V_2;
int32_t L_29 = V_0;
if ((((int32_t)L_28) < ((int32_t)L_29)))
{
goto IL_0061;
}
}
IL_009e:
{
goto IL_00a3;
}
} // end catch (depth: 1)
IL_00a3:
{
return;
}
}
// System.Void System.Net.WebHeaderCollection::.ctor(System.Boolean)
extern "C" void WebHeaderCollection__ctor_m_1694968668_0 (WebHeaderCollection_t_1532305783_0 * __this, bool ___internallyCreated, const MethodInfo* method)
{
{
NameValueCollection__ctor_m_1741764907_0(__this, /*hidden argument*/NULL);
bool L_0 = ___internallyCreated;
__this->___internallyCreated_15 = L_0;
return;
}
}
// System.Void System.Net.WebHeaderCollection::.cctor()
extern TypeInfo* BooleanU5BU5D_t_1574345617_0_il2cpp_TypeInfo_var;
extern TypeInfo* WebHeaderCollection_t_1532305783_0_il2cpp_TypeInfo_var;
extern TypeInfo* CaseInsensitiveHashCodeProvider_t69752889_0_il2cpp_TypeInfo_var;
extern TypeInfo* CaseInsensitiveComparer_t417417786_0_il2cpp_TypeInfo_var;
extern TypeInfo* Hashtable_t_2004451924_0_il2cpp_TypeInfo_var;
extern TypeInfo* Boolean_t_19515315_0_il2cpp_TypeInfo_var;
extern TypeInfo* StringComparer_t_1825655911_0_il2cpp_TypeInfo_var;
extern TypeInfo* Dictionary_2_t831850618_0_il2cpp_TypeInfo_var;
extern const MethodInfo* Dictionary_2__ctor_m912001809_0_MethodInfo_var;
extern FieldInfo* U3CPrivateImplementationDetailsU3E_t_919820977_0____U24U24fieldU2D2_0_FieldInfo_var;
extern Il2CppCodeGenString* _stringLiteral_1423461112_0;
extern Il2CppCodeGenString* _stringLiteral_775651618_0;
extern Il2CppCodeGenString* _stringLiteral_1132779846_0;
extern Il2CppCodeGenString* _stringLiteral785670158_0;
extern Il2CppCodeGenString* _stringLiteral3076014_0;
extern Il2CppCodeGenString* _stringLiteral_1289163687_0;
extern Il2CppCodeGenString* _stringLiteral3208616_0;
extern Il2CppCodeGenString* _stringLiteral_1992871450_0;
extern Il2CppCodeGenString* _stringLiteral108280125_0;
extern Il2CppCodeGenString* _stringLiteral1085069613_0;
extern Il2CppCodeGenString* _stringLiteral1274458357_0;
extern Il2CppCodeGenString* _stringLiteral486342275_0;
extern Il2CppCodeGenString* _stringLiteral285929373_0;
extern Il2CppCodeGenString* _stringLiteral1244061434_0;
extern Il2CppCodeGenString* _stringLiteral982865141_0;
extern Il2CppCodeGenString* _stringLiteral1374463883_0;
extern Il2CppCodeGenString* _stringLiteral124285319_0;
extern Il2CppCodeGenString* _stringLiteral_167369608_0;
extern Il2CppCodeGenString* _stringLiteral802785917_0;
extern Il2CppCodeGenString* _stringLiteral1397189435_0;
extern Il2CppCodeGenString* _stringLiteral92906313_0;
extern Il2CppCodeGenString* _stringLiteral_1385570183_0;
extern Il2CppCodeGenString* _stringLiteral_208775662_0;
extern Il2CppCodeGenString* _stringLiteral2095084583_0;
extern Il2CppCodeGenString* _stringLiteral_1229727188_0;
extern Il2CppCodeGenString* _stringLiteral34533653_0;
extern Il2CppCodeGenString* _stringLiteral646073760_0;
extern Il2CppCodeGenString* _stringLiteral_301767724_0;
extern Il2CppCodeGenString* _stringLiteral_977423767_0;
extern Il2CppCodeGenString* _stringLiteral_231171556_0;
extern Il2CppCodeGenString* _stringLiteral3612210_0;
extern Il2CppCodeGenString* _stringLiteral116750_0;
extern Il2CppCodeGenString* _stringLiteral1124446108_0;
extern Il2CppCodeGenString* _stringLiteral_243037365_0;
extern Il2CppCodeGenString* _stringLiteral1237214767_0;
extern Il2CppCodeGenString* _stringLiteral_301047837_0;
extern "C" void WebHeaderCollection__cctor_m766347104_0 (Object_t * __this /* static, unused */, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
BooleanU5BU5D_t_1574345617_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(188);
WebHeaderCollection_t_1532305783_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(641);
CaseInsensitiveHashCodeProvider_t69752889_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(191);
CaseInsensitiveComparer_t417417786_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(190);
Hashtable_t_2004451924_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(196);
Boolean_t_19515315_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(49);
StringComparer_t_1825655911_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(607);
Dictionary_2_t831850618_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(658);
Dictionary_2__ctor_m912001809_0_MethodInfo_var = il2cpp_codegen_method_info_from_index(2147483690);
U3CPrivateImplementationDetailsU3E_t_919820977_0____U24U24fieldU2D2_0_FieldInfo_var = il2cpp_codegen_field_info_from_index(659, 0);
_stringLiteral_1423461112_0 = il2cpp_codegen_string_literal_from_index(2177);
_stringLiteral_775651618_0 = il2cpp_codegen_string_literal_from_index(2178);
_stringLiteral_1132779846_0 = il2cpp_codegen_string_literal_from_index(2179);
_stringLiteral785670158_0 = il2cpp_codegen_string_literal_from_index(2180);
_stringLiteral3076014_0 = il2cpp_codegen_string_literal_from_index(2181);
_stringLiteral_1289163687_0 = il2cpp_codegen_string_literal_from_index(2182);
_stringLiteral3208616_0 = il2cpp_codegen_string_literal_from_index(2183);
_stringLiteral_1992871450_0 = il2cpp_codegen_string_literal_from_index(2184);
_stringLiteral108280125_0 = il2cpp_codegen_string_literal_from_index(2185);
_stringLiteral1085069613_0 = il2cpp_codegen_string_literal_from_index(2186);
_stringLiteral1274458357_0 = il2cpp_codegen_string_literal_from_index(2187);
_stringLiteral486342275_0 = il2cpp_codegen_string_literal_from_index(2188);
_stringLiteral285929373_0 = il2cpp_codegen_string_literal_from_index(2189);
_stringLiteral1244061434_0 = il2cpp_codegen_string_literal_from_index(2190);
_stringLiteral982865141_0 = il2cpp_codegen_string_literal_from_index(2191);
_stringLiteral1374463883_0 = il2cpp_codegen_string_literal_from_index(2192);
_stringLiteral124285319_0 = il2cpp_codegen_string_literal_from_index(2193);
_stringLiteral_167369608_0 = il2cpp_codegen_string_literal_from_index(2194);
_stringLiteral802785917_0 = il2cpp_codegen_string_literal_from_index(2195);
_stringLiteral1397189435_0 = il2cpp_codegen_string_literal_from_index(2196);
_stringLiteral92906313_0 = il2cpp_codegen_string_literal_from_index(2197);
_stringLiteral_1385570183_0 = il2cpp_codegen_string_literal_from_index(2198);
_stringLiteral_208775662_0 = il2cpp_codegen_string_literal_from_index(2199);
_stringLiteral2095084583_0 = il2cpp_codegen_string_literal_from_index(2200);
_stringLiteral_1229727188_0 = il2cpp_codegen_string_literal_from_index(2201);
_stringLiteral34533653_0 = il2cpp_codegen_string_literal_from_index(2202);
_stringLiteral646073760_0 = il2cpp_codegen_string_literal_from_index(2203);
_stringLiteral_301767724_0 = il2cpp_codegen_string_literal_from_index(2204);
_stringLiteral_977423767_0 = il2cpp_codegen_string_literal_from_index(2205);
_stringLiteral_231171556_0 = il2cpp_codegen_string_literal_from_index(2206);
_stringLiteral3612210_0 = il2cpp_codegen_string_literal_from_index(2207);
_stringLiteral116750_0 = il2cpp_codegen_string_literal_from_index(2208);
_stringLiteral1124446108_0 = il2cpp_codegen_string_literal_from_index(2209);
_stringLiteral_243037365_0 = il2cpp_codegen_string_literal_from_index(2210);
_stringLiteral1237214767_0 = il2cpp_codegen_string_literal_from_index(2211);
_stringLiteral_301047837_0 = il2cpp_codegen_string_literal_from_index(2212);
s_Il2CppMethodIntialized = true;
}
{
BooleanU5BU5D_t_1574345617_0* L_0 = ((BooleanU5BU5D_t_1574345617_0*)SZArrayNew(BooleanU5BU5D_t_1574345617_0_il2cpp_TypeInfo_var, (uint32_t)((int32_t)126)));
RuntimeHelpers_InitializeArray_m2058365049_0(NULL /*static, unused*/, (Array_t *)(Array_t *)L_0, LoadFieldToken(U3CPrivateImplementationDetailsU3E_t_919820977_0____U24U24fieldU2D2_0_FieldInfo_var), /*hidden argument*/NULL);
((WebHeaderCollection_t_1532305783_0_StaticFields*)WebHeaderCollection_t_1532305783_0_il2cpp_TypeInfo_var->static_fields)->___allowed_chars_16 = L_0;
IL2CPP_RUNTIME_CLASS_INIT(CaseInsensitiveHashCodeProvider_t69752889_0_il2cpp_TypeInfo_var);
CaseInsensitiveHashCodeProvider_t69752889_0 * L_1 = CaseInsensitiveHashCodeProvider_get_DefaultInvariant_m1403540293_0(NULL /*static, unused*/, /*hidden argument*/NULL);
IL2CPP_RUNTIME_CLASS_INIT(CaseInsensitiveComparer_t417417786_0_il2cpp_TypeInfo_var);
CaseInsensitiveComparer_t417417786_0 * L_2 = CaseInsensitiveComparer_get_DefaultInvariant_m_1019056219_0(NULL /*static, unused*/, /*hidden argument*/NULL);
Hashtable_t_2004451924_0 * L_3 = (Hashtable_t_2004451924_0 *)il2cpp_codegen_object_new (Hashtable_t_2004451924_0_il2cpp_TypeInfo_var);
Hashtable__ctor_m346689243_0(L_3, L_1, L_2, /*hidden argument*/NULL);
((WebHeaderCollection_t_1532305783_0_StaticFields*)WebHeaderCollection_t_1532305783_0_il2cpp_TypeInfo_var->static_fields)->___restricted_12 = L_3;
Hashtable_t_2004451924_0 * L_4 = ((WebHeaderCollection_t_1532305783_0_StaticFields*)WebHeaderCollection_t_1532305783_0_il2cpp_TypeInfo_var->static_fields)->___restricted_12;
bool L_5 = ((bool)1);
Object_t * L_6 = Box(Boolean_t_19515315_0_il2cpp_TypeInfo_var, &L_5);
NullCheck(L_4);
VirtActionInvoker2< Object_t *, Object_t * >::Invoke(27 /* System.Void System.Collections.Hashtable::Add(System.Object,System.Object) */, L_4, _stringLiteral_1423461112_0, L_6);
Hashtable_t_2004451924_0 * L_7 = ((WebHeaderCollection_t_1532305783_0_StaticFields*)WebHeaderCollection_t_1532305783_0_il2cpp_TypeInfo_var->static_fields)->___restricted_12;
bool L_8 = ((bool)1);
Object_t * L_9 = Box(Boolean_t_19515315_0_il2cpp_TypeInfo_var, &L_8);
NullCheck(L_7);
VirtActionInvoker2< Object_t *, Object_t * >::Invoke(27 /* System.Void System.Collections.Hashtable::Add(System.Object,System.Object) */, L_7, _stringLiteral_775651618_0, L_9);
Hashtable_t_2004451924_0 * L_10 = ((WebHeaderCollection_t_1532305783_0_StaticFields*)WebHeaderCollection_t_1532305783_0_il2cpp_TypeInfo_var->static_fields)->___restricted_12;
bool L_11 = ((bool)1);
Object_t * L_12 = Box(Boolean_t_19515315_0_il2cpp_TypeInfo_var, &L_11);
NullCheck(L_10);
VirtActionInvoker2< Object_t *, Object_t * >::Invoke(27 /* System.Void System.Collections.Hashtable::Add(System.Object,System.Object) */, L_10, _stringLiteral_1132779846_0, L_12);
Hashtable_t_2004451924_0 * L_13 = ((WebHeaderCollection_t_1532305783_0_StaticFields*)WebHeaderCollection_t_1532305783_0_il2cpp_TypeInfo_var->static_fields)->___restricted_12;
bool L_14 = ((bool)1);
Object_t * L_15 = Box(Boolean_t_19515315_0_il2cpp_TypeInfo_var, &L_14);
NullCheck(L_13);
VirtActionInvoker2< Object_t *, Object_t * >::Invoke(27 /* System.Void System.Collections.Hashtable::Add(System.Object,System.Object) */, L_13, _stringLiteral785670158_0, L_15);
Hashtable_t_2004451924_0 * L_16 = ((WebHeaderCollection_t_1532305783_0_StaticFields*)WebHeaderCollection_t_1532305783_0_il2cpp_TypeInfo_var->static_fields)->___restricted_12;
bool L_17 = ((bool)1);
Object_t * L_18 = Box(Boolean_t_19515315_0_il2cpp_TypeInfo_var, &L_17);
NullCheck(L_16);
VirtActionInvoker2< Object_t *, Object_t * >::Invoke(27 /* System.Void System.Collections.Hashtable::Add(System.Object,System.Object) */, L_16, _stringLiteral3076014_0, L_18);
Hashtable_t_2004451924_0 * L_19 = ((WebHeaderCollection_t_1532305783_0_StaticFields*)WebHeaderCollection_t_1532305783_0_il2cpp_TypeInfo_var->static_fields)->___restricted_12;
bool L_20 = ((bool)1);
Object_t * L_21 = Box(Boolean_t_19515315_0_il2cpp_TypeInfo_var, &L_20);
NullCheck(L_19);
VirtActionInvoker2< Object_t *, Object_t * >::Invoke(27 /* System.Void System.Collections.Hashtable::Add(System.Object,System.Object) */, L_19, _stringLiteral_1289163687_0, L_21);
Hashtable_t_2004451924_0 * L_22 = ((WebHeaderCollection_t_1532305783_0_StaticFields*)WebHeaderCollection_t_1532305783_0_il2cpp_TypeInfo_var->static_fields)->___restricted_12;
bool L_23 = ((bool)1);
Object_t * L_24 = Box(Boolean_t_19515315_0_il2cpp_TypeInfo_var, &L_23);
NullCheck(L_22);
VirtActionInvoker2< Object_t *, Object_t * >::Invoke(27 /* System.Void System.Collections.Hashtable::Add(System.Object,System.Object) */, L_22, _stringLiteral3208616_0, L_24);
Hashtable_t_2004451924_0 * L_25 = ((WebHeaderCollection_t_1532305783_0_StaticFields*)WebHeaderCollection_t_1532305783_0_il2cpp_TypeInfo_var->static_fields)->___restricted_12;
bool L_26 = ((bool)1);
Object_t * L_27 = Box(Boolean_t_19515315_0_il2cpp_TypeInfo_var, &L_26);
NullCheck(L_25);
VirtActionInvoker2< Object_t *, Object_t * >::Invoke(27 /* System.Void System.Collections.Hashtable::Add(System.Object,System.Object) */, L_25, _stringLiteral_1992871450_0, L_27);
Hashtable_t_2004451924_0 * L_28 = ((WebHeaderCollection_t_1532305783_0_StaticFields*)WebHeaderCollection_t_1532305783_0_il2cpp_TypeInfo_var->static_fields)->___restricted_12;
bool L_29 = ((bool)1);
Object_t * L_30 = Box(Boolean_t_19515315_0_il2cpp_TypeInfo_var, &L_29);
NullCheck(L_28);
VirtActionInvoker2< Object_t *, Object_t * >::Invoke(27 /* System.Void System.Collections.Hashtable::Add(System.Object,System.Object) */, L_28, _stringLiteral108280125_0, L_30);
Hashtable_t_2004451924_0 * L_31 = ((WebHeaderCollection_t_1532305783_0_StaticFields*)WebHeaderCollection_t_1532305783_0_il2cpp_TypeInfo_var->static_fields)->___restricted_12;
bool L_32 = ((bool)1);
Object_t * L_33 = Box(Boolean_t_19515315_0_il2cpp_TypeInfo_var, &L_32);
NullCheck(L_31);
VirtActionInvoker2< Object_t *, Object_t * >::Invoke(27 /* System.Void System.Collections.Hashtable::Add(System.Object,System.Object) */, L_31, _stringLiteral1085069613_0, L_33);
Hashtable_t_2004451924_0 * L_34 = ((WebHeaderCollection_t_1532305783_0_StaticFields*)WebHeaderCollection_t_1532305783_0_il2cpp_TypeInfo_var->static_fields)->___restricted_12;
bool L_35 = ((bool)1);
Object_t * L_36 = Box(Boolean_t_19515315_0_il2cpp_TypeInfo_var, &L_35);
NullCheck(L_34);
VirtActionInvoker2< Object_t *, Object_t * >::Invoke(27 /* System.Void System.Collections.Hashtable::Add(System.Object,System.Object) */, L_34, _stringLiteral1274458357_0, L_36);
Hashtable_t_2004451924_0 * L_37 = ((WebHeaderCollection_t_1532305783_0_StaticFields*)WebHeaderCollection_t_1532305783_0_il2cpp_TypeInfo_var->static_fields)->___restricted_12;
bool L_38 = ((bool)1);
Object_t * L_39 = Box(Boolean_t_19515315_0_il2cpp_TypeInfo_var, &L_38);
NullCheck(L_37);
VirtActionInvoker2< Object_t *, Object_t * >::Invoke(27 /* System.Void System.Collections.Hashtable::Add(System.Object,System.Object) */, L_37, _stringLiteral486342275_0, L_39);
Hashtable_t_2004451924_0 * L_40 = ((WebHeaderCollection_t_1532305783_0_StaticFields*)WebHeaderCollection_t_1532305783_0_il2cpp_TypeInfo_var->static_fields)->___restricted_12;
bool L_41 = ((bool)1);
Object_t * L_42 = Box(Boolean_t_19515315_0_il2cpp_TypeInfo_var, &L_41);
NullCheck(L_40);
VirtActionInvoker2< Object_t *, Object_t * >::Invoke(27 /* System.Void System.Collections.Hashtable::Add(System.Object,System.Object) */, L_40, _stringLiteral285929373_0, L_42);
IL2CPP_RUNTIME_CLASS_INIT(StringComparer_t_1825655911_0_il2cpp_TypeInfo_var);
StringComparer_t_1825655911_0 * L_43 = StringComparer_get_InvariantCultureIgnoreCase_m_776458384_0(NULL /*static, unused*/, /*hidden argument*/NULL);
Dictionary_2_t831850618_0 * L_44 = (Dictionary_2_t831850618_0 *)il2cpp_codegen_object_new (Dictionary_2_t831850618_0_il2cpp_TypeInfo_var);
Dictionary_2__ctor_m912001809_0(L_44, L_43, /*hidden argument*/Dictionary_2__ctor_m912001809_0_MethodInfo_var);
((WebHeaderCollection_t_1532305783_0_StaticFields*)WebHeaderCollection_t_1532305783_0_il2cpp_TypeInfo_var->static_fields)->___restricted_response_14 = L_44;
Dictionary_2_t831850618_0 * L_45 = ((WebHeaderCollection_t_1532305783_0_StaticFields*)WebHeaderCollection_t_1532305783_0_il2cpp_TypeInfo_var->static_fields)->___restricted_response_14;
NullCheck(L_45);
VirtActionInvoker2< String_t*, bool >::Invoke(28 /* System.Void System.Collections.Generic.Dictionary`2<System.String,System.Boolean>::Add(!0,!1) */, L_45, _stringLiteral1244061434_0, (bool)1);
Dictionary_2_t831850618_0 * L_46 = ((WebHeaderCollection_t_1532305783_0_StaticFields*)WebHeaderCollection_t_1532305783_0_il2cpp_TypeInfo_var->static_fields)->___restricted_response_14;
NullCheck(L_46);
VirtActionInvoker2< String_t*, bool >::Invoke(28 /* System.Void System.Collections.Generic.Dictionary`2<System.String,System.Boolean>::Add(!0,!1) */, L_46, _stringLiteral982865141_0, (bool)1);
Dictionary_2_t831850618_0 * L_47 = ((WebHeaderCollection_t_1532305783_0_StaticFields*)WebHeaderCollection_t_1532305783_0_il2cpp_TypeInfo_var->static_fields)->___restricted_response_14;
NullCheck(L_47);
VirtActionInvoker2< String_t*, bool >::Invoke(28 /* System.Void System.Collections.Generic.Dictionary`2<System.String,System.Boolean>::Add(!0,!1) */, L_47, _stringLiteral1374463883_0, (bool)1);
CaseInsensitiveHashCodeProvider_t69752889_0 * L_48 = CaseInsensitiveHashCodeProvider_get_DefaultInvariant_m1403540293_0(NULL /*static, unused*/, /*hidden argument*/NULL);
CaseInsensitiveComparer_t417417786_0 * L_49 = CaseInsensitiveComparer_get_DefaultInvariant_m_1019056219_0(NULL /*static, unused*/, /*hidden argument*/NULL);
Hashtable_t_2004451924_0 * L_50 = (Hashtable_t_2004451924_0 *)il2cpp_codegen_object_new (Hashtable_t_2004451924_0_il2cpp_TypeInfo_var);
Hashtable__ctor_m346689243_0(L_50, L_48, L_49, /*hidden argument*/NULL);
((WebHeaderCollection_t_1532305783_0_StaticFields*)WebHeaderCollection_t_1532305783_0_il2cpp_TypeInfo_var->static_fields)->___multiValue_13 = L_50;
Hashtable_t_2004451924_0 * L_51 = ((WebHeaderCollection_t_1532305783_0_StaticFields*)WebHeaderCollection_t_1532305783_0_il2cpp_TypeInfo_var->static_fields)->___multiValue_13;
bool L_52 = ((bool)1);
Object_t * L_53 = Box(Boolean_t_19515315_0_il2cpp_TypeInfo_var, &L_52);
NullCheck(L_51);
VirtActionInvoker2< Object_t *, Object_t * >::Invoke(27 /* System.Void System.Collections.Hashtable::Add(System.Object,System.Object) */, L_51, _stringLiteral_1423461112_0, L_53);
Hashtable_t_2004451924_0 * L_54 = ((WebHeaderCollection_t_1532305783_0_StaticFields*)WebHeaderCollection_t_1532305783_0_il2cpp_TypeInfo_var->static_fields)->___multiValue_13;
bool L_55 = ((bool)1);
Object_t * L_56 = Box(Boolean_t_19515315_0_il2cpp_TypeInfo_var, &L_55);
NullCheck(L_54);
VirtActionInvoker2< Object_t *, Object_t * >::Invoke(27 /* System.Void System.Collections.Hashtable::Add(System.Object,System.Object) */, L_54, _stringLiteral124285319_0, L_56);
Hashtable_t_2004451924_0 * L_57 = ((WebHeaderCollection_t_1532305783_0_StaticFields*)WebHeaderCollection_t_1532305783_0_il2cpp_TypeInfo_var->static_fields)->___multiValue_13;
bool L_58 = ((bool)1);
Object_t * L_59 = Box(Boolean_t_19515315_0_il2cpp_TypeInfo_var, &L_58);
NullCheck(L_57);
VirtActionInvoker2< Object_t *, Object_t * >::Invoke(27 /* System.Void System.Collections.Hashtable::Add(System.Object,System.Object) */, L_57, _stringLiteral_167369608_0, L_59);
Hashtable_t_2004451924_0 * L_60 = ((WebHeaderCollection_t_1532305783_0_StaticFields*)WebHeaderCollection_t_1532305783_0_il2cpp_TypeInfo_var->static_fields)->___multiValue_13;
bool L_61 = ((bool)1);
Object_t * L_62 = Box(Boolean_t_19515315_0_il2cpp_TypeInfo_var, &L_61);
NullCheck(L_60);
VirtActionInvoker2< Object_t *, Object_t * >::Invoke(27 /* System.Void System.Collections.Hashtable::Add(System.Object,System.Object) */, L_60, _stringLiteral802785917_0, L_62);
Hashtable_t_2004451924_0 * L_63 = ((WebHeaderCollection_t_1532305783_0_StaticFields*)WebHeaderCollection_t_1532305783_0_il2cpp_TypeInfo_var->static_fields)->___multiValue_13;
bool L_64 = ((bool)1);
Object_t * L_65 = Box(Boolean_t_19515315_0_il2cpp_TypeInfo_var, &L_64);
NullCheck(L_63);
VirtActionInvoker2< Object_t *, Object_t * >::Invoke(27 /* System.Void System.Collections.Hashtable::Add(System.Object,System.Object) */, L_63, _stringLiteral1397189435_0, L_65);
Hashtable_t_2004451924_0 * L_66 = ((WebHeaderCollection_t_1532305783_0_StaticFields*)WebHeaderCollection_t_1532305783_0_il2cpp_TypeInfo_var->static_fields)->___multiValue_13;
bool L_67 = ((bool)1);
Object_t * L_68 = Box(Boolean_t_19515315_0_il2cpp_TypeInfo_var, &L_67);
NullCheck(L_66);
VirtActionInvoker2< Object_t *, Object_t * >::Invoke(27 /* System.Void System.Collections.Hashtable::Add(System.Object,System.Object) */, L_66, _stringLiteral92906313_0, L_68);
Hashtable_t_2004451924_0 * L_69 = ((WebHeaderCollection_t_1532305783_0_StaticFields*)WebHeaderCollection_t_1532305783_0_il2cpp_TypeInfo_var->static_fields)->___multiValue_13;
bool L_70 = ((bool)1);
Object_t * L_71 = Box(Boolean_t_19515315_0_il2cpp_TypeInfo_var, &L_70);
NullCheck(L_69);
VirtActionInvoker2< Object_t *, Object_t * >::Invoke(27 /* System.Void System.Collections.Hashtable::Add(System.Object,System.Object) */, L_69, _stringLiteral_1385570183_0, L_71);
Hashtable_t_2004451924_0 * L_72 = ((WebHeaderCollection_t_1532305783_0_StaticFields*)WebHeaderCollection_t_1532305783_0_il2cpp_TypeInfo_var->static_fields)->___multiValue_13;
bool L_73 = ((bool)1);
Object_t * L_74 = Box(Boolean_t_19515315_0_il2cpp_TypeInfo_var, &L_73);
NullCheck(L_72);
VirtActionInvoker2< Object_t *, Object_t * >::Invoke(27 /* System.Void System.Collections.Hashtable::Add(System.Object,System.Object) */, L_72, _stringLiteral_208775662_0, L_74);
Hashtable_t_2004451924_0 * L_75 = ((WebHeaderCollection_t_1532305783_0_StaticFields*)WebHeaderCollection_t_1532305783_0_il2cpp_TypeInfo_var->static_fields)->___multiValue_13;
bool L_76 = ((bool)1);
Object_t * L_77 = Box(Boolean_t_19515315_0_il2cpp_TypeInfo_var, &L_76);
NullCheck(L_75);
VirtActionInvoker2< Object_t *, Object_t * >::Invoke(27 /* System.Void System.Collections.Hashtable::Add(System.Object,System.Object) */, L_75, _stringLiteral_775651618_0, L_77);
Hashtable_t_2004451924_0 * L_78 = ((WebHeaderCollection_t_1532305783_0_StaticFields*)WebHeaderCollection_t_1532305783_0_il2cpp_TypeInfo_var->static_fields)->___multiValue_13;
bool L_79 = ((bool)1);
Object_t * L_80 = Box(Boolean_t_19515315_0_il2cpp_TypeInfo_var, &L_79);
NullCheck(L_78);
VirtActionInvoker2< Object_t *, Object_t * >::Invoke(27 /* System.Void System.Collections.Hashtable::Add(System.Object,System.Object) */, L_78, _stringLiteral2095084583_0, L_80);
Hashtable_t_2004451924_0 * L_81 = ((WebHeaderCollection_t_1532305783_0_StaticFields*)WebHeaderCollection_t_1532305783_0_il2cpp_TypeInfo_var->static_fields)->___multiValue_13;
bool L_82 = ((bool)1);
Object_t * L_83 = Box(Boolean_t_19515315_0_il2cpp_TypeInfo_var, &L_82);
NullCheck(L_81);
VirtActionInvoker2< Object_t *, Object_t * >::Invoke(27 /* System.Void System.Collections.Hashtable::Add(System.Object,System.Object) */, L_81, _stringLiteral_1229727188_0, L_83);
Hashtable_t_2004451924_0 * L_84 = ((WebHeaderCollection_t_1532305783_0_StaticFields*)WebHeaderCollection_t_1532305783_0_il2cpp_TypeInfo_var->static_fields)->___multiValue_13;
bool L_85 = ((bool)1);
Object_t * L_86 = Box(Boolean_t_19515315_0_il2cpp_TypeInfo_var, &L_85);
NullCheck(L_84);
VirtActionInvoker2< Object_t *, Object_t * >::Invoke(27 /* System.Void System.Collections.Hashtable::Add(System.Object,System.Object) */, L_84, _stringLiteral_1289163687_0, L_86);
Hashtable_t_2004451924_0 * L_87 = ((WebHeaderCollection_t_1532305783_0_StaticFields*)WebHeaderCollection_t_1532305783_0_il2cpp_TypeInfo_var->static_fields)->___multiValue_13;
bool L_88 = ((bool)1);
Object_t * L_89 = Box(Boolean_t_19515315_0_il2cpp_TypeInfo_var, &L_88);
NullCheck(L_87);
VirtActionInvoker2< Object_t *, Object_t * >::Invoke(27 /* System.Void System.Collections.Hashtable::Add(System.Object,System.Object) */, L_87, _stringLiteral34533653_0, L_89);
Hashtable_t_2004451924_0 * L_90 = ((WebHeaderCollection_t_1532305783_0_StaticFields*)WebHeaderCollection_t_1532305783_0_il2cpp_TypeInfo_var->static_fields)->___multiValue_13;
bool L_91 = ((bool)1);
Object_t * L_92 = Box(Boolean_t_19515315_0_il2cpp_TypeInfo_var, &L_91);
NullCheck(L_90);
VirtActionInvoker2< Object_t *, Object_t * >::Invoke(27 /* System.Void System.Collections.Hashtable::Add(System.Object,System.Object) */, L_90, _stringLiteral646073760_0, L_92);
Hashtable_t_2004451924_0 * L_93 = ((WebHeaderCollection_t_1532305783_0_StaticFields*)WebHeaderCollection_t_1532305783_0_il2cpp_TypeInfo_var->static_fields)->___multiValue_13;
bool L_94 = ((bool)1);
Object_t * L_95 = Box(Boolean_t_19515315_0_il2cpp_TypeInfo_var, &L_94);
NullCheck(L_93);
VirtActionInvoker2< Object_t *, Object_t * >::Invoke(27 /* System.Void System.Collections.Hashtable::Add(System.Object,System.Object) */, L_93, _stringLiteral_301767724_0, L_95);
Hashtable_t_2004451924_0 * L_96 = ((WebHeaderCollection_t_1532305783_0_StaticFields*)WebHeaderCollection_t_1532305783_0_il2cpp_TypeInfo_var->static_fields)->___multiValue_13;
bool L_97 = ((bool)1);
Object_t * L_98 = Box(Boolean_t_19515315_0_il2cpp_TypeInfo_var, &L_97);
NullCheck(L_96);
VirtActionInvoker2< Object_t *, Object_t * >::Invoke(27 /* System.Void System.Collections.Hashtable::Add(System.Object,System.Object) */, L_96, _stringLiteral_977423767_0, L_98);
Hashtable_t_2004451924_0 * L_99 = ((WebHeaderCollection_t_1532305783_0_StaticFields*)WebHeaderCollection_t_1532305783_0_il2cpp_TypeInfo_var->static_fields)->___multiValue_13;
bool L_100 = ((bool)1);
Object_t * L_101 = Box(Boolean_t_19515315_0_il2cpp_TypeInfo_var, &L_100);
NullCheck(L_99);
VirtActionInvoker2< Object_t *, Object_t * >::Invoke(27 /* System.Void System.Collections.Hashtable::Add(System.Object,System.Object) */, L_99, _stringLiteral108280125_0, L_101);
Hashtable_t_2004451924_0 * L_102 = ((WebHeaderCollection_t_1532305783_0_StaticFields*)WebHeaderCollection_t_1532305783_0_il2cpp_TypeInfo_var->static_fields)->___multiValue_13;
bool L_103 = ((bool)1);
Object_t * L_104 = Box(Boolean_t_19515315_0_il2cpp_TypeInfo_var, &L_103);
NullCheck(L_102);
VirtActionInvoker2< Object_t *, Object_t * >::Invoke(27 /* System.Void System.Collections.Hashtable::Add(System.Object,System.Object) */, L_102, _stringLiteral1274458357_0, L_104);
Hashtable_t_2004451924_0 * L_105 = ((WebHeaderCollection_t_1532305783_0_StaticFields*)WebHeaderCollection_t_1532305783_0_il2cpp_TypeInfo_var->static_fields)->___multiValue_13;
bool L_106 = ((bool)1);
Object_t * L_107 = Box(Boolean_t_19515315_0_il2cpp_TypeInfo_var, &L_106);
NullCheck(L_105);
VirtActionInvoker2< Object_t *, Object_t * >::Invoke(27 /* System.Void System.Collections.Hashtable::Add(System.Object,System.Object) */, L_105, _stringLiteral_231171556_0, L_107);
Hashtable_t_2004451924_0 * L_108 = ((WebHeaderCollection_t_1532305783_0_StaticFields*)WebHeaderCollection_t_1532305783_0_il2cpp_TypeInfo_var->static_fields)->___multiValue_13;
bool L_109 = ((bool)1);
Object_t * L_110 = Box(Boolean_t_19515315_0_il2cpp_TypeInfo_var, &L_109);
NullCheck(L_108);
VirtActionInvoker2< Object_t *, Object_t * >::Invoke(27 /* System.Void System.Collections.Hashtable::Add(System.Object,System.Object) */, L_108, _stringLiteral3612210_0, L_110);
Hashtable_t_2004451924_0 * L_111 = ((WebHeaderCollection_t_1532305783_0_StaticFields*)WebHeaderCollection_t_1532305783_0_il2cpp_TypeInfo_var->static_fields)->___multiValue_13;
bool L_112 = ((bool)1);
Object_t * L_113 = Box(Boolean_t_19515315_0_il2cpp_TypeInfo_var, &L_112);
NullCheck(L_111);
VirtActionInvoker2< Object_t *, Object_t * >::Invoke(27 /* System.Void System.Collections.Hashtable::Add(System.Object,System.Object) */, L_111, _stringLiteral116750_0, L_113);
Hashtable_t_2004451924_0 * L_114 = ((WebHeaderCollection_t_1532305783_0_StaticFields*)WebHeaderCollection_t_1532305783_0_il2cpp_TypeInfo_var->static_fields)->___multiValue_13;
bool L_115 = ((bool)1);
Object_t * L_116 = Box(Boolean_t_19515315_0_il2cpp_TypeInfo_var, &L_115);
NullCheck(L_114);
VirtActionInvoker2< Object_t *, Object_t * >::Invoke(27 /* System.Void System.Collections.Hashtable::Add(System.Object,System.Object) */, L_114, _stringLiteral1124446108_0, L_116);
Hashtable_t_2004451924_0 * L_117 = ((WebHeaderCollection_t_1532305783_0_StaticFields*)WebHeaderCollection_t_1532305783_0_il2cpp_TypeInfo_var->static_fields)->___multiValue_13;
bool L_118 = ((bool)1);
Object_t * L_119 = Box(Boolean_t_19515315_0_il2cpp_TypeInfo_var, &L_118);
NullCheck(L_117);
VirtActionInvoker2< Object_t *, Object_t * >::Invoke(27 /* System.Void System.Collections.Hashtable::Add(System.Object,System.Object) */, L_117, _stringLiteral_243037365_0, L_119);
Hashtable_t_2004451924_0 * L_120 = ((WebHeaderCollection_t_1532305783_0_StaticFields*)WebHeaderCollection_t_1532305783_0_il2cpp_TypeInfo_var->static_fields)->___multiValue_13;
bool L_121 = ((bool)1);
Object_t * L_122 = Box(Boolean_t_19515315_0_il2cpp_TypeInfo_var, &L_121);
NullCheck(L_120);
VirtActionInvoker2< Object_t *, Object_t * >::Invoke(27 /* System.Void System.Collections.Hashtable::Add(System.Object,System.Object) */, L_120, _stringLiteral1237214767_0, L_122);
Hashtable_t_2004451924_0 * L_123 = ((WebHeaderCollection_t_1532305783_0_StaticFields*)WebHeaderCollection_t_1532305783_0_il2cpp_TypeInfo_var->static_fields)->___multiValue_13;
bool L_124 = ((bool)1);
Object_t * L_125 = Box(Boolean_t_19515315_0_il2cpp_TypeInfo_var, &L_124);
NullCheck(L_123);
VirtActionInvoker2< Object_t *, Object_t * >::Invoke(27 /* System.Void System.Collections.Hashtable::Add(System.Object,System.Object) */, L_123, _stringLiteral_301047837_0, L_125);
return;
}
}
// System.Void System.Net.WebHeaderCollection::System.Runtime.Serialization.ISerializable.GetObjectData(System.Runtime.Serialization.SerializationInfo,System.Runtime.Serialization.StreamingContext)
extern "C" void WebHeaderCollection_System_Runtime_Serialization_ISerializable_GetObjectData_m_1196263682_0 (WebHeaderCollection_t_1532305783_0 * __this, SerializationInfo_t526833679_0 * ___serializationInfo, StreamingContext_t_1216992900_0 ___streamingContext, const MethodInfo* method)
{
{
SerializationInfo_t526833679_0 * L_0 = ___serializationInfo;
StreamingContext_t_1216992900_0 L_1 = ___streamingContext;
VirtActionInvoker2< SerializationInfo_t526833679_0 *, StreamingContext_t_1216992900_0 >::Invoke(13 /* System.Void System.Net.WebHeaderCollection::GetObjectData(System.Runtime.Serialization.SerializationInfo,System.Runtime.Serialization.StreamingContext) */, __this, L_0, L_1);
return;
}
}
// System.Void System.Net.WebHeaderCollection::Add(System.String,System.String)
extern TypeInfo* ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var;
extern TypeInfo* WebHeaderCollection_t_1532305783_0_il2cpp_TypeInfo_var;
extern TypeInfo* ArgumentException_t1159624695_0_il2cpp_TypeInfo_var;
extern Il2CppCodeGenString* _stringLiteral3373707_0;
extern Il2CppCodeGenString* _stringLiteral_156844483_0;
extern "C" void WebHeaderCollection_Add_m_38514094_0 (WebHeaderCollection_t_1532305783_0 * __this, String_t* ___name, String_t* ___value, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(2);
WebHeaderCollection_t_1532305783_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(641);
ArgumentException_t1159624695_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(4);
_stringLiteral3373707_0 = il2cpp_codegen_string_literal_from_index(199);
_stringLiteral_156844483_0 = il2cpp_codegen_string_literal_from_index(2213);
s_Il2CppMethodIntialized = true;
}
{
String_t* L_0 = ___name;
if (L_0)
{
goto IL_0011;
}
}
{
ArgumentNullException_t_1072101840_0 * L_1 = (ArgumentNullException_t_1072101840_0 *)il2cpp_codegen_object_new (ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var);
ArgumentNullException__ctor_m135444188_0(L_1, _stringLiteral3373707_0, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_1);
}
IL_0011:
{
bool L_2 = (__this->___internallyCreated_15);
if (!L_2)
{
goto IL_0032;
}
}
{
String_t* L_3 = ___name;
IL2CPP_RUNTIME_CLASS_INIT(WebHeaderCollection_t_1532305783_0_il2cpp_TypeInfo_var);
bool L_4 = WebHeaderCollection_IsRestricted_m2143660688_0(NULL /*static, unused*/, L_3, /*hidden argument*/NULL);
if (!L_4)
{
goto IL_0032;
}
}
{
ArgumentException_t1159624695_0 * L_5 = (ArgumentException_t1159624695_0 *)il2cpp_codegen_object_new (ArgumentException_t1159624695_0_il2cpp_TypeInfo_var);
ArgumentException__ctor_m_750110749_0(L_5, _stringLiteral_156844483_0, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_5);
}
IL_0032:
{
String_t* L_6 = ___name;
String_t* L_7 = ___value;
WebHeaderCollection_AddWithoutValidate_m1282121770_0(__this, L_6, L_7, /*hidden argument*/NULL);
return;
}
}
// System.Void System.Net.WebHeaderCollection::AddWithoutValidate(System.String,System.String)
extern TypeInfo* WebHeaderCollection_t_1532305783_0_il2cpp_TypeInfo_var;
extern TypeInfo* String_t_il2cpp_TypeInfo_var;
extern TypeInfo* ArgumentException_t1159624695_0_il2cpp_TypeInfo_var;
extern Il2CppCodeGenString* _stringLiteral_1057492613_0;
extern Il2CppCodeGenString* _stringLiteral1977336504_0;
extern Il2CppCodeGenString* _stringLiteral87157517_0;
extern Il2CppCodeGenString* _stringLiteral1175277284_0;
extern "C" void WebHeaderCollection_AddWithoutValidate_m1282121770_0 (WebHeaderCollection_t_1532305783_0 * __this, String_t* ___headerName, String_t* ___headerValue, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
WebHeaderCollection_t_1532305783_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(641);
String_t_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(11);
ArgumentException_t1159624695_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(4);
_stringLiteral_1057492613_0 = il2cpp_codegen_string_literal_from_index(2214);
_stringLiteral1977336504_0 = il2cpp_codegen_string_literal_from_index(2215);
_stringLiteral87157517_0 = il2cpp_codegen_string_literal_from_index(2216);
_stringLiteral1175277284_0 = il2cpp_codegen_string_literal_from_index(2217);
s_Il2CppMethodIntialized = true;
}
{
String_t* L_0 = ___headerName;
IL2CPP_RUNTIME_CLASS_INIT(WebHeaderCollection_t_1532305783_0_il2cpp_TypeInfo_var);
bool L_1 = WebHeaderCollection_IsHeaderName_m671697555_0(NULL /*static, unused*/, L_0, /*hidden argument*/NULL);
if (L_1)
{
goto IL_0021;
}
}
{
String_t* L_2 = ___headerName;
IL2CPP_RUNTIME_CLASS_INIT(String_t_il2cpp_TypeInfo_var);
String_t* L_3 = String_Concat_m138640077_0(NULL /*static, unused*/, _stringLiteral_1057492613_0, L_2, /*hidden argument*/NULL);
ArgumentException_t1159624695_0 * L_4 = (ArgumentException_t1159624695_0 *)il2cpp_codegen_object_new (ArgumentException_t1159624695_0_il2cpp_TypeInfo_var);
ArgumentException__ctor_m732321503_0(L_4, L_3, _stringLiteral1977336504_0, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_4);
}
IL_0021:
{
String_t* L_5 = ___headerValue;
if (L_5)
{
goto IL_0033;
}
}
{
IL2CPP_RUNTIME_CLASS_INIT(String_t_il2cpp_TypeInfo_var);
String_t* L_6 = ((String_t_StaticFields*)String_t_il2cpp_TypeInfo_var->static_fields)->___Empty_2;
___headerValue = L_6;
goto IL_003b;
}
IL_0033:
{
String_t* L_7 = ___headerValue;
NullCheck(L_7);
String_t* L_8 = String_Trim_m1030489823_0(L_7, /*hidden argument*/NULL);
___headerValue = L_8;
}
IL_003b:
{
String_t* L_9 = ___headerValue;
IL2CPP_RUNTIME_CLASS_INIT(WebHeaderCollection_t_1532305783_0_il2cpp_TypeInfo_var);
bool L_10 = WebHeaderCollection_IsHeaderValue_m_818555693_0(NULL /*static, unused*/, L_9, /*hidden argument*/NULL);
if (L_10)
{
goto IL_005c;
}
}
{
String_t* L_11 = ___headerValue;
IL2CPP_RUNTIME_CLASS_INIT(String_t_il2cpp_TypeInfo_var);
String_t* L_12 = String_Concat_m138640077_0(NULL /*static, unused*/, _stringLiteral87157517_0, L_11, /*hidden argument*/NULL);
ArgumentException_t1159624695_0 * L_13 = (ArgumentException_t1159624695_0 *)il2cpp_codegen_object_new (ArgumentException_t1159624695_0_il2cpp_TypeInfo_var);
ArgumentException__ctor_m732321503_0(L_13, L_12, _stringLiteral1175277284_0, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_13);
}
IL_005c:
{
String_t* L_14 = ___headerName;
String_t* L_15 = ___headerValue;
NameValueCollection_Add_m1609818730_0(__this, L_14, L_15, /*hidden argument*/NULL);
return;
}
}
// System.Boolean System.Net.WebHeaderCollection::IsRestricted(System.String)
extern TypeInfo* ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var;
extern TypeInfo* String_t_il2cpp_TypeInfo_var;
extern TypeInfo* ArgumentException_t1159624695_0_il2cpp_TypeInfo_var;
extern TypeInfo* WebHeaderCollection_t_1532305783_0_il2cpp_TypeInfo_var;
extern Il2CppCodeGenString* _stringLiteral1977336504_0;
extern Il2CppCodeGenString* _stringLiteral_22732220_0;
extern Il2CppCodeGenString* _stringLiteral1858526696_0;
extern "C" bool WebHeaderCollection_IsRestricted_m2143660688_0 (Object_t * __this /* static, unused */, String_t* ___headerName, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(2);
String_t_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(11);
ArgumentException_t1159624695_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(4);
WebHeaderCollection_t_1532305783_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(641);
_stringLiteral1977336504_0 = il2cpp_codegen_string_literal_from_index(2215);
_stringLiteral_22732220_0 = il2cpp_codegen_string_literal_from_index(2218);
_stringLiteral1858526696_0 = il2cpp_codegen_string_literal_from_index(2219);
s_Il2CppMethodIntialized = true;
}
{
String_t* L_0 = ___headerName;
if (L_0)
{
goto IL_0011;
}
}
{
ArgumentNullException_t_1072101840_0 * L_1 = (ArgumentNullException_t_1072101840_0 *)il2cpp_codegen_object_new (ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var);
ArgumentNullException__ctor_m135444188_0(L_1, _stringLiteral1977336504_0, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_1);
}
IL_0011:
{
String_t* L_2 = ___headerName;
IL2CPP_RUNTIME_CLASS_INIT(String_t_il2cpp_TypeInfo_var);
String_t* L_3 = ((String_t_StaticFields*)String_t_il2cpp_TypeInfo_var->static_fields)->___Empty_2;
bool L_4 = String_op_Equality_m1260523650_0(NULL /*static, unused*/, L_2, L_3, /*hidden argument*/NULL);
if (!L_4)
{
goto IL_0031;
}
}
{
ArgumentException_t1159624695_0 * L_5 = (ArgumentException_t1159624695_0 *)il2cpp_codegen_object_new (ArgumentException_t1159624695_0_il2cpp_TypeInfo_var);
ArgumentException__ctor_m732321503_0(L_5, _stringLiteral_22732220_0, _stringLiteral1977336504_0, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_5);
}
IL_0031:
{
String_t* L_6 = ___headerName;
IL2CPP_RUNTIME_CLASS_INIT(WebHeaderCollection_t_1532305783_0_il2cpp_TypeInfo_var);
bool L_7 = WebHeaderCollection_IsHeaderName_m671697555_0(NULL /*static, unused*/, L_6, /*hidden argument*/NULL);
if (L_7)
{
goto IL_0047;
}
}
{
ArgumentException_t1159624695_0 * L_8 = (ArgumentException_t1159624695_0 *)il2cpp_codegen_object_new (ArgumentException_t1159624695_0_il2cpp_TypeInfo_var);
ArgumentException__ctor_m_750110749_0(L_8, _stringLiteral1858526696_0, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_8);
}
IL_0047:
{
IL2CPP_RUNTIME_CLASS_INIT(WebHeaderCollection_t_1532305783_0_il2cpp_TypeInfo_var);
Hashtable_t_2004451924_0 * L_9 = ((WebHeaderCollection_t_1532305783_0_StaticFields*)WebHeaderCollection_t_1532305783_0_il2cpp_TypeInfo_var->static_fields)->___restricted_12;
String_t* L_10 = ___headerName;
NullCheck(L_9);
bool L_11 = (bool)VirtFuncInvoker1< bool, Object_t * >::Invoke(32 /* System.Boolean System.Collections.Hashtable::ContainsKey(System.Object) */, L_9, L_10);
return L_11;
}
}
// System.Void System.Net.WebHeaderCollection::OnDeserialization(System.Object)
extern "C" void WebHeaderCollection_OnDeserialization_m829584441_0 (WebHeaderCollection_t_1532305783_0 * __this, Object_t * ___sender, const MethodInfo* method)
{
{
return;
}
}
// System.String System.Net.WebHeaderCollection::ToString()
extern TypeInfo* StringBuilder_t586045924_0_il2cpp_TypeInfo_var;
extern Il2CppCodeGenString* _stringLiteral1830_0;
extern Il2CppCodeGenString* _stringLiteral413_0;
extern "C" String_t* WebHeaderCollection_ToString_m_1027626810_0 (WebHeaderCollection_t_1532305783_0 * __this, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
StringBuilder_t586045924_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(36);
_stringLiteral1830_0 = il2cpp_codegen_string_literal_from_index(225);
_stringLiteral413_0 = il2cpp_codegen_string_literal_from_index(2220);
s_Il2CppMethodIntialized = true;
}
StringBuilder_t586045924_0 * V_0 = {0};
int32_t V_1 = 0;
int32_t V_2 = 0;
{
StringBuilder_t586045924_0 * L_0 = (StringBuilder_t586045924_0 *)il2cpp_codegen_object_new (StringBuilder_t586045924_0_il2cpp_TypeInfo_var);
StringBuilder__ctor_m135953004_0(L_0, /*hidden argument*/NULL);
V_0 = L_0;
int32_t L_1 = NameObjectCollectionBase_get_Count_m_1696318712_0(__this, /*hidden argument*/NULL);
V_1 = L_1;
V_2 = 0;
goto IL_0046;
}
IL_0014:
{
StringBuilder_t586045924_0 * L_2 = V_0;
int32_t L_3 = V_2;
String_t* L_4 = (String_t*)VirtFuncInvoker1< String_t*, int32_t >::Invoke(18 /* System.String System.Net.WebHeaderCollection::GetKey(System.Int32) */, __this, L_3);
NullCheck(L_2);
StringBuilder_t586045924_0 * L_5 = StringBuilder_Append_m_396877221_0(L_2, L_4, /*hidden argument*/NULL);
NullCheck(L_5);
StringBuilder_t586045924_0 * L_6 = StringBuilder_Append_m_396877221_0(L_5, _stringLiteral1830_0, /*hidden argument*/NULL);
int32_t L_7 = V_2;
String_t* L_8 = (String_t*)VirtFuncInvoker1< String_t*, int32_t >::Invoke(17 /* System.String System.Net.WebHeaderCollection::Get(System.Int32) */, __this, L_7);
NullCheck(L_6);
StringBuilder_t586045924_0 * L_9 = StringBuilder_Append_m_396877221_0(L_6, L_8, /*hidden argument*/NULL);
NullCheck(L_9);
StringBuilder_Append_m_396877221_0(L_9, _stringLiteral413_0, /*hidden argument*/NULL);
int32_t L_10 = V_2;
V_2 = ((int32_t)((int32_t)L_10+(int32_t)1));
}
IL_0046:
{
int32_t L_11 = V_2;
int32_t L_12 = V_1;
if ((((int32_t)L_11) < ((int32_t)L_12)))
{
goto IL_0014;
}
}
{
StringBuilder_t586045924_0 * L_13 = V_0;
NullCheck(L_13);
StringBuilder_t586045924_0 * L_14 = StringBuilder_Append_m_396877221_0(L_13, _stringLiteral413_0, /*hidden argument*/NULL);
NullCheck(L_14);
String_t* L_15 = StringBuilder_ToString_m350379841_0(L_14, /*hidden argument*/NULL);
return L_15;
}
}
// System.Void System.Net.WebHeaderCollection::GetObjectData(System.Runtime.Serialization.SerializationInfo,System.Runtime.Serialization.StreamingContext)
extern Il2CppCodeGenString* _stringLiteral65298671_0;
extern "C" void WebHeaderCollection_GetObjectData_m_465625333_0 (WebHeaderCollection_t_1532305783_0 * __this, SerializationInfo_t526833679_0 * ___serializationInfo, StreamingContext_t_1216992900_0 ___streamingContext, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
_stringLiteral65298671_0 = il2cpp_codegen_string_literal_from_index(2086);
s_Il2CppMethodIntialized = true;
}
int32_t V_0 = 0;
int32_t V_1 = 0;
int32_t V_2 = 0;
{
int32_t L_0 = NameObjectCollectionBase_get_Count_m_1696318712_0(__this, /*hidden argument*/NULL);
V_0 = L_0;
SerializationInfo_t526833679_0 * L_1 = ___serializationInfo;
int32_t L_2 = V_0;
NullCheck(L_1);
SerializationInfo_AddValue_m_1946426782_0(L_1, _stringLiteral65298671_0, L_2, /*hidden argument*/NULL);
V_1 = 0;
goto IL_004a;
}
IL_001a:
{
SerializationInfo_t526833679_0 * L_3 = ___serializationInfo;
String_t* L_4 = Int32_ToString_m1286526384_0((&V_1), /*hidden argument*/NULL);
int32_t L_5 = V_1;
String_t* L_6 = (String_t*)VirtFuncInvoker1< String_t*, int32_t >::Invoke(18 /* System.String System.Net.WebHeaderCollection::GetKey(System.Int32) */, __this, L_5);
NullCheck(L_3);
SerializationInfo_AddValue_m469120675_0(L_3, L_4, L_6, /*hidden argument*/NULL);
SerializationInfo_t526833679_0 * L_7 = ___serializationInfo;
int32_t L_8 = V_0;
int32_t L_9 = V_1;
V_2 = ((int32_t)((int32_t)L_8+(int32_t)L_9));
String_t* L_10 = Int32_ToString_m1286526384_0((&V_2), /*hidden argument*/NULL);
int32_t L_11 = V_1;
String_t* L_12 = (String_t*)VirtFuncInvoker1< String_t*, int32_t >::Invoke(17 /* System.String System.Net.WebHeaderCollection::Get(System.Int32) */, __this, L_11);
NullCheck(L_7);
SerializationInfo_AddValue_m469120675_0(L_7, L_10, L_12, /*hidden argument*/NULL);
int32_t L_13 = V_1;
V_1 = ((int32_t)((int32_t)L_13+(int32_t)1));
}
IL_004a:
{
int32_t L_14 = V_1;
int32_t L_15 = V_0;
if ((((int32_t)L_14) < ((int32_t)L_15)))
{
goto IL_001a;
}
}
{
return;
}
}
// System.Int32 System.Net.WebHeaderCollection::get_Count()
extern "C" int32_t WebHeaderCollection_get_Count_m955643201_0 (WebHeaderCollection_t_1532305783_0 * __this, const MethodInfo* method)
{
{
int32_t L_0 = NameObjectCollectionBase_get_Count_m_1696318712_0(__this, /*hidden argument*/NULL);
return L_0;
}
}
// System.Collections.Specialized.NameObjectCollectionBase/KeysCollection System.Net.WebHeaderCollection::get_Keys()
extern "C" KeysCollection_t_702111355_0 * WebHeaderCollection_get_Keys_m_1966074584_0 (WebHeaderCollection_t_1532305783_0 * __this, const MethodInfo* method)
{
{
KeysCollection_t_702111355_0 * L_0 = NameObjectCollectionBase_get_Keys_m411623033_0(__this, /*hidden argument*/NULL);
return L_0;
}
}
// System.String System.Net.WebHeaderCollection::Get(System.Int32)
extern "C" String_t* WebHeaderCollection_Get_m249241391_0 (WebHeaderCollection_t_1532305783_0 * __this, int32_t ___index, const MethodInfo* method)
{
{
int32_t L_0 = ___index;
String_t* L_1 = NameValueCollection_Get_m_1454014057_0(__this, L_0, /*hidden argument*/NULL);
return L_1;
}
}
// System.String System.Net.WebHeaderCollection::GetKey(System.Int32)
extern "C" String_t* WebHeaderCollection_GetKey_m721597780_0 (WebHeaderCollection_t_1532305783_0 * __this, int32_t ___index, const MethodInfo* method)
{
{
int32_t L_0 = ___index;
String_t* L_1 = NameValueCollection_GetKey_m_217818644_0(__this, L_0, /*hidden argument*/NULL);
return L_1;
}
}
// System.Collections.IEnumerator System.Net.WebHeaderCollection::GetEnumerator()
extern "C" Object_t * WebHeaderCollection_GetEnumerator_m671727323_0 (WebHeaderCollection_t_1532305783_0 * __this, const MethodInfo* method)
{
{
Object_t * L_0 = NameObjectCollectionBase_GetEnumerator_m2097604182_0(__this, /*hidden argument*/NULL);
return L_0;
}
}
// System.Boolean System.Net.WebHeaderCollection::IsHeaderValue(System.String)
extern "C" bool WebHeaderCollection_IsHeaderValue_m_818555693_0 (Object_t * __this /* static, unused */, String_t* ___value, const MethodInfo* method)
{
int32_t V_0 = 0;
int32_t V_1 = 0;
uint16_t V_2 = 0x0;
{
String_t* L_0 = ___value;
NullCheck(L_0);
int32_t L_1 = String_get_Length_m_1314969965_0(L_0, /*hidden argument*/NULL);
V_0 = L_1;
V_1 = 0;
goto IL_0073;
}
IL_000e:
{
String_t* L_2 = ___value;
int32_t L_3 = V_1;
NullCheck(L_2);
uint16_t L_4 = String_get_Chars_m_1279625435_0(L_2, L_3, /*hidden argument*/NULL);
V_2 = L_4;
uint16_t L_5 = V_2;
if ((!(((uint32_t)L_5) == ((uint32_t)((int32_t)127)))))
{
goto IL_0020;
}
}
{
return (bool)0;
}
IL_0020:
{
uint16_t L_6 = V_2;
if ((((int32_t)L_6) >= ((int32_t)((int32_t)32))))
{
goto IL_0042;
}
}
{
uint16_t L_7 = V_2;
if ((((int32_t)L_7) == ((int32_t)((int32_t)13))))
{
goto IL_0042;
}
}
{
uint16_t L_8 = V_2;
if ((((int32_t)L_8) == ((int32_t)((int32_t)10))))
{
goto IL_0042;
}
}
{
uint16_t L_9 = V_2;
if ((((int32_t)L_9) == ((int32_t)((int32_t)9))))
{
goto IL_0042;
}
}
{
return (bool)0;
}
IL_0042:
{
uint16_t L_10 = V_2;
if ((!(((uint32_t)L_10) == ((uint32_t)((int32_t)10)))))
{
goto IL_006f;
}
}
{
int32_t L_11 = V_1;
int32_t L_12 = ((int32_t)((int32_t)L_11+(int32_t)1));
V_1 = L_12;
int32_t L_13 = V_0;
if ((((int32_t)L_12) >= ((int32_t)L_13)))
{
goto IL_006f;
}
}
{
String_t* L_14 = ___value;
int32_t L_15 = V_1;
NullCheck(L_14);
uint16_t L_16 = String_get_Chars_m_1279625435_0(L_14, L_15, /*hidden argument*/NULL);
V_2 = L_16;
uint16_t L_17 = V_2;
if ((((int32_t)L_17) == ((int32_t)((int32_t)32))))
{
goto IL_006f;
}
}
{
uint16_t L_18 = V_2;
if ((((int32_t)L_18) == ((int32_t)((int32_t)9))))
{
goto IL_006f;
}
}
{
return (bool)0;
}
IL_006f:
{
int32_t L_19 = V_1;
V_1 = ((int32_t)((int32_t)L_19+(int32_t)1));
}
IL_0073:
{
int32_t L_20 = V_1;
int32_t L_21 = V_0;
if ((((int32_t)L_20) < ((int32_t)L_21)))
{
goto IL_000e;
}
}
{
return (bool)1;
}
}
// System.Boolean System.Net.WebHeaderCollection::IsHeaderName(System.String)
extern TypeInfo* WebHeaderCollection_t_1532305783_0_il2cpp_TypeInfo_var;
extern "C" bool WebHeaderCollection_IsHeaderName_m671697555_0 (Object_t * __this /* static, unused */, String_t* ___name, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
WebHeaderCollection_t_1532305783_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(641);
s_Il2CppMethodIntialized = true;
}
int32_t V_0 = 0;
int32_t V_1 = 0;
uint16_t V_2 = 0x0;
{
String_t* L_0 = ___name;
if (!L_0)
{
goto IL_0011;
}
}
{
String_t* L_1 = ___name;
NullCheck(L_1);
int32_t L_2 = String_get_Length_m_1314969965_0(L_1, /*hidden argument*/NULL);
if (L_2)
{
goto IL_0013;
}
}
IL_0011:
{
return (bool)0;
}
IL_0013:
{
String_t* L_3 = ___name;
NullCheck(L_3);
int32_t L_4 = String_get_Length_m_1314969965_0(L_3, /*hidden argument*/NULL);
V_0 = L_4;
V_1 = 0;
goto IL_0043;
}
IL_0021:
{
String_t* L_5 = ___name;
int32_t L_6 = V_1;
NullCheck(L_5);
uint16_t L_7 = String_get_Chars_m_1279625435_0(L_5, L_6, /*hidden argument*/NULL);
V_2 = L_7;
uint16_t L_8 = V_2;
if ((((int32_t)L_8) > ((int32_t)((int32_t)126))))
{
goto IL_003d;
}
}
{
IL2CPP_RUNTIME_CLASS_INIT(WebHeaderCollection_t_1532305783_0_il2cpp_TypeInfo_var);
BooleanU5BU5D_t_1574345617_0* L_9 = ((WebHeaderCollection_t_1532305783_0_StaticFields*)WebHeaderCollection_t_1532305783_0_il2cpp_TypeInfo_var->static_fields)->___allowed_chars_16;
uint16_t L_10 = V_2;
NullCheck(L_9);
IL2CPP_ARRAY_BOUNDS_CHECK(L_9, L_10);
uint16_t L_11 = L_10;
if ((*(uint8_t*)(bool*)SZArrayLdElema(L_9, L_11, sizeof(bool))))
{
goto IL_003f;
}
}
IL_003d:
{
return (bool)0;
}
IL_003f:
{
int32_t L_12 = V_1;
V_1 = ((int32_t)((int32_t)L_12+(int32_t)1));
}
IL_0043:
{
int32_t L_13 = V_1;
int32_t L_14 = V_0;
if ((((int32_t)L_13) < ((int32_t)L_14)))
{
goto IL_0021;
}
}
{
return (bool)1;
}
}
// System.Void System.Net.WebProxy::.ctor()
extern "C" void WebProxy__ctor_m_1961675040_0 (WebProxy_t_90386512_0 * __this, const MethodInfo* method)
{
{
WebProxy__ctor_m1295075053_0(__this, (Uri_t18014439_0 *)NULL, (bool)0, (StringU5BU5D_t_816028754_0*)(StringU5BU5D_t_816028754_0*)NULL, (Object_t *)NULL, /*hidden argument*/NULL);
return;
}
}
// System.Void System.Net.WebProxy::.ctor(System.Uri,System.Boolean,System.String[],System.Net.ICredentials)
extern TypeInfo* ArrayList_t536890563_0_il2cpp_TypeInfo_var;
extern "C" void WebProxy__ctor_m1295075053_0 (WebProxy_t_90386512_0 * __this, Uri_t18014439_0 * ___address, bool ___bypassOnLocal, StringU5BU5D_t_816028754_0* ___bypassList, Object_t * ___credentials, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
ArrayList_t536890563_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(55);
s_Il2CppMethodIntialized = true;
}
{
Object__ctor_m1772956182_0(__this, /*hidden argument*/NULL);
Uri_t18014439_0 * L_0 = ___address;
__this->___address_0 = L_0;
bool L_1 = ___bypassOnLocal;
__this->___bypassOnLocal_1 = L_1;
StringU5BU5D_t_816028754_0* L_2 = ___bypassList;
if (!L_2)
{
goto IL_0026;
}
}
{
StringU5BU5D_t_816028754_0* L_3 = ___bypassList;
ArrayList_t536890563_0 * L_4 = (ArrayList_t536890563_0 *)il2cpp_codegen_object_new (ArrayList_t536890563_0_il2cpp_TypeInfo_var);
ArrayList__ctor_m_1350433052_0(L_4, (Object_t *)(Object_t *)L_3, /*hidden argument*/NULL);
__this->___bypassList_2 = L_4;
}
IL_0026:
{
Object_t * L_5 = ___credentials;
__this->___credentials_3 = L_5;
WebProxy_CheckBypassList_m_1913996020_0(__this, /*hidden argument*/NULL);
return;
}
}
// System.Void System.Net.WebProxy::.ctor(System.Runtime.Serialization.SerializationInfo,System.Runtime.Serialization.StreamingContext)
extern const Il2CppType* Uri_t18014439_0_0_0_0_var;
extern const Il2CppType* ArrayList_t536890563_0_0_0_0_var;
extern TypeInfo* Type_t_il2cpp_TypeInfo_var;
extern TypeInfo* Uri_t18014439_0_il2cpp_TypeInfo_var;
extern TypeInfo* ArrayList_t536890563_0_il2cpp_TypeInfo_var;
extern Il2CppCodeGenString* _stringLiteral_601542747_0;
extern Il2CppCodeGenString* _stringLiteral_34075483_0;
extern Il2CppCodeGenString* _stringLiteral_1734602907_0;
extern Il2CppCodeGenString* _stringLiteral220303555_0;
extern "C" void WebProxy__ctor_m_368121823_0 (WebProxy_t_90386512_0 * __this, SerializationInfo_t526833679_0 * ___serializationInfo, StreamingContext_t_1216992900_0 ___streamingContext, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
Uri_t18014439_0_0_0_0_var = il2cpp_codegen_type_from_index(643);
ArrayList_t536890563_0_0_0_0_var = il2cpp_codegen_type_from_index(55);
Type_t_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(3);
Uri_t18014439_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(643);
ArrayList_t536890563_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(55);
_stringLiteral_601542747_0 = il2cpp_codegen_string_literal_from_index(2221);
_stringLiteral_34075483_0 = il2cpp_codegen_string_literal_from_index(2222);
_stringLiteral_1734602907_0 = il2cpp_codegen_string_literal_from_index(2223);
_stringLiteral220303555_0 = il2cpp_codegen_string_literal_from_index(2224);
s_Il2CppMethodIntialized = true;
}
{
Object__ctor_m1772956182_0(__this, /*hidden argument*/NULL);
SerializationInfo_t526833679_0 * L_0 = ___serializationInfo;
IL2CPP_RUNTIME_CLASS_INIT(Type_t_il2cpp_TypeInfo_var);
Type_t * L_1 = Type_GetTypeFromHandle_m_488061862_0(NULL /*static, unused*/, LoadTypeToken(Uri_t18014439_0_0_0_0_var), /*hidden argument*/NULL);
NullCheck(L_0);
Object_t * L_2 = SerializationInfo_GetValue_m_169495960_0(L_0, _stringLiteral_601542747_0, L_1, /*hidden argument*/NULL);
__this->___address_0 = ((Uri_t18014439_0 *)CastclassClass(L_2, Uri_t18014439_0_il2cpp_TypeInfo_var));
SerializationInfo_t526833679_0 * L_3 = ___serializationInfo;
NullCheck(L_3);
bool L_4 = SerializationInfo_GetBoolean_m1462266865_0(L_3, _stringLiteral_34075483_0, /*hidden argument*/NULL);
__this->___bypassOnLocal_1 = L_4;
SerializationInfo_t526833679_0 * L_5 = ___serializationInfo;
Type_t * L_6 = Type_GetTypeFromHandle_m_488061862_0(NULL /*static, unused*/, LoadTypeToken(ArrayList_t536890563_0_0_0_0_var), /*hidden argument*/NULL);
NullCheck(L_5);
Object_t * L_7 = SerializationInfo_GetValue_m_169495960_0(L_5, _stringLiteral_1734602907_0, L_6, /*hidden argument*/NULL);
__this->___bypassList_2 = ((ArrayList_t536890563_0 *)CastclassClass(L_7, ArrayList_t536890563_0_il2cpp_TypeInfo_var));
SerializationInfo_t526833679_0 * L_8 = ___serializationInfo;
NullCheck(L_8);
bool L_9 = SerializationInfo_GetBoolean_m1462266865_0(L_8, _stringLiteral220303555_0, /*hidden argument*/NULL);
__this->___useDefaultCredentials_4 = L_9;
__this->___credentials_3 = (Object_t *)NULL;
WebProxy_CheckBypassList_m_1913996020_0(__this, /*hidden argument*/NULL);
return;
}
}
// System.Void System.Net.WebProxy::System.Runtime.Serialization.ISerializable.GetObjectData(System.Runtime.Serialization.SerializationInfo,System.Runtime.Serialization.StreamingContext)
extern "C" void WebProxy_System_Runtime_Serialization_ISerializable_GetObjectData_m1269108139_0 (WebProxy_t_90386512_0 * __this, SerializationInfo_t526833679_0 * ___serializationInfo, StreamingContext_t_1216992900_0 ___streamingContext, const MethodInfo* method)
{
{
SerializationInfo_t526833679_0 * L_0 = ___serializationInfo;
StreamingContext_t_1216992900_0 L_1 = ___streamingContext;
VirtActionInvoker2< SerializationInfo_t526833679_0 *, StreamingContext_t_1216992900_0 >::Invoke(7 /* System.Void System.Net.WebProxy::GetObjectData(System.Runtime.Serialization.SerializationInfo,System.Runtime.Serialization.StreamingContext) */, __this, L_0, L_1);
return;
}
}
// System.Boolean System.Net.WebProxy::get_UseDefaultCredentials()
extern "C" bool WebProxy_get_UseDefaultCredentials_m_1628548723_0 (WebProxy_t_90386512_0 * __this, const MethodInfo* method)
{
{
bool L_0 = (__this->___useDefaultCredentials_4);
return L_0;
}
}
// System.Uri System.Net.WebProxy::GetProxy(System.Uri)
extern "C" Uri_t18014439_0 * WebProxy_GetProxy_m1799832125_0 (WebProxy_t_90386512_0 * __this, Uri_t18014439_0 * ___destination, const MethodInfo* method)
{
{
Uri_t18014439_0 * L_0 = ___destination;
bool L_1 = (bool)VirtFuncInvoker1< bool, Uri_t18014439_0 * >::Invoke(6 /* System.Boolean System.Net.WebProxy::IsBypassed(System.Uri) */, __this, L_0);
if (!L_1)
{
goto IL_000e;
}
}
{
Uri_t18014439_0 * L_2 = ___destination;
return L_2;
}
IL_000e:
{
Uri_t18014439_0 * L_3 = (__this->___address_0);
return L_3;
}
}
// System.Boolean System.Net.WebProxy::IsBypassed(System.Uri)
extern TypeInfo* Uri_t18014439_0_il2cpp_TypeInfo_var;
extern TypeInfo* ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var;
extern TypeInfo* CultureInfo_t_1039475404_0_il2cpp_TypeInfo_var;
extern TypeInfo* String_t_il2cpp_TypeInfo_var;
extern TypeInfo* IPAddress_t125139831_0_il2cpp_TypeInfo_var;
extern TypeInfo* Regex_t943751828_0_il2cpp_TypeInfo_var;
extern TypeInfo* ArgumentException_t1159624695_0_il2cpp_TypeInfo_var;
extern Il2CppCodeGenString* _stringLiteral3208616_0;
extern Il2CppCodeGenString* _stringLiteral_1204607085_0;
extern Il2CppCodeGenString* _stringLiteral_2037065333_0;
extern Il2CppCodeGenString* _stringLiteral57242_0;
extern "C" bool WebProxy_IsBypassed_m_1853406766_0 (WebProxy_t_90386512_0 * __this, Uri_t18014439_0 * ___host, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
Uri_t18014439_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(643);
ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(2);
CultureInfo_t_1039475404_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(28);
String_t_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(11);
IPAddress_t125139831_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(635);
Regex_t943751828_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(660);
ArgumentException_t1159624695_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(4);
_stringLiteral3208616_0 = il2cpp_codegen_string_literal_from_index(2183);
_stringLiteral_1204607085_0 = il2cpp_codegen_string_literal_from_index(2225);
_stringLiteral_2037065333_0 = il2cpp_codegen_string_literal_from_index(2226);
_stringLiteral57242_0 = il2cpp_codegen_string_literal_from_index(2170);
s_Il2CppMethodIntialized = true;
}
String_t* V_0 = {0};
IPAddress_t125139831_0 * V_1 = {0};
String_t* V_2 = {0};
int32_t V_3 = 0;
Regex_t943751828_0 * V_4 = {0};
bool V_5 = false;
Exception_t2143823668_0 * __last_unhandled_exception = 0;
NO_UNUSED_WARNING (__last_unhandled_exception);
Exception_t2143823668_0 * __exception_local = 0;
NO_UNUSED_WARNING (__exception_local);
int32_t __leave_target = 0;
NO_UNUSED_WARNING (__leave_target);
{
Uri_t18014439_0 * L_0 = ___host;
IL2CPP_RUNTIME_CLASS_INIT(Uri_t18014439_0_il2cpp_TypeInfo_var);
bool L_1 = Uri_op_Equality_m877019543_0(NULL /*static, unused*/, L_0, (Uri_t18014439_0 *)NULL, /*hidden argument*/NULL);
if (!L_1)
{
goto IL_0017;
}
}
{
ArgumentNullException_t_1072101840_0 * L_2 = (ArgumentNullException_t_1072101840_0 *)il2cpp_codegen_object_new (ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var);
ArgumentNullException__ctor_m135444188_0(L_2, _stringLiteral3208616_0, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_2);
}
IL_0017:
{
Uri_t18014439_0 * L_3 = ___host;
NullCheck(L_3);
bool L_4 = Uri_get_IsLoopback_m224603913_0(L_3, /*hidden argument*/NULL);
if (!L_4)
{
goto IL_002f;
}
}
{
bool L_5 = (__this->___bypassOnLocal_1);
if (!L_5)
{
goto IL_002f;
}
}
{
return (bool)1;
}
IL_002f:
{
Uri_t18014439_0 * L_6 = (__this->___address_0);
IL2CPP_RUNTIME_CLASS_INIT(Uri_t18014439_0_il2cpp_TypeInfo_var);
bool L_7 = Uri_op_Equality_m877019543_0(NULL /*static, unused*/, L_6, (Uri_t18014439_0 *)NULL, /*hidden argument*/NULL);
if (!L_7)
{
goto IL_0042;
}
}
{
return (bool)1;
}
IL_0042:
{
Uri_t18014439_0 * L_8 = ___host;
NullCheck(L_8);
String_t* L_9 = Uri_get_Host_m1446697833_0(L_8, /*hidden argument*/NULL);
V_0 = L_9;
bool L_10 = (__this->___bypassOnLocal_1);
if (!L_10)
{
goto IL_0064;
}
}
{
String_t* L_11 = V_0;
NullCheck(L_11);
int32_t L_12 = String_IndexOf_m_1519756810_0(L_11, ((int32_t)46), /*hidden argument*/NULL);
if ((!(((uint32_t)L_12) == ((uint32_t)(-1)))))
{
goto IL_0064;
}
}
{
return (bool)1;
}
IL_0064:
{
bool L_13 = (__this->___bypassOnLocal_1);
if (L_13)
{
goto IL_00bb;
}
}
{
String_t* L_14 = V_0;
IL2CPP_RUNTIME_CLASS_INIT(CultureInfo_t_1039475404_0_il2cpp_TypeInfo_var);
CultureInfo_t_1039475404_0 * L_15 = CultureInfo_get_InvariantCulture_m764001524_0(NULL /*static, unused*/, /*hidden argument*/NULL);
IL2CPP_RUNTIME_CLASS_INIT(String_t_il2cpp_TypeInfo_var);
int32_t L_16 = String_Compare_m279494420_0(NULL /*static, unused*/, L_14, _stringLiteral_1204607085_0, (bool)1, L_15, /*hidden argument*/NULL);
if (L_16)
{
goto IL_0087;
}
}
{
return (bool)1;
}
IL_0087:
{
String_t* L_17 = V_0;
IL2CPP_RUNTIME_CLASS_INIT(CultureInfo_t_1039475404_0_il2cpp_TypeInfo_var);
CultureInfo_t_1039475404_0 * L_18 = CultureInfo_get_InvariantCulture_m764001524_0(NULL /*static, unused*/, /*hidden argument*/NULL);
IL2CPP_RUNTIME_CLASS_INIT(String_t_il2cpp_TypeInfo_var);
int32_t L_19 = String_Compare_m279494420_0(NULL /*static, unused*/, L_17, _stringLiteral_2037065333_0, (bool)1, L_18, /*hidden argument*/NULL);
if (L_19)
{
goto IL_009f;
}
}
{
return (bool)1;
}
IL_009f:
{
V_1 = (IPAddress_t125139831_0 *)NULL;
String_t* L_20 = V_0;
IL2CPP_RUNTIME_CLASS_INIT(IPAddress_t125139831_0_il2cpp_TypeInfo_var);
bool L_21 = IPAddress_TryParse_m1385842418_0(NULL /*static, unused*/, L_20, (&V_1), /*hidden argument*/NULL);
if (!L_21)
{
goto IL_00bb;
}
}
{
IPAddress_t125139831_0 * L_22 = V_1;
IL2CPP_RUNTIME_CLASS_INIT(IPAddress_t125139831_0_il2cpp_TypeInfo_var);
bool L_23 = IPAddress_IsLoopback_m_845915533_0(NULL /*static, unused*/, L_22, /*hidden argument*/NULL);
if (!L_23)
{
goto IL_00bb;
}
}
{
return (bool)1;
}
IL_00bb:
{
ArrayList_t536890563_0 * L_24 = (__this->___bypassList_2);
if (!L_24)
{
goto IL_00d6;
}
}
{
ArrayList_t536890563_0 * L_25 = (__this->___bypassList_2);
NullCheck(L_25);
int32_t L_26 = (int32_t)VirtFuncInvoker0< int32_t >::Invoke(23 /* System.Int32 System.Collections.ArrayList::get_Count() */, L_25);
if (L_26)
{
goto IL_00d8;
}
}
IL_00d6:
{
return (bool)0;
}
IL_00d8:
try
{ // begin try (depth: 1)
{
Uri_t18014439_0 * L_27 = ___host;
NullCheck(L_27);
String_t* L_28 = Uri_get_Scheme_m_1688510426_0(L_27, /*hidden argument*/NULL);
Uri_t18014439_0 * L_29 = ___host;
NullCheck(L_29);
String_t* L_30 = Uri_get_Authority_m1914393796_0(L_29, /*hidden argument*/NULL);
IL2CPP_RUNTIME_CLASS_INIT(String_t_il2cpp_TypeInfo_var);
String_t* L_31 = String_Concat_m1825781833_0(NULL /*static, unused*/, L_28, _stringLiteral57242_0, L_30, /*hidden argument*/NULL);
V_2 = L_31;
V_3 = 0;
goto IL_0126;
}
IL_00f6:
{
ArrayList_t536890563_0 * L_32 = (__this->___bypassList_2);
int32_t L_33 = V_3;
NullCheck(L_32);
Object_t * L_34 = (Object_t *)VirtFuncInvoker1< Object_t *, int32_t >::Invoke(21 /* System.Object System.Collections.ArrayList::get_Item(System.Int32) */, L_32, L_33);
Regex_t943751828_0 * L_35 = (Regex_t943751828_0 *)il2cpp_codegen_object_new (Regex_t943751828_0_il2cpp_TypeInfo_var);
Regex__ctor_m2068483208_0(L_35, ((String_t*)CastclassSealed(L_34, String_t_il2cpp_TypeInfo_var)), ((int32_t)17), /*hidden argument*/NULL);
V_4 = L_35;
Regex_t943751828_0 * L_36 = V_4;
String_t* L_37 = V_2;
NullCheck(L_36);
bool L_38 = Regex_IsMatch_m_1327075043_0(L_36, L_37, /*hidden argument*/NULL);
if (!L_38)
{
goto IL_0122;
}
}
IL_011d:
{
goto IL_0137;
}
IL_0122:
{
int32_t L_39 = V_3;
V_3 = ((int32_t)((int32_t)L_39+(int32_t)1));
}
IL_0126:
{
int32_t L_40 = V_3;
ArrayList_t536890563_0 * L_41 = (__this->___bypassList_2);
NullCheck(L_41);
int32_t L_42 = (int32_t)VirtFuncInvoker0< int32_t >::Invoke(23 /* System.Int32 System.Collections.ArrayList::get_Count() */, L_41);
if ((((int32_t)L_40) < ((int32_t)L_42)))
{
goto IL_00f6;
}
}
IL_0137:
{
int32_t L_43 = V_3;
ArrayList_t536890563_0 * L_44 = (__this->___bypassList_2);
NullCheck(L_44);
int32_t L_45 = (int32_t)VirtFuncInvoker0< int32_t >::Invoke(23 /* System.Int32 System.Collections.ArrayList::get_Count() */, L_44);
if ((!(((uint32_t)L_43) == ((uint32_t)L_45))))
{
goto IL_0150;
}
}
IL_0148:
{
V_5 = (bool)0;
goto IL_019c;
}
IL_0150:
{
goto IL_0170;
}
IL_0155:
{
ArrayList_t536890563_0 * L_46 = (__this->___bypassList_2);
int32_t L_47 = V_3;
NullCheck(L_46);
Object_t * L_48 = (Object_t *)VirtFuncInvoker1< Object_t *, int32_t >::Invoke(21 /* System.Object System.Collections.ArrayList::get_Item(System.Int32) */, L_46, L_47);
Regex_t943751828_0 * L_49 = (Regex_t943751828_0 *)il2cpp_codegen_object_new (Regex_t943751828_0_il2cpp_TypeInfo_var);
Regex__ctor_m_1314332096_0(L_49, ((String_t*)CastclassSealed(L_48, String_t_il2cpp_TypeInfo_var)), /*hidden argument*/NULL);
int32_t L_50 = V_3;
V_3 = ((int32_t)((int32_t)L_50+(int32_t)1));
}
IL_0170:
{
int32_t L_51 = V_3;
ArrayList_t536890563_0 * L_52 = (__this->___bypassList_2);
NullCheck(L_52);
int32_t L_53 = (int32_t)VirtFuncInvoker0< int32_t >::Invoke(23 /* System.Int32 System.Collections.ArrayList::get_Count() */, L_52);
if ((((int32_t)L_51) < ((int32_t)L_53)))
{
goto IL_0155;
}
}
IL_0181:
{
V_5 = (bool)1;
goto IL_019c;
}
IL_0189:
{
; // IL_0189: leave IL_019c
}
} // end try (depth: 1)
catch(Il2CppExceptionWrapper& e)
{
__exception_local = (Exception_t2143823668_0 *)e.ex;
if(il2cpp_codegen_class_is_assignable_from (ArgumentException_t1159624695_0_il2cpp_TypeInfo_var, e.ex->object.klass))
goto CATCH_018e;
throw e;
}
CATCH_018e:
{ // begin catch(System.ArgumentException)
{
V_5 = (bool)0;
goto IL_019c;
}
IL_0197:
{
; // IL_0197: leave IL_019c
}
} // end catch (depth: 1)
IL_019c:
{
bool L_54 = V_5;
return L_54;
}
}
// System.Void System.Net.WebProxy::GetObjectData(System.Runtime.Serialization.SerializationInfo,System.Runtime.Serialization.StreamingContext)
extern Il2CppCodeGenString* _stringLiteral_34075483_0;
extern Il2CppCodeGenString* _stringLiteral_601542747_0;
extern Il2CppCodeGenString* _stringLiteral_1734602907_0;
extern Il2CppCodeGenString* _stringLiteral220303555_0;
extern "C" void WebProxy_GetObjectData_m_1648722306_0 (WebProxy_t_90386512_0 * __this, SerializationInfo_t526833679_0 * ___serializationInfo, StreamingContext_t_1216992900_0 ___streamingContext, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
_stringLiteral_34075483_0 = il2cpp_codegen_string_literal_from_index(2222);
_stringLiteral_601542747_0 = il2cpp_codegen_string_literal_from_index(2221);
_stringLiteral_1734602907_0 = il2cpp_codegen_string_literal_from_index(2223);
_stringLiteral220303555_0 = il2cpp_codegen_string_literal_from_index(2224);
s_Il2CppMethodIntialized = true;
}
{
SerializationInfo_t526833679_0 * L_0 = ___serializationInfo;
bool L_1 = (__this->___bypassOnLocal_1);
NullCheck(L_0);
SerializationInfo_AddValue_m_721558968_0(L_0, _stringLiteral_34075483_0, L_1, /*hidden argument*/NULL);
SerializationInfo_t526833679_0 * L_2 = ___serializationInfo;
Uri_t18014439_0 * L_3 = (__this->___address_0);
NullCheck(L_2);
SerializationInfo_AddValue_m469120675_0(L_2, _stringLiteral_601542747_0, L_3, /*hidden argument*/NULL);
SerializationInfo_t526833679_0 * L_4 = ___serializationInfo;
ArrayList_t536890563_0 * L_5 = (__this->___bypassList_2);
NullCheck(L_4);
SerializationInfo_AddValue_m469120675_0(L_4, _stringLiteral_1734602907_0, L_5, /*hidden argument*/NULL);
SerializationInfo_t526833679_0 * L_6 = ___serializationInfo;
bool L_7 = WebProxy_get_UseDefaultCredentials_m_1628548723_0(__this, /*hidden argument*/NULL);
NullCheck(L_6);
SerializationInfo_AddValue_m_721558968_0(L_6, _stringLiteral220303555_0, L_7, /*hidden argument*/NULL);
return;
}
}
// System.Void System.Net.WebProxy::CheckBypassList()
extern TypeInfo* String_t_il2cpp_TypeInfo_var;
extern TypeInfo* Regex_t943751828_0_il2cpp_TypeInfo_var;
extern "C" void WebProxy_CheckBypassList_m_1913996020_0 (WebProxy_t_90386512_0 * __this, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
String_t_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(11);
Regex_t943751828_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(660);
s_Il2CppMethodIntialized = true;
}
int32_t V_0 = 0;
{
ArrayList_t536890563_0 * L_0 = (__this->___bypassList_2);
if (L_0)
{
goto IL_000c;
}
}
{
return;
}
IL_000c:
{
V_0 = 0;
goto IL_002e;
}
IL_0013:
{
ArrayList_t536890563_0 * L_1 = (__this->___bypassList_2);
int32_t L_2 = V_0;
NullCheck(L_1);
Object_t * L_3 = (Object_t *)VirtFuncInvoker1< Object_t *, int32_t >::Invoke(21 /* System.Object System.Collections.ArrayList::get_Item(System.Int32) */, L_1, L_2);
Regex_t943751828_0 * L_4 = (Regex_t943751828_0 *)il2cpp_codegen_object_new (Regex_t943751828_0_il2cpp_TypeInfo_var);
Regex__ctor_m_1314332096_0(L_4, ((String_t*)CastclassSealed(L_3, String_t_il2cpp_TypeInfo_var)), /*hidden argument*/NULL);
int32_t L_5 = V_0;
V_0 = ((int32_t)((int32_t)L_5+(int32_t)1));
}
IL_002e:
{
int32_t L_6 = V_0;
ArrayList_t536890563_0 * L_7 = (__this->___bypassList_2);
NullCheck(L_7);
int32_t L_8 = (int32_t)VirtFuncInvoker0< int32_t >::Invoke(23 /* System.Int32 System.Collections.ArrayList::get_Count() */, L_7);
if ((((int32_t)L_6) < ((int32_t)L_8)))
{
goto IL_0013;
}
}
{
return;
}
}
// System.Void System.Net.WebRequest::.ctor()
extern "C" void WebRequest__ctor_m_386560737_0 (WebRequest_t442478417_0 * __this, const MethodInfo* method)
{
{
__this->___authentication_level_4 = 1;
MarshalByRefObject__ctor_m_1988423816_0(__this, /*hidden argument*/NULL);
return;
}
}
// System.Void System.Net.WebRequest::.ctor(System.Runtime.Serialization.SerializationInfo,System.Runtime.Serialization.StreamingContext)
extern "C" void WebRequest__ctor_m_2026896928_0 (WebRequest_t442478417_0 * __this, SerializationInfo_t526833679_0 * ___serializationInfo, StreamingContext_t_1216992900_0 ___streamingContext, const MethodInfo* method)
{
{
__this->___authentication_level_4 = 1;
MarshalByRefObject__ctor_m_1988423816_0(__this, /*hidden argument*/NULL);
return;
}
}
// System.Void System.Net.WebRequest::.cctor()
extern TypeInfo* HybridDictionary_t330100885_0_il2cpp_TypeInfo_var;
extern TypeInfo* WebRequest_t442478417_0_il2cpp_TypeInfo_var;
extern TypeInfo* Object_t_il2cpp_TypeInfo_var;
extern Il2CppCodeGenString* _stringLiteral3213448_0;
extern Il2CppCodeGenString* _stringLiteral_284559003_0;
extern Il2CppCodeGenString* _stringLiteral99617003_0;
extern Il2CppCodeGenString* _stringLiteral3143036_0;
extern Il2CppCodeGenString* _stringLiteral635170005_0;
extern Il2CppCodeGenString* _stringLiteral101730_0;
extern Il2CppCodeGenString* _stringLiteral662469759_0;
extern "C" void WebRequest__cctor_m419422830_0 (Object_t * __this /* static, unused */, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
HybridDictionary_t330100885_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(655);
WebRequest_t442478417_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(640);
Object_t_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(0);
_stringLiteral3213448_0 = il2cpp_codegen_string_literal_from_index(2168);
_stringLiteral_284559003_0 = il2cpp_codegen_string_literal_from_index(2227);
_stringLiteral99617003_0 = il2cpp_codegen_string_literal_from_index(2167);
_stringLiteral3143036_0 = il2cpp_codegen_string_literal_from_index(2228);
_stringLiteral635170005_0 = il2cpp_codegen_string_literal_from_index(2229);
_stringLiteral101730_0 = il2cpp_codegen_string_literal_from_index(2230);
_stringLiteral662469759_0 = il2cpp_codegen_string_literal_from_index(2231);
s_Il2CppMethodIntialized = true;
}
{
HybridDictionary_t330100885_0 * L_0 = (HybridDictionary_t330100885_0 *)il2cpp_codegen_object_new (HybridDictionary_t330100885_0_il2cpp_TypeInfo_var);
HybridDictionary__ctor_m951312923_0(L_0, /*hidden argument*/NULL);
((WebRequest_t442478417_0_StaticFields*)WebRequest_t442478417_0_il2cpp_TypeInfo_var->static_fields)->___prefixes_1 = L_0;
Object_t * L_1 = (Object_t *)il2cpp_codegen_object_new (Object_t_il2cpp_TypeInfo_var);
Object__ctor_m1772956182_0(L_1, /*hidden argument*/NULL);
((WebRequest_t442478417_0_StaticFields*)WebRequest_t442478417_0_il2cpp_TypeInfo_var->static_fields)->___lockobj_5 = L_1;
WebRequest_AddDynamicPrefix_m_35008567_0(NULL /*static, unused*/, _stringLiteral3213448_0, _stringLiteral_284559003_0, /*hidden argument*/NULL);
WebRequest_AddDynamicPrefix_m_35008567_0(NULL /*static, unused*/, _stringLiteral99617003_0, _stringLiteral_284559003_0, /*hidden argument*/NULL);
WebRequest_AddDynamicPrefix_m_35008567_0(NULL /*static, unused*/, _stringLiteral3143036_0, _stringLiteral635170005_0, /*hidden argument*/NULL);
WebRequest_AddDynamicPrefix_m_35008567_0(NULL /*static, unused*/, _stringLiteral101730_0, _stringLiteral662469759_0, /*hidden argument*/NULL);
return;
}
}
// System.Void System.Net.WebRequest::System.Runtime.Serialization.ISerializable.GetObjectData(System.Runtime.Serialization.SerializationInfo,System.Runtime.Serialization.StreamingContext)
extern TypeInfo* NotSupportedException_t1382227673_0_il2cpp_TypeInfo_var;
extern "C" void WebRequest_System_Runtime_Serialization_ISerializable_GetObjectData_m_795704948_0 (WebRequest_t442478417_0 * __this, SerializationInfo_t526833679_0 * ___serializationInfo, StreamingContext_t_1216992900_0 ___streamingContext, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
NotSupportedException_t1382227673_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(6);
s_Il2CppMethodIntialized = true;
}
{
NotSupportedException_t1382227673_0 * L_0 = (NotSupportedException_t1382227673_0 *)il2cpp_codegen_object_new (NotSupportedException_t1382227673_0_il2cpp_TypeInfo_var);
NotSupportedException__ctor_m149930845_0(L_0, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_0);
}
}
// System.Void System.Net.WebRequest::AddDynamicPrefix(System.String,System.String)
extern const Il2CppType* WebRequest_t442478417_0_0_0_0_var;
extern TypeInfo* Type_t_il2cpp_TypeInfo_var;
extern TypeInfo* String_t_il2cpp_TypeInfo_var;
extern TypeInfo* WebRequest_t442478417_0_il2cpp_TypeInfo_var;
extern Il2CppCodeGenString* _stringLiteral86340240_0;
extern "C" void WebRequest_AddDynamicPrefix_m_35008567_0 (Object_t * __this /* static, unused */, String_t* ___protocol, String_t* ___implementor, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
WebRequest_t442478417_0_0_0_0_var = il2cpp_codegen_type_from_index(640);
Type_t_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(3);
String_t_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(11);
WebRequest_t442478417_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(640);
_stringLiteral86340240_0 = il2cpp_codegen_string_literal_from_index(2232);
s_Il2CppMethodIntialized = true;
}
Type_t * V_0 = {0};
{
IL2CPP_RUNTIME_CLASS_INIT(Type_t_il2cpp_TypeInfo_var);
Type_t * L_0 = Type_GetTypeFromHandle_m_488061862_0(NULL /*static, unused*/, LoadTypeToken(WebRequest_t442478417_0_0_0_0_var), /*hidden argument*/NULL);
NullCheck(L_0);
Assembly_t_957553394_0 * L_1 = (Assembly_t_957553394_0 *)VirtFuncInvoker0< Assembly_t_957553394_0 * >::Invoke(14 /* System.Reflection.Assembly System.Type::get_Assembly() */, L_0);
String_t* L_2 = ___implementor;
IL2CPP_RUNTIME_CLASS_INIT(String_t_il2cpp_TypeInfo_var);
String_t* L_3 = String_Concat_m138640077_0(NULL /*static, unused*/, _stringLiteral86340240_0, L_2, /*hidden argument*/NULL);
NullCheck(L_1);
Type_t * L_4 = (Type_t *)VirtFuncInvoker1< Type_t *, String_t* >::Invoke(13 /* System.Type System.Reflection.Assembly::GetType(System.String) */, L_1, L_3);
V_0 = L_4;
Type_t * L_5 = V_0;
if (L_5)
{
goto IL_0027;
}
}
{
return;
}
IL_0027:
{
String_t* L_6 = ___protocol;
Type_t * L_7 = V_0;
IL2CPP_RUNTIME_CLASS_INIT(WebRequest_t442478417_0_il2cpp_TypeInfo_var);
WebRequest_AddPrefix_m_1371621595_0(NULL /*static, unused*/, L_6, L_7, /*hidden argument*/NULL);
return;
}
}
// System.Exception System.Net.WebRequest::GetMustImplement()
extern TypeInfo* NotImplementedException_t_1372918011_0_il2cpp_TypeInfo_var;
extern Il2CppCodeGenString* _stringLiteral_281317015_0;
extern "C" Exception_t2143823668_0 * WebRequest_GetMustImplement_m_1949410438_0 (Object_t * __this /* static, unused */, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
NotImplementedException_t_1372918011_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(113);
_stringLiteral_281317015_0 = il2cpp_codegen_string_literal_from_index(2233);
s_Il2CppMethodIntialized = true;
}
{
NotImplementedException_t_1372918011_0 * L_0 = (NotImplementedException_t_1372918011_0 *)il2cpp_codegen_object_new (NotImplementedException_t_1372918011_0_il2cpp_TypeInfo_var);
NotImplementedException__ctor_m495190705_0(L_0, _stringLiteral_281317015_0, /*hidden argument*/NULL);
return L_0;
}
}
// System.Net.IWebProxy System.Net.WebRequest::get_DefaultWebProxy()
extern TypeInfo* WebRequest_t442478417_0_il2cpp_TypeInfo_var;
extern "C" Object_t * WebRequest_get_DefaultWebProxy_m645383963_0 (Object_t * __this /* static, unused */, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
WebRequest_t442478417_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(640);
s_Il2CppMethodIntialized = true;
}
Object_t * V_0 = {0};
Exception_t2143823668_0 * __last_unhandled_exception = 0;
NO_UNUSED_WARNING (__last_unhandled_exception);
Exception_t2143823668_0 * __exception_local = 0;
NO_UNUSED_WARNING (__exception_local);
int32_t __leave_target = 0;
NO_UNUSED_WARNING (__leave_target);
{
IL2CPP_RUNTIME_CLASS_INIT(WebRequest_t442478417_0_il2cpp_TypeInfo_var);
bool L_0 = ((WebRequest_t442478417_0_StaticFields*)WebRequest_t442478417_0_il2cpp_TypeInfo_var->static_fields)->___isDefaultWebProxySet_2;
if (L_0)
{
goto IL_0036;
}
}
{
IL2CPP_RUNTIME_CLASS_INIT(WebRequest_t442478417_0_il2cpp_TypeInfo_var);
Object_t * L_1 = ((WebRequest_t442478417_0_StaticFields*)WebRequest_t442478417_0_il2cpp_TypeInfo_var->static_fields)->___lockobj_5;
V_0 = L_1;
Object_t * L_2 = V_0;
Monitor_Enter_m476686225_0(NULL /*static, unused*/, L_2, /*hidden argument*/NULL);
}
IL_0016:
try
{ // begin try (depth: 1)
{
IL2CPP_RUNTIME_CLASS_INIT(WebRequest_t442478417_0_il2cpp_TypeInfo_var);
Object_t * L_3 = ((WebRequest_t442478417_0_StaticFields*)WebRequest_t442478417_0_il2cpp_TypeInfo_var->static_fields)->___defaultWebProxy_3;
if (L_3)
{
goto IL_002a;
}
}
IL_0020:
{
IL2CPP_RUNTIME_CLASS_INIT(WebRequest_t442478417_0_il2cpp_TypeInfo_var);
Object_t * L_4 = WebRequest_GetDefaultWebProxy_m_1063003970_0(NULL /*static, unused*/, /*hidden argument*/NULL);
((WebRequest_t442478417_0_StaticFields*)WebRequest_t442478417_0_il2cpp_TypeInfo_var->static_fields)->___defaultWebProxy_3 = L_4;
}
IL_002a:
{
IL2CPP_LEAVE(0x36, FINALLY_002f);
}
} // end try (depth: 1)
catch(Il2CppExceptionWrapper& e)
{
__last_unhandled_exception = (Exception_t2143823668_0 *)e.ex;
goto FINALLY_002f;
}
FINALLY_002f:
{ // begin finally (depth: 1)
Object_t * L_5 = V_0;
Monitor_Exit_m2088237919_0(NULL /*static, unused*/, L_5, /*hidden argument*/NULL);
IL2CPP_END_FINALLY(47)
} // end finally (depth: 1)
IL2CPP_CLEANUP(47)
{
IL2CPP_JUMP_TBL(0x36, IL_0036)
IL2CPP_RETHROW_IF_UNHANDLED(Exception_t2143823668_0 *)
}
IL_0036:
{
IL2CPP_RUNTIME_CLASS_INIT(WebRequest_t442478417_0_il2cpp_TypeInfo_var);
Object_t * L_6 = ((WebRequest_t442478417_0_StaticFields*)WebRequest_t442478417_0_il2cpp_TypeInfo_var->static_fields)->___defaultWebProxy_3;
return L_6;
}
}
// System.Net.IWebProxy System.Net.WebRequest::GetDefaultWebProxy()
extern "C" Object_t * WebRequest_GetDefaultWebProxy_m_1063003970_0 (Object_t * __this /* static, unused */, const MethodInfo* method)
{
WebProxy_t_90386512_0 * V_0 = {0};
{
V_0 = (WebProxy_t_90386512_0 *)NULL;
WebProxy_t_90386512_0 * L_0 = V_0;
return L_0;
}
}
// System.Void System.Net.WebRequest::GetObjectData(System.Runtime.Serialization.SerializationInfo,System.Runtime.Serialization.StreamingContext)
extern TypeInfo* WebRequest_t442478417_0_il2cpp_TypeInfo_var;
extern "C" void WebRequest_GetObjectData_m_675190467_0 (WebRequest_t442478417_0 * __this, SerializationInfo_t526833679_0 * ___serializationInfo, StreamingContext_t_1216992900_0 ___streamingContext, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
WebRequest_t442478417_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(640);
s_Il2CppMethodIntialized = true;
}
{
IL2CPP_RUNTIME_CLASS_INIT(WebRequest_t442478417_0_il2cpp_TypeInfo_var);
Exception_t2143823668_0 * L_0 = WebRequest_GetMustImplement_m_1949410438_0(NULL /*static, unused*/, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_0);
}
}
// System.Void System.Net.WebRequest::AddPrefix(System.String,System.Type)
extern TypeInfo* WebRequest_t442478417_0_il2cpp_TypeInfo_var;
extern "C" void WebRequest_AddPrefix_m_1371621595_0 (Object_t * __this /* static, unused */, String_t* ___prefix, Type_t * ___type, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
WebRequest_t442478417_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(640);
s_Il2CppMethodIntialized = true;
}
Object_t * V_0 = {0};
{
Type_t * L_0 = ___type;
Object_t * L_1 = Activator_CreateInstance_m876910386_0(NULL /*static, unused*/, L_0, (bool)1, /*hidden argument*/NULL);
V_0 = L_1;
IL2CPP_RUNTIME_CLASS_INIT(WebRequest_t442478417_0_il2cpp_TypeInfo_var);
HybridDictionary_t330100885_0 * L_2 = ((WebRequest_t442478417_0_StaticFields*)WebRequest_t442478417_0_il2cpp_TypeInfo_var->static_fields)->___prefixes_1;
String_t* L_3 = ___prefix;
Object_t * L_4 = V_0;
NullCheck(L_2);
VirtActionInvoker2< Object_t *, Object_t * >::Invoke(10 /* System.Void System.Collections.Specialized.HybridDictionary::set_Item(System.Object,System.Object) */, L_2, L_3, L_4);
return;
}
}
// System.Void System.Security.Cryptography.X509Certificates.PublicKey::.ctor(Mono.Security.X509.X509Certificate)
extern TypeInfo* String_t_il2cpp_TypeInfo_var;
extern TypeInfo* RSACryptoServiceProvider_t_1692593868_0_il2cpp_TypeInfo_var;
extern TypeInfo* RSAManaged_t_108115836_0_il2cpp_TypeInfo_var;
extern TypeInfo* RSA_t1573116945_0_il2cpp_TypeInfo_var;
extern TypeInfo* DSACryptoServiceProvider_t_754499326_0_il2cpp_TypeInfo_var;
extern TypeInfo* DSA_t1573103491_0_il2cpp_TypeInfo_var;
extern TypeInfo* Oid_t1024680945_0_il2cpp_TypeInfo_var;
extern TypeInfo* AsnEncodedData_t_194939595_0_il2cpp_TypeInfo_var;
extern Il2CppCodeGenString* _stringLiteral_2096004509_0;
extern "C" void PublicKey__ctor_m1299060097_0 (PublicKey_t_188668797_0 * __this, X509Certificate_t219648422_0 * ___certificate, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
String_t_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(11);
RSACryptoServiceProvider_t_1692593868_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(150);
RSAManaged_t_108115836_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(661);
RSA_t1573116945_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(502);
DSACryptoServiceProvider_t_754499326_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(168);
DSA_t1573103491_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(489);
Oid_t1024680945_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(662);
AsnEncodedData_t_194939595_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(663);
_stringLiteral_2096004509_0 = il2cpp_codegen_string_literal_from_index(2234);
s_Il2CppMethodIntialized = true;
}
bool V_0 = false;
RSACryptoServiceProvider_t_1692593868_0 * V_1 = {0};
RSAManaged_t_108115836_0 * V_2 = {0};
RSAParameters_t1157257435_0 V_3 = {0};
DSACryptoServiceProvider_t_754499326_0 * V_4 = {0};
DSAParameters_t969932237_0 V_5 = {0};
{
Object__ctor_m1772956182_0(__this, /*hidden argument*/NULL);
V_0 = (bool)1;
X509Certificate_t219648422_0 * L_0 = ___certificate;
NullCheck(L_0);
String_t* L_1 = (String_t*)VirtFuncInvoker0< String_t* >::Invoke(6 /* System.String Mono.Security.X509.X509Certificate::get_KeyAlgorithm() */, L_0);
IL2CPP_RUNTIME_CLASS_INIT(String_t_il2cpp_TypeInfo_var);
bool L_2 = String_op_Equality_m1260523650_0(NULL /*static, unused*/, L_1, _stringLiteral_2096004509_0, /*hidden argument*/NULL);
if (!L_2)
{
goto IL_00ac;
}
}
{
X509Certificate_t219648422_0 * L_3 = ___certificate;
NullCheck(L_3);
RSA_t1573116945_0 * L_4 = (RSA_t1573116945_0 *)VirtFuncInvoker0< RSA_t1573116945_0 * >::Invoke(10 /* System.Security.Cryptography.RSA Mono.Security.X509.X509Certificate::get_RSA() */, L_3);
V_1 = ((RSACryptoServiceProvider_t_1692593868_0 *)IsInstSealed(L_4, RSACryptoServiceProvider_t_1692593868_0_il2cpp_TypeInfo_var));
RSACryptoServiceProvider_t_1692593868_0 * L_5 = V_1;
if (!L_5)
{
goto IL_004d;
}
}
{
RSACryptoServiceProvider_t_1692593868_0 * L_6 = V_1;
NullCheck(L_6);
bool L_7 = RSACryptoServiceProvider_get_PublicOnly_m_1539797276_0(L_6, /*hidden argument*/NULL);
if (!L_7)
{
goto IL_004d;
}
}
{
X509Certificate_t219648422_0 * L_8 = ___certificate;
NullCheck(L_8);
RSA_t1573116945_0 * L_9 = (RSA_t1573116945_0 *)VirtFuncInvoker0< RSA_t1573116945_0 * >::Invoke(10 /* System.Security.Cryptography.RSA Mono.Security.X509.X509Certificate::get_RSA() */, L_8);
__this->____key_0 = L_9;
V_0 = (bool)0;
goto IL_0078;
}
IL_004d:
{
X509Certificate_t219648422_0 * L_10 = ___certificate;
NullCheck(L_10);
RSA_t1573116945_0 * L_11 = (RSA_t1573116945_0 *)VirtFuncInvoker0< RSA_t1573116945_0 * >::Invoke(10 /* System.Security.Cryptography.RSA Mono.Security.X509.X509Certificate::get_RSA() */, L_10);
V_2 = ((RSAManaged_t_108115836_0 *)IsInstClass(L_11, RSAManaged_t_108115836_0_il2cpp_TypeInfo_var));
RSAManaged_t_108115836_0 * L_12 = V_2;
if (!L_12)
{
goto IL_0078;
}
}
{
RSAManaged_t_108115836_0 * L_13 = V_2;
NullCheck(L_13);
bool L_14 = RSAManaged_get_PublicOnly_m_1228012256_0(L_13, /*hidden argument*/NULL);
if (!L_14)
{
goto IL_0078;
}
}
{
X509Certificate_t219648422_0 * L_15 = ___certificate;
NullCheck(L_15);
RSA_t1573116945_0 * L_16 = (RSA_t1573116945_0 *)VirtFuncInvoker0< RSA_t1573116945_0 * >::Invoke(10 /* System.Security.Cryptography.RSA Mono.Security.X509.X509Certificate::get_RSA() */, L_15);
__this->____key_0 = L_16;
V_0 = (bool)0;
}
IL_0078:
{
bool L_17 = V_0;
if (!L_17)
{
goto IL_00a7;
}
}
{
X509Certificate_t219648422_0 * L_18 = ___certificate;
NullCheck(L_18);
RSA_t1573116945_0 * L_19 = (RSA_t1573116945_0 *)VirtFuncInvoker0< RSA_t1573116945_0 * >::Invoke(10 /* System.Security.Cryptography.RSA Mono.Security.X509.X509Certificate::get_RSA() */, L_18);
NullCheck(L_19);
RSAParameters_t1157257435_0 L_20 = (RSAParameters_t1157257435_0 )VirtFuncInvoker1< RSAParameters_t1157257435_0 , bool >::Invoke(12 /* System.Security.Cryptography.RSAParameters System.Security.Cryptography.RSA::ExportParameters(System.Boolean) */, L_19, (bool)0);
V_3 = L_20;
RSA_t1573116945_0 * L_21 = RSA_Create_m_1137135175_0(NULL /*static, unused*/, /*hidden argument*/NULL);
__this->____key_0 = L_21;
AsymmetricAlgorithm_t1451338986_0 * L_22 = (__this->____key_0);
RSAParameters_t1157257435_0 L_23 = V_3;
NullCheck(((RSA_t1573116945_0 *)IsInstClass(L_22, RSA_t1573116945_0_il2cpp_TypeInfo_var)));
VirtActionInvoker1< RSAParameters_t1157257435_0 >::Invoke(13 /* System.Void System.Security.Cryptography.RSA::ImportParameters(System.Security.Cryptography.RSAParameters) */, ((RSA_t1573116945_0 *)IsInstClass(L_22, RSA_t1573116945_0_il2cpp_TypeInfo_var)), L_23);
}
IL_00a7:
{
goto IL_010b;
}
IL_00ac:
{
X509Certificate_t219648422_0 * L_24 = ___certificate;
NullCheck(L_24);
DSA_t1573103491_0 * L_25 = X509Certificate_get_DSA_m1952040247_0(L_24, /*hidden argument*/NULL);
V_4 = ((DSACryptoServiceProvider_t_754499326_0 *)IsInstSealed(L_25, DSACryptoServiceProvider_t_754499326_0_il2cpp_TypeInfo_var));
DSACryptoServiceProvider_t_754499326_0 * L_26 = V_4;
if (!L_26)
{
goto IL_00da;
}
}
{
DSACryptoServiceProvider_t_754499326_0 * L_27 = V_4;
NullCheck(L_27);
bool L_28 = DSACryptoServiceProvider_get_PublicOnly_m1018144562_0(L_27, /*hidden argument*/NULL);
if (!L_28)
{
goto IL_00da;
}
}
{
X509Certificate_t219648422_0 * L_29 = ___certificate;
NullCheck(L_29);
DSA_t1573103491_0 * L_30 = X509Certificate_get_DSA_m1952040247_0(L_29, /*hidden argument*/NULL);
__this->____key_0 = L_30;
V_0 = (bool)0;
}
IL_00da:
{
bool L_31 = V_0;
if (!L_31)
{
goto IL_010b;
}
}
{
X509Certificate_t219648422_0 * L_32 = ___certificate;
NullCheck(L_32);
DSA_t1573103491_0 * L_33 = X509Certificate_get_DSA_m1952040247_0(L_32, /*hidden argument*/NULL);
NullCheck(L_33);
DSAParameters_t969932237_0 L_34 = (DSAParameters_t969932237_0 )VirtFuncInvoker1< DSAParameters_t969932237_0 , bool >::Invoke(11 /* System.Security.Cryptography.DSAParameters System.Security.Cryptography.DSA::ExportParameters(System.Boolean) */, L_33, (bool)0);
V_5 = L_34;
DSA_t1573103491_0 * L_35 = DSA_Create_m_1937467399_0(NULL /*static, unused*/, /*hidden argument*/NULL);
__this->____key_0 = L_35;
AsymmetricAlgorithm_t1451338986_0 * L_36 = (__this->____key_0);
DSAParameters_t969932237_0 L_37 = V_5;
NullCheck(((DSA_t1573103491_0 *)IsInstClass(L_36, DSA_t1573103491_0_il2cpp_TypeInfo_var)));
VirtActionInvoker1< DSAParameters_t969932237_0 >::Invoke(12 /* System.Void System.Security.Cryptography.DSA::ImportParameters(System.Security.Cryptography.DSAParameters) */, ((DSA_t1573103491_0 *)IsInstClass(L_36, DSA_t1573103491_0_il2cpp_TypeInfo_var)), L_37);
}
IL_010b:
{
X509Certificate_t219648422_0 * L_38 = ___certificate;
NullCheck(L_38);
String_t* L_39 = (String_t*)VirtFuncInvoker0< String_t* >::Invoke(6 /* System.String Mono.Security.X509.X509Certificate::get_KeyAlgorithm() */, L_38);
Oid_t1024680945_0 * L_40 = (Oid_t1024680945_0 *)il2cpp_codegen_object_new (Oid_t1024680945_0_il2cpp_TypeInfo_var);
Oid__ctor_m_1507238307_0(L_40, L_39, /*hidden argument*/NULL);
__this->____oid_3 = L_40;
Oid_t1024680945_0 * L_41 = (__this->____oid_3);
X509Certificate_t219648422_0 * L_42 = ___certificate;
NullCheck(L_42);
ByteU5BU5D_t_1238178395_0* L_43 = (ByteU5BU5D_t_1238178395_0*)VirtFuncInvoker0< ByteU5BU5D_t_1238178395_0* >::Invoke(9 /* System.Byte[] Mono.Security.X509.X509Certificate::get_PublicKey() */, L_42);
AsnEncodedData_t_194939595_0 * L_44 = (AsnEncodedData_t_194939595_0 *)il2cpp_codegen_object_new (AsnEncodedData_t_194939595_0_il2cpp_TypeInfo_var);
AsnEncodedData__ctor_m299043111_0(L_44, L_41, L_43, /*hidden argument*/NULL);
__this->____keyValue_1 = L_44;
Oid_t1024680945_0 * L_45 = (__this->____oid_3);
X509Certificate_t219648422_0 * L_46 = ___certificate;
NullCheck(L_46);
ByteU5BU5D_t_1238178395_0* L_47 = (ByteU5BU5D_t_1238178395_0*)VirtFuncInvoker0< ByteU5BU5D_t_1238178395_0* >::Invoke(7 /* System.Byte[] Mono.Security.X509.X509Certificate::get_KeyAlgorithmParameters() */, L_46);
AsnEncodedData_t_194939595_0 * L_48 = (AsnEncodedData_t_194939595_0 *)il2cpp_codegen_object_new (AsnEncodedData_t_194939595_0_il2cpp_TypeInfo_var);
AsnEncodedData__ctor_m299043111_0(L_48, L_45, L_47, /*hidden argument*/NULL);
__this->____params_2 = L_48;
return;
}
}
// System.Security.Cryptography.AsnEncodedData System.Security.Cryptography.X509Certificates.PublicKey::get_EncodedKeyValue()
extern "C" AsnEncodedData_t_194939595_0 * PublicKey_get_EncodedKeyValue_m334858790_0 (PublicKey_t_188668797_0 * __this, const MethodInfo* method)
{
{
AsnEncodedData_t_194939595_0 * L_0 = (__this->____keyValue_1);
return L_0;
}
}
// System.Security.Cryptography.AsnEncodedData System.Security.Cryptography.X509Certificates.PublicKey::get_EncodedParameters()
extern "C" AsnEncodedData_t_194939595_0 * PublicKey_get_EncodedParameters_m_616556802_0 (PublicKey_t_188668797_0 * __this, const MethodInfo* method)
{
{
AsnEncodedData_t_194939595_0 * L_0 = (__this->____params_2);
return L_0;
}
}
// System.Security.Cryptography.AsymmetricAlgorithm System.Security.Cryptography.X509Certificates.PublicKey::get_Key()
extern TypeInfo* PublicKey_t_188668797_0_il2cpp_TypeInfo_var;
extern TypeInfo* Dictionary_2_t_1305703446_0_il2cpp_TypeInfo_var;
extern TypeInfo* ObjectU5BU5D_t1774424924_0_il2cpp_TypeInfo_var;
extern TypeInfo* NotSupportedException_t1382227673_0_il2cpp_TypeInfo_var;
extern const MethodInfo* Dictionary_2__ctor_m1958628151_0_MethodInfo_var;
extern Il2CppCodeGenString* _stringLiteral_2096004509_0;
extern Il2CppCodeGenString* _stringLiteral_902557053_0;
extern Il2CppCodeGenString* _stringLiteral2102612199_0;
extern "C" AsymmetricAlgorithm_t1451338986_0 * PublicKey_get_Key_m_2000693542_0 (PublicKey_t_188668797_0 * __this, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
PublicKey_t_188668797_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(664);
Dictionary_2_t_1305703446_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(116);
ObjectU5BU5D_t1774424924_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(19);
NotSupportedException_t1382227673_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(6);
Dictionary_2__ctor_m1958628151_0_MethodInfo_var = il2cpp_codegen_method_info_from_index(2147483658);
_stringLiteral_2096004509_0 = il2cpp_codegen_string_literal_from_index(2234);
_stringLiteral_902557053_0 = il2cpp_codegen_string_literal_from_index(2235);
_stringLiteral2102612199_0 = il2cpp_codegen_string_literal_from_index(2236);
s_Il2CppMethodIntialized = true;
}
String_t* V_0 = {0};
String_t* V_1 = {0};
Dictionary_2_t_1305703446_0 * V_2 = {0};
int32_t V_3 = 0;
{
AsymmetricAlgorithm_t1451338986_0 * L_0 = (__this->____key_0);
if (L_0)
{
goto IL_00d7;
}
}
{
Oid_t1024680945_0 * L_1 = (__this->____oid_3);
NullCheck(L_1);
String_t* L_2 = Oid_get_Value_m216923304_0(L_1, /*hidden argument*/NULL);
V_1 = L_2;
String_t* L_3 = V_1;
if (!L_3)
{
goto IL_00b1;
}
}
{
Dictionary_2_t_1305703446_0 * L_4 = ((PublicKey_t_188668797_0_StaticFields*)PublicKey_t_188668797_0_il2cpp_TypeInfo_var->static_fields)->___U3CU3Ef__switchU24map9_4;
if (L_4)
{
goto IL_004c;
}
}
{
Dictionary_2_t_1305703446_0 * L_5 = (Dictionary_2_t_1305703446_0 *)il2cpp_codegen_object_new (Dictionary_2_t_1305703446_0_il2cpp_TypeInfo_var);
Dictionary_2__ctor_m1958628151_0(L_5, 2, /*hidden argument*/Dictionary_2__ctor_m1958628151_0_MethodInfo_var);
V_2 = L_5;
Dictionary_2_t_1305703446_0 * L_6 = V_2;
NullCheck(L_6);
VirtActionInvoker2< String_t*, int32_t >::Invoke(28 /* System.Void System.Collections.Generic.Dictionary`2<System.String,System.Int32>::Add(!0,!1) */, L_6, _stringLiteral_2096004509_0, 0);
Dictionary_2_t_1305703446_0 * L_7 = V_2;
NullCheck(L_7);
VirtActionInvoker2< String_t*, int32_t >::Invoke(28 /* System.Void System.Collections.Generic.Dictionary`2<System.String,System.Int32>::Add(!0,!1) */, L_7, _stringLiteral_902557053_0, 1);
Dictionary_2_t_1305703446_0 * L_8 = V_2;
((PublicKey_t_188668797_0_StaticFields*)PublicKey_t_188668797_0_il2cpp_TypeInfo_var->static_fields)->___U3CU3Ef__switchU24map9_4 = L_8;
}
IL_004c:
{
Dictionary_2_t_1305703446_0 * L_9 = ((PublicKey_t_188668797_0_StaticFields*)PublicKey_t_188668797_0_il2cpp_TypeInfo_var->static_fields)->___U3CU3Ef__switchU24map9_4;
String_t* L_10 = V_1;
NullCheck(L_9);
bool L_11 = (bool)VirtFuncInvoker2< bool, String_t*, int32_t* >::Invoke(33 /* System.Boolean System.Collections.Generic.Dictionary`2<System.String,System.Int32>::TryGetValue(!0,!1&) */, L_9, L_10, (&V_3));
if (!L_11)
{
goto IL_00b1;
}
}
{
int32_t L_12 = V_3;
if (!L_12)
{
goto IL_0070;
}
}
{
int32_t L_13 = V_3;
if ((((int32_t)L_13) == ((int32_t)1)))
{
goto IL_008b;
}
}
{
goto IL_00b1;
}
IL_0070:
{
AsnEncodedData_t_194939595_0 * L_14 = (__this->____keyValue_1);
NullCheck(L_14);
ByteU5BU5D_t_1238178395_0* L_15 = AsnEncodedData_get_RawData_m334685068_0(L_14, /*hidden argument*/NULL);
RSA_t1573116945_0 * L_16 = PublicKey_DecodeRSA_m_459258790_0(NULL /*static, unused*/, L_15, /*hidden argument*/NULL);
__this->____key_0 = L_16;
goto IL_00d7;
}
IL_008b:
{
AsnEncodedData_t_194939595_0 * L_17 = (__this->____keyValue_1);
NullCheck(L_17);
ByteU5BU5D_t_1238178395_0* L_18 = AsnEncodedData_get_RawData_m334685068_0(L_17, /*hidden argument*/NULL);
AsnEncodedData_t_194939595_0 * L_19 = (__this->____params_2);
NullCheck(L_19);
ByteU5BU5D_t_1238178395_0* L_20 = AsnEncodedData_get_RawData_m334685068_0(L_19, /*hidden argument*/NULL);
DSA_t1573103491_0 * L_21 = PublicKey_DecodeDSA_m_1594122979_0(NULL /*static, unused*/, L_18, L_20, /*hidden argument*/NULL);
__this->____key_0 = L_21;
goto IL_00d7;
}
IL_00b1:
{
ObjectU5BU5D_t1774424924_0* L_22 = ((ObjectU5BU5D_t1774424924_0*)SZArrayNew(ObjectU5BU5D_t1774424924_0_il2cpp_TypeInfo_var, (uint32_t)1));
Oid_t1024680945_0 * L_23 = (__this->____oid_3);
NullCheck(L_23);
String_t* L_24 = Oid_get_Value_m216923304_0(L_23, /*hidden argument*/NULL);
NullCheck(L_22);
IL2CPP_ARRAY_BOUNDS_CHECK(L_22, 0);
ArrayElementTypeCheck (L_22, L_24);
*((Object_t **)(Object_t **)SZArrayLdElema(L_22, 0, sizeof(Object_t *))) = (Object_t *)L_24;
String_t* L_25 = Locale_GetText_m946430094_0(NULL /*static, unused*/, _stringLiteral2102612199_0, L_22, /*hidden argument*/NULL);
V_0 = L_25;
String_t* L_26 = V_0;
NotSupportedException_t1382227673_0 * L_27 = (NotSupportedException_t1382227673_0 *)il2cpp_codegen_object_new (NotSupportedException_t1382227673_0_il2cpp_TypeInfo_var);
NotSupportedException__ctor_m133757637_0(L_27, L_26, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_27);
}
IL_00d7:
{
AsymmetricAlgorithm_t1451338986_0 * L_28 = (__this->____key_0);
return L_28;
}
}
// System.Security.Cryptography.Oid System.Security.Cryptography.X509Certificates.PublicKey::get_Oid()
extern "C" Oid_t1024680945_0 * PublicKey_get_Oid_m100819764_0 (PublicKey_t_188668797_0 * __this, const MethodInfo* method)
{
{
Oid_t1024680945_0 * L_0 = (__this->____oid_3);
return L_0;
}
}
// System.Byte[] System.Security.Cryptography.X509Certificates.PublicKey::GetUnsignedBigInteger(System.Byte[])
extern TypeInfo* ByteU5BU5D_t_1238178395_0_il2cpp_TypeInfo_var;
extern "C" ByteU5BU5D_t_1238178395_0* PublicKey_GetUnsignedBigInteger_m_1563069781_0 (Object_t * __this /* static, unused */, ByteU5BU5D_t_1238178395_0* ___integer, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
ByteU5BU5D_t_1238178395_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(42);
s_Il2CppMethodIntialized = true;
}
int32_t V_0 = 0;
ByteU5BU5D_t_1238178395_0* V_1 = {0};
{
ByteU5BU5D_t_1238178395_0* L_0 = ___integer;
NullCheck(L_0);
IL2CPP_ARRAY_BOUNDS_CHECK(L_0, 0);
int32_t L_1 = 0;
if (!(*(uint8_t*)(uint8_t*)SZArrayLdElema(L_0, L_1, sizeof(uint8_t))))
{
goto IL_000a;
}
}
{
ByteU5BU5D_t_1238178395_0* L_2 = ___integer;
return L_2;
}
IL_000a:
{
ByteU5BU5D_t_1238178395_0* L_3 = ___integer;
NullCheck(L_3);
V_0 = ((int32_t)((int32_t)(((int32_t)((int32_t)(((Array_t *)L_3)->max_length))))-(int32_t)1));
int32_t L_4 = V_0;
V_1 = ((ByteU5BU5D_t_1238178395_0*)SZArrayNew(ByteU5BU5D_t_1238178395_0_il2cpp_TypeInfo_var, (uint32_t)L_4));
ByteU5BU5D_t_1238178395_0* L_5 = ___integer;
ByteU5BU5D_t_1238178395_0* L_6 = V_1;
int32_t L_7 = V_0;
Buffer_BlockCopy_m1580643184_0(NULL /*static, unused*/, (Array_t *)(Array_t *)L_5, 1, (Array_t *)(Array_t *)L_6, 0, L_7, /*hidden argument*/NULL);
ByteU5BU5D_t_1238178395_0* L_8 = V_1;
return L_8;
}
}
// System.Security.Cryptography.DSA System.Security.Cryptography.X509Certificates.PublicKey::DecodeDSA(System.Byte[],System.Byte[])
extern TypeInfo* DSAParameters_t969932237_0_il2cpp_TypeInfo_var;
extern TypeInfo* ASN1_t311288114_0_il2cpp_TypeInfo_var;
extern TypeInfo* CryptographicException_t_946073705_0_il2cpp_TypeInfo_var;
extern TypeInfo* Exception_t2143823668_0_il2cpp_TypeInfo_var;
extern TypeInfo* DSACryptoServiceProvider_t_754499326_0_il2cpp_TypeInfo_var;
extern Il2CppCodeGenString* _stringLiteral_733309953_0;
extern Il2CppCodeGenString* _stringLiteral_1700925668_0;
extern Il2CppCodeGenString* _stringLiteral_1895424595_0;
extern Il2CppCodeGenString* _stringLiteral2031009832_0;
extern "C" DSA_t1573103491_0 * PublicKey_DecodeDSA_m_1594122979_0 (Object_t * __this /* static, unused */, ByteU5BU5D_t_1238178395_0* ___rawPublicKey, ByteU5BU5D_t_1238178395_0* ___rawParameters, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
DSAParameters_t969932237_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(139);
ASN1_t311288114_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(665);
CryptographicException_t_946073705_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(131);
Exception_t2143823668_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(45);
DSACryptoServiceProvider_t_754499326_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(168);
_stringLiteral_733309953_0 = il2cpp_codegen_string_literal_from_index(2237);
_stringLiteral_1700925668_0 = il2cpp_codegen_string_literal_from_index(2238);
_stringLiteral_1895424595_0 = il2cpp_codegen_string_literal_from_index(2239);
_stringLiteral2031009832_0 = il2cpp_codegen_string_literal_from_index(2240);
s_Il2CppMethodIntialized = true;
}
DSAParameters_t969932237_0 V_0 = {0};
ASN1_t311288114_0 * V_1 = {0};
ASN1_t311288114_0 * V_2 = {0};
Exception_t2143823668_0 * V_3 = {0};
String_t* V_4 = {0};
DSA_t1573103491_0 * V_5 = {0};
Exception_t2143823668_0 * __last_unhandled_exception = 0;
NO_UNUSED_WARNING (__last_unhandled_exception);
Exception_t2143823668_0 * __exception_local = 0;
NO_UNUSED_WARNING (__exception_local);
int32_t __leave_target = 0;
NO_UNUSED_WARNING (__leave_target);
{
Initobj (DSAParameters_t969932237_0_il2cpp_TypeInfo_var, (&V_0));
}
IL_0008:
try
{ // begin try (depth: 1)
{
ByteU5BU5D_t_1238178395_0* L_0 = ___rawPublicKey;
ASN1_t311288114_0 * L_1 = (ASN1_t311288114_0 *)il2cpp_codegen_object_new (ASN1_t311288114_0_il2cpp_TypeInfo_var);
ASN1__ctor_m_1286872987_0(L_1, L_0, /*hidden argument*/NULL);
V_1 = L_1;
ASN1_t311288114_0 * L_2 = V_1;
NullCheck(L_2);
uint8_t L_3 = ASN1_get_Tag_m442995239_0(L_2, /*hidden argument*/NULL);
if ((((int32_t)L_3) == ((int32_t)2)))
{
goto IL_002b;
}
}
IL_001b:
{
String_t* L_4 = Locale_GetText_m_1025094110_0(NULL /*static, unused*/, _stringLiteral_733309953_0, /*hidden argument*/NULL);
CryptographicException_t_946073705_0 * L_5 = (CryptographicException_t_946073705_0 *)il2cpp_codegen_object_new (CryptographicException_t_946073705_0_il2cpp_TypeInfo_var);
CryptographicException__ctor_m_1894244407_0(L_5, L_4, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_5);
}
IL_002b:
{
ASN1_t311288114_0 * L_6 = V_1;
NullCheck(L_6);
ByteU5BU5D_t_1238178395_0* L_7 = ASN1_get_Value_m390067040_0(L_6, /*hidden argument*/NULL);
ByteU5BU5D_t_1238178395_0* L_8 = PublicKey_GetUnsignedBigInteger_m_1563069781_0(NULL /*static, unused*/, L_7, /*hidden argument*/NULL);
(&V_0)->___Y_7 = L_8;
ByteU5BU5D_t_1238178395_0* L_9 = ___rawParameters;
ASN1_t311288114_0 * L_10 = (ASN1_t311288114_0 *)il2cpp_codegen_object_new (ASN1_t311288114_0_il2cpp_TypeInfo_var);
ASN1__ctor_m_1286872987_0(L_10, L_9, /*hidden argument*/NULL);
V_2 = L_10;
ASN1_t311288114_0 * L_11 = V_2;
if (!L_11)
{
goto IL_0063;
}
}
IL_004a:
{
ASN1_t311288114_0 * L_12 = V_2;
NullCheck(L_12);
uint8_t L_13 = ASN1_get_Tag_m442995239_0(L_12, /*hidden argument*/NULL);
if ((!(((uint32_t)L_13) == ((uint32_t)((int32_t)48)))))
{
goto IL_0063;
}
}
IL_0057:
{
ASN1_t311288114_0 * L_14 = V_2;
NullCheck(L_14);
int32_t L_15 = ASN1_get_Count_m_2080495176_0(L_14, /*hidden argument*/NULL);
if ((((int32_t)L_15) >= ((int32_t)3)))
{
goto IL_0073;
}
}
IL_0063:
{
String_t* L_16 = Locale_GetText_m_1025094110_0(NULL /*static, unused*/, _stringLiteral_1700925668_0, /*hidden argument*/NULL);
CryptographicException_t_946073705_0 * L_17 = (CryptographicException_t_946073705_0 *)il2cpp_codegen_object_new (CryptographicException_t_946073705_0_il2cpp_TypeInfo_var);
CryptographicException__ctor_m_1894244407_0(L_17, L_16, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_17);
}
IL_0073:
{
ASN1_t311288114_0 * L_18 = V_2;
NullCheck(L_18);
ASN1_t311288114_0 * L_19 = ASN1_get_Item_m_567689036_0(L_18, 0, /*hidden argument*/NULL);
NullCheck(L_19);
uint8_t L_20 = ASN1_get_Tag_m442995239_0(L_19, /*hidden argument*/NULL);
if ((!(((uint32_t)L_20) == ((uint32_t)2))))
{
goto IL_00a9;
}
}
IL_0085:
{
ASN1_t311288114_0 * L_21 = V_2;
NullCheck(L_21);
ASN1_t311288114_0 * L_22 = ASN1_get_Item_m_567689036_0(L_21, 1, /*hidden argument*/NULL);
NullCheck(L_22);
uint8_t L_23 = ASN1_get_Tag_m442995239_0(L_22, /*hidden argument*/NULL);
if ((!(((uint32_t)L_23) == ((uint32_t)2))))
{
goto IL_00a9;
}
}
IL_0097:
{
ASN1_t311288114_0 * L_24 = V_2;
NullCheck(L_24);
ASN1_t311288114_0 * L_25 = ASN1_get_Item_m_567689036_0(L_24, 2, /*hidden argument*/NULL);
NullCheck(L_25);
uint8_t L_26 = ASN1_get_Tag_m442995239_0(L_25, /*hidden argument*/NULL);
if ((((int32_t)L_26) == ((int32_t)2)))
{
goto IL_00b9;
}
}
IL_00a9:
{
String_t* L_27 = Locale_GetText_m_1025094110_0(NULL /*static, unused*/, _stringLiteral_1895424595_0, /*hidden argument*/NULL);
CryptographicException_t_946073705_0 * L_28 = (CryptographicException_t_946073705_0 *)il2cpp_codegen_object_new (CryptographicException_t_946073705_0_il2cpp_TypeInfo_var);
CryptographicException__ctor_m_1894244407_0(L_28, L_27, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_28);
}
IL_00b9:
{
ASN1_t311288114_0 * L_29 = V_2;
NullCheck(L_29);
ASN1_t311288114_0 * L_30 = ASN1_get_Item_m_567689036_0(L_29, 0, /*hidden argument*/NULL);
NullCheck(L_30);
ByteU5BU5D_t_1238178395_0* L_31 = ASN1_get_Value_m390067040_0(L_30, /*hidden argument*/NULL);
ByteU5BU5D_t_1238178395_0* L_32 = PublicKey_GetUnsignedBigInteger_m_1563069781_0(NULL /*static, unused*/, L_31, /*hidden argument*/NULL);
(&V_0)->___P_3 = L_32;
ASN1_t311288114_0 * L_33 = V_2;
NullCheck(L_33);
ASN1_t311288114_0 * L_34 = ASN1_get_Item_m_567689036_0(L_33, 1, /*hidden argument*/NULL);
NullCheck(L_34);
ByteU5BU5D_t_1238178395_0* L_35 = ASN1_get_Value_m390067040_0(L_34, /*hidden argument*/NULL);
ByteU5BU5D_t_1238178395_0* L_36 = PublicKey_GetUnsignedBigInteger_m_1563069781_0(NULL /*static, unused*/, L_35, /*hidden argument*/NULL);
(&V_0)->___Q_4 = L_36;
ASN1_t311288114_0 * L_37 = V_2;
NullCheck(L_37);
ASN1_t311288114_0 * L_38 = ASN1_get_Item_m_567689036_0(L_37, 2, /*hidden argument*/NULL);
NullCheck(L_38);
ByteU5BU5D_t_1238178395_0* L_39 = ASN1_get_Value_m390067040_0(L_38, /*hidden argument*/NULL);
ByteU5BU5D_t_1238178395_0* L_40 = PublicKey_GetUnsignedBigInteger_m_1563069781_0(NULL /*static, unused*/, L_39, /*hidden argument*/NULL);
(&V_0)->___G_1 = L_40;
goto IL_0121;
}
} // end try (depth: 1)
catch(Il2CppExceptionWrapper& e)
{
__exception_local = (Exception_t2143823668_0 *)e.ex;
if(il2cpp_codegen_class_is_assignable_from (Exception_t2143823668_0_il2cpp_TypeInfo_var, e.ex->object.klass))
goto CATCH_0106;
throw e;
}
CATCH_0106:
{ // begin catch(System.Exception)
{
V_3 = ((Exception_t2143823668_0 *)__exception_local);
String_t* L_41 = Locale_GetText_m_1025094110_0(NULL /*static, unused*/, _stringLiteral2031009832_0, /*hidden argument*/NULL);
V_4 = L_41;
String_t* L_42 = V_4;
Exception_t2143823668_0 * L_43 = V_3;
CryptographicException_t_946073705_0 * L_44 = (CryptographicException_t_946073705_0 *)il2cpp_codegen_object_new (CryptographicException_t_946073705_0_il2cpp_TypeInfo_var);
CryptographicException__ctor_m_1752690547_0(L_44, L_42, L_43, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_44);
}
IL_011c:
{
goto IL_0121;
}
} // end catch (depth: 1)
IL_0121:
{
ByteU5BU5D_t_1238178395_0* L_45 = ((&V_0)->___Y_7);
NullCheck(L_45);
DSACryptoServiceProvider_t_754499326_0 * L_46 = (DSACryptoServiceProvider_t_754499326_0 *)il2cpp_codegen_object_new (DSACryptoServiceProvider_t_754499326_0_il2cpp_TypeInfo_var);
DSACryptoServiceProvider__ctor_m_2021212193_0(L_46, ((int32_t)((int32_t)(((int32_t)((int32_t)(((Array_t *)L_45)->max_length))))<<(int32_t)3)), /*hidden argument*/NULL);
V_5 = L_46;
DSA_t1573103491_0 * L_47 = V_5;
DSAParameters_t969932237_0 L_48 = V_0;
NullCheck(L_47);
VirtActionInvoker1< DSAParameters_t969932237_0 >::Invoke(12 /* System.Void System.Security.Cryptography.DSA::ImportParameters(System.Security.Cryptography.DSAParameters) */, L_47, L_48);
DSA_t1573103491_0 * L_49 = V_5;
return L_49;
}
}
// System.Security.Cryptography.RSA System.Security.Cryptography.X509Certificates.PublicKey::DecodeRSA(System.Byte[])
extern TypeInfo* RSAParameters_t1157257435_0_il2cpp_TypeInfo_var;
extern TypeInfo* ASN1_t311288114_0_il2cpp_TypeInfo_var;
extern TypeInfo* CryptographicException_t_946073705_0_il2cpp_TypeInfo_var;
extern TypeInfo* Exception_t2143823668_0_il2cpp_TypeInfo_var;
extern TypeInfo* RSACryptoServiceProvider_t_1692593868_0_il2cpp_TypeInfo_var;
extern Il2CppCodeGenString* _stringLiteral_49683181_0;
extern Il2CppCodeGenString* _stringLiteral_1973681103_0;
extern Il2CppCodeGenString* _stringLiteral744343298_0;
extern Il2CppCodeGenString* _stringLiteral2031009832_0;
extern "C" RSA_t1573116945_0 * PublicKey_DecodeRSA_m_459258790_0 (Object_t * __this /* static, unused */, ByteU5BU5D_t_1238178395_0* ___rawPublicKey, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
RSAParameters_t1157257435_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(132);
ASN1_t311288114_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(665);
CryptographicException_t_946073705_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(131);
Exception_t2143823668_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(45);
RSACryptoServiceProvider_t_1692593868_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(150);
_stringLiteral_49683181_0 = il2cpp_codegen_string_literal_from_index(2241);
_stringLiteral_1973681103_0 = il2cpp_codegen_string_literal_from_index(2242);
_stringLiteral744343298_0 = il2cpp_codegen_string_literal_from_index(2243);
_stringLiteral2031009832_0 = il2cpp_codegen_string_literal_from_index(2240);
s_Il2CppMethodIntialized = true;
}
RSAParameters_t1157257435_0 V_0 = {0};
ASN1_t311288114_0 * V_1 = {0};
ASN1_t311288114_0 * V_2 = {0};
ASN1_t311288114_0 * V_3 = {0};
Exception_t2143823668_0 * V_4 = {0};
String_t* V_5 = {0};
int32_t V_6 = 0;
RSA_t1573116945_0 * V_7 = {0};
Exception_t2143823668_0 * __last_unhandled_exception = 0;
NO_UNUSED_WARNING (__last_unhandled_exception);
Exception_t2143823668_0 * __exception_local = 0;
NO_UNUSED_WARNING (__exception_local);
int32_t __leave_target = 0;
NO_UNUSED_WARNING (__leave_target);
{
Initobj (RSAParameters_t1157257435_0_il2cpp_TypeInfo_var, (&V_0));
}
IL_0008:
try
{ // begin try (depth: 1)
{
ByteU5BU5D_t_1238178395_0* L_0 = ___rawPublicKey;
ASN1_t311288114_0 * L_1 = (ASN1_t311288114_0 *)il2cpp_codegen_object_new (ASN1_t311288114_0_il2cpp_TypeInfo_var);
ASN1__ctor_m_1286872987_0(L_1, L_0, /*hidden argument*/NULL);
V_1 = L_1;
ASN1_t311288114_0 * L_2 = V_1;
NullCheck(L_2);
int32_t L_3 = ASN1_get_Count_m_2080495176_0(L_2, /*hidden argument*/NULL);
if (L_3)
{
goto IL_002a;
}
}
IL_001a:
{
String_t* L_4 = Locale_GetText_m_1025094110_0(NULL /*static, unused*/, _stringLiteral_49683181_0, /*hidden argument*/NULL);
CryptographicException_t_946073705_0 * L_5 = (CryptographicException_t_946073705_0 *)il2cpp_codegen_object_new (CryptographicException_t_946073705_0_il2cpp_TypeInfo_var);
CryptographicException__ctor_m_1894244407_0(L_5, L_4, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_5);
}
IL_002a:
{
ASN1_t311288114_0 * L_6 = V_1;
NullCheck(L_6);
ASN1_t311288114_0 * L_7 = ASN1_get_Item_m_567689036_0(L_6, 0, /*hidden argument*/NULL);
V_2 = L_7;
ASN1_t311288114_0 * L_8 = V_2;
if (!L_8)
{
goto IL_0044;
}
}
IL_0038:
{
ASN1_t311288114_0 * L_9 = V_2;
NullCheck(L_9);
uint8_t L_10 = ASN1_get_Tag_m442995239_0(L_9, /*hidden argument*/NULL);
if ((((int32_t)L_10) == ((int32_t)2)))
{
goto IL_0054;
}
}
IL_0044:
{
String_t* L_11 = Locale_GetText_m_1025094110_0(NULL /*static, unused*/, _stringLiteral_1973681103_0, /*hidden argument*/NULL);
CryptographicException_t_946073705_0 * L_12 = (CryptographicException_t_946073705_0 *)il2cpp_codegen_object_new (CryptographicException_t_946073705_0_il2cpp_TypeInfo_var);
CryptographicException__ctor_m_1894244407_0(L_12, L_11, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_12);
}
IL_0054:
{
ASN1_t311288114_0 * L_13 = V_1;
NullCheck(L_13);
ASN1_t311288114_0 * L_14 = ASN1_get_Item_m_567689036_0(L_13, 1, /*hidden argument*/NULL);
V_3 = L_14;
ASN1_t311288114_0 * L_15 = V_3;
NullCheck(L_15);
uint8_t L_16 = ASN1_get_Tag_m442995239_0(L_15, /*hidden argument*/NULL);
if ((((int32_t)L_16) == ((int32_t)2)))
{
goto IL_0078;
}
}
IL_0068:
{
String_t* L_17 = Locale_GetText_m_1025094110_0(NULL /*static, unused*/, _stringLiteral744343298_0, /*hidden argument*/NULL);
CryptographicException_t_946073705_0 * L_18 = (CryptographicException_t_946073705_0 *)il2cpp_codegen_object_new (CryptographicException_t_946073705_0_il2cpp_TypeInfo_var);
CryptographicException__ctor_m_1894244407_0(L_18, L_17, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_18);
}
IL_0078:
{
ASN1_t311288114_0 * L_19 = V_2;
NullCheck(L_19);
ByteU5BU5D_t_1238178395_0* L_20 = ASN1_get_Value_m390067040_0(L_19, /*hidden argument*/NULL);
ByteU5BU5D_t_1238178395_0* L_21 = PublicKey_GetUnsignedBigInteger_m_1563069781_0(NULL /*static, unused*/, L_20, /*hidden argument*/NULL);
(&V_0)->___Modulus_6 = L_21;
ASN1_t311288114_0 * L_22 = V_3;
NullCheck(L_22);
ByteU5BU5D_t_1238178395_0* L_23 = ASN1_get_Value_m390067040_0(L_22, /*hidden argument*/NULL);
(&V_0)->___Exponent_7 = L_23;
goto IL_00b9;
}
} // end try (depth: 1)
catch(Il2CppExceptionWrapper& e)
{
__exception_local = (Exception_t2143823668_0 *)e.ex;
if(il2cpp_codegen_class_is_assignable_from (Exception_t2143823668_0_il2cpp_TypeInfo_var, e.ex->object.klass))
goto CATCH_009c;
throw e;
}
CATCH_009c:
{ // begin catch(System.Exception)
{
V_4 = ((Exception_t2143823668_0 *)__exception_local);
String_t* L_24 = Locale_GetText_m_1025094110_0(NULL /*static, unused*/, _stringLiteral2031009832_0, /*hidden argument*/NULL);
V_5 = L_24;
String_t* L_25 = V_5;
Exception_t2143823668_0 * L_26 = V_4;
CryptographicException_t_946073705_0 * L_27 = (CryptographicException_t_946073705_0 *)il2cpp_codegen_object_new (CryptographicException_t_946073705_0_il2cpp_TypeInfo_var);
CryptographicException__ctor_m_1752690547_0(L_27, L_25, L_26, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_27);
}
IL_00b4:
{
goto IL_00b9;
}
} // end catch (depth: 1)
IL_00b9:
{
ByteU5BU5D_t_1238178395_0* L_28 = ((&V_0)->___Modulus_6);
NullCheck(L_28);
V_6 = ((int32_t)((int32_t)(((int32_t)((int32_t)(((Array_t *)L_28)->max_length))))<<(int32_t)3));
int32_t L_29 = V_6;
RSACryptoServiceProvider_t_1692593868_0 * L_30 = (RSACryptoServiceProvider_t_1692593868_0 *)il2cpp_codegen_object_new (RSACryptoServiceProvider_t_1692593868_0_il2cpp_TypeInfo_var);
RSACryptoServiceProvider__ctor_m_61775123_0(L_30, L_29, /*hidden argument*/NULL);
V_7 = L_30;
RSA_t1573116945_0 * L_31 = V_7;
RSAParameters_t1157257435_0 L_32 = V_0;
NullCheck(L_31);
VirtActionInvoker1< RSAParameters_t1157257435_0 >::Invoke(13 /* System.Void System.Security.Cryptography.RSA::ImportParameters(System.Security.Cryptography.RSAParameters) */, L_31, L_32);
RSA_t1573116945_0 * L_33 = V_7;
return L_33;
}
}
// System.Void System.Security.Cryptography.X509Certificates.X500DistinguishedName::.ctor(System.Byte[])
extern TypeInfo* ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var;
extern TypeInfo* Oid_t1024680945_0_il2cpp_TypeInfo_var;
extern TypeInfo* String_t_il2cpp_TypeInfo_var;
extern Il2CppCodeGenString* _stringLiteral869152513_0;
extern "C" void X500DistinguishedName__ctor_m1884931640_0 (X500DistinguishedName_t414226495_0 * __this, ByteU5BU5D_t_1238178395_0* ___encodedDistinguishedName, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(2);
Oid_t1024680945_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(662);
String_t_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(11);
_stringLiteral869152513_0 = il2cpp_codegen_string_literal_from_index(2244);
s_Il2CppMethodIntialized = true;
}
{
AsnEncodedData__ctor_m_78913541_0(__this, /*hidden argument*/NULL);
ByteU5BU5D_t_1238178395_0* L_0 = ___encodedDistinguishedName;
if (L_0)
{
goto IL_0017;
}
}
{
ArgumentNullException_t_1072101840_0 * L_1 = (ArgumentNullException_t_1072101840_0 *)il2cpp_codegen_object_new (ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var);
ArgumentNullException__ctor_m135444188_0(L_1, _stringLiteral869152513_0, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_1);
}
IL_0017:
{
Oid_t1024680945_0 * L_2 = (Oid_t1024680945_0 *)il2cpp_codegen_object_new (Oid_t1024680945_0_il2cpp_TypeInfo_var);
Oid__ctor_m49113285_0(L_2, /*hidden argument*/NULL);
AsnEncodedData_set_Oid_m865125231_0(__this, L_2, /*hidden argument*/NULL);
ByteU5BU5D_t_1238178395_0* L_3 = ___encodedDistinguishedName;
AsnEncodedData_set_RawData_m839792539_0(__this, L_3, /*hidden argument*/NULL);
ByteU5BU5D_t_1238178395_0* L_4 = ___encodedDistinguishedName;
NullCheck(L_4);
if ((((int32_t)(((int32_t)((int32_t)(((Array_t *)L_4)->max_length))))) <= ((int32_t)0)))
{
goto IL_003d;
}
}
{
X500DistinguishedName_DecodeRawData_m2106660211_0(__this, /*hidden argument*/NULL);
goto IL_0048;
}
IL_003d:
{
IL2CPP_RUNTIME_CLASS_INIT(String_t_il2cpp_TypeInfo_var);
String_t* L_5 = ((String_t_StaticFields*)String_t_il2cpp_TypeInfo_var->static_fields)->___Empty_2;
__this->___name_3 = L_5;
}
IL_0048:
{
return;
}
}
// System.String System.Security.Cryptography.X509Certificates.X500DistinguishedName::Decode(System.Security.Cryptography.X509Certificates.X500DistinguishedNameFlags)
extern TypeInfo* ArgumentException_t1159624695_0_il2cpp_TypeInfo_var;
extern TypeInfo* String_t_il2cpp_TypeInfo_var;
extern TypeInfo* ASN1_t311288114_0_il2cpp_TypeInfo_var;
extern TypeInfo* X501_t_932667607_0_il2cpp_TypeInfo_var;
extern Il2CppCodeGenString* _stringLiteral3145580_0;
extern "C" String_t* X500DistinguishedName_Decode_m1854433232_0 (X500DistinguishedName_t414226495_0 * __this, int32_t ___flag, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
ArgumentException_t1159624695_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(4);
String_t_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(11);
ASN1_t311288114_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(665);
X501_t_932667607_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(666);
_stringLiteral3145580_0 = il2cpp_codegen_string_literal_from_index(1254);
s_Il2CppMethodIntialized = true;
}
bool V_0 = false;
bool V_1 = false;
String_t* V_2 = {0};
ASN1_t311288114_0 * V_3 = {0};
{
int32_t L_0 = ___flag;
if (!L_0)
{
goto IL_001d;
}
}
{
int32_t L_1 = ___flag;
if (((int32_t)((int32_t)L_1&(int32_t)((int32_t)29169))))
{
goto IL_001d;
}
}
{
ArgumentException_t1159624695_0 * L_2 = (ArgumentException_t1159624695_0 *)il2cpp_codegen_object_new (ArgumentException_t1159624695_0_il2cpp_TypeInfo_var);
ArgumentException__ctor_m_750110749_0(L_2, _stringLiteral3145580_0, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_2);
}
IL_001d:
{
ByteU5BU5D_t_1238178395_0* L_3 = AsnEncodedData_get_RawData_m334685068_0(__this, /*hidden argument*/NULL);
NullCheck(L_3);
if ((((int32_t)((int32_t)(((Array_t *)L_3)->max_length)))))
{
goto IL_0030;
}
}
{
IL2CPP_RUNTIME_CLASS_INIT(String_t_il2cpp_TypeInfo_var);
String_t* L_4 = ((String_t_StaticFields*)String_t_il2cpp_TypeInfo_var->static_fields)->___Empty_2;
return L_4;
}
IL_0030:
{
int32_t L_5 = ___flag;
V_0 = (bool)((((int32_t)((((int32_t)((int32_t)((int32_t)L_5&(int32_t)1))) == ((int32_t)0))? 1 : 0)) == ((int32_t)0))? 1 : 0);
int32_t L_6 = ___flag;
V_1 = (bool)((((int32_t)((int32_t)((int32_t)L_6&(int32_t)((int32_t)64)))) == ((int32_t)0))? 1 : 0);
int32_t L_7 = ___flag;
String_t* L_8 = X500DistinguishedName_GetSeparator_m1820431761_0(NULL /*static, unused*/, L_7, /*hidden argument*/NULL);
V_2 = L_8;
ByteU5BU5D_t_1238178395_0* L_9 = AsnEncodedData_get_RawData_m334685068_0(__this, /*hidden argument*/NULL);
ASN1_t311288114_0 * L_10 = (ASN1_t311288114_0 *)il2cpp_codegen_object_new (ASN1_t311288114_0_il2cpp_TypeInfo_var);
ASN1__ctor_m_1286872987_0(L_10, L_9, /*hidden argument*/NULL);
V_3 = L_10;
ASN1_t311288114_0 * L_11 = V_3;
bool L_12 = V_0;
String_t* L_13 = V_2;
bool L_14 = V_1;
IL2CPP_RUNTIME_CLASS_INIT(X501_t_932667607_0_il2cpp_TypeInfo_var);
String_t* L_15 = X501_ToString_m1526231602_0(NULL /*static, unused*/, L_11, L_12, L_13, L_14, /*hidden argument*/NULL);
return L_15;
}
}
// System.String System.Security.Cryptography.X509Certificates.X500DistinguishedName::GetSeparator(System.Security.Cryptography.X509Certificates.X500DistinguishedNameFlags)
extern Il2CppCodeGenString* _stringLiteral1861_0;
extern Il2CppCodeGenString* _stringLiteral1396_0;
extern "C" String_t* X500DistinguishedName_GetSeparator_m1820431761_0 (Object_t * __this /* static, unused */, int32_t ___flag, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
_stringLiteral1861_0 = il2cpp_codegen_string_literal_from_index(2245);
_stringLiteral1396_0 = il2cpp_codegen_string_literal_from_index(141);
s_Il2CppMethodIntialized = true;
}
{
int32_t L_0 = ___flag;
if (!((int32_t)((int32_t)L_0&(int32_t)((int32_t)16))))
{
goto IL_000f;
}
}
{
return _stringLiteral1861_0;
}
IL_000f:
{
int32_t L_1 = ___flag;
if (!((int32_t)((int32_t)L_1&(int32_t)((int32_t)128))))
{
goto IL_0021;
}
}
{
return _stringLiteral1396_0;
}
IL_0021:
{
int32_t L_2 = ___flag;
if (!((int32_t)((int32_t)L_2&(int32_t)((int32_t)256))))
{
goto IL_0033;
}
}
{
String_t* L_3 = Environment_get_NewLine_m1034655108_0(NULL /*static, unused*/, /*hidden argument*/NULL);
return L_3;
}
IL_0033:
{
return _stringLiteral1396_0;
}
}
// System.Void System.Security.Cryptography.X509Certificates.X500DistinguishedName::DecodeRawData()
extern TypeInfo* String_t_il2cpp_TypeInfo_var;
extern TypeInfo* ASN1_t311288114_0_il2cpp_TypeInfo_var;
extern TypeInfo* X501_t_932667607_0_il2cpp_TypeInfo_var;
extern Il2CppCodeGenString* _stringLiteral1396_0;
extern "C" void X500DistinguishedName_DecodeRawData_m2106660211_0 (X500DistinguishedName_t414226495_0 * __this, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
String_t_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(11);
ASN1_t311288114_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(665);
X501_t_932667607_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(666);
_stringLiteral1396_0 = il2cpp_codegen_string_literal_from_index(141);
s_Il2CppMethodIntialized = true;
}
ASN1_t311288114_0 * V_0 = {0};
{
ByteU5BU5D_t_1238178395_0* L_0 = AsnEncodedData_get_RawData_m334685068_0(__this, /*hidden argument*/NULL);
if (!L_0)
{
goto IL_0019;
}
}
{
ByteU5BU5D_t_1238178395_0* L_1 = AsnEncodedData_get_RawData_m334685068_0(__this, /*hidden argument*/NULL);
NullCheck(L_1);
if ((((int32_t)(((int32_t)((int32_t)(((Array_t *)L_1)->max_length))))) >= ((int32_t)3)))
{
goto IL_0025;
}
}
IL_0019:
{
IL2CPP_RUNTIME_CLASS_INIT(String_t_il2cpp_TypeInfo_var);
String_t* L_2 = ((String_t_StaticFields*)String_t_il2cpp_TypeInfo_var->static_fields)->___Empty_2;
__this->___name_3 = L_2;
return;
}
IL_0025:
{
ByteU5BU5D_t_1238178395_0* L_3 = AsnEncodedData_get_RawData_m334685068_0(__this, /*hidden argument*/NULL);
ASN1_t311288114_0 * L_4 = (ASN1_t311288114_0 *)il2cpp_codegen_object_new (ASN1_t311288114_0_il2cpp_TypeInfo_var);
ASN1__ctor_m_1286872987_0(L_4, L_3, /*hidden argument*/NULL);
V_0 = L_4;
ASN1_t311288114_0 * L_5 = V_0;
IL2CPP_RUNTIME_CLASS_INIT(X501_t_932667607_0_il2cpp_TypeInfo_var);
String_t* L_6 = X501_ToString_m1526231602_0(NULL /*static, unused*/, L_5, (bool)1, _stringLiteral1396_0, (bool)1, /*hidden argument*/NULL);
__this->___name_3 = L_6;
return;
}
}
// System.String System.Security.Cryptography.X509Certificates.X500DistinguishedName::Canonize(System.String)
extern TypeInfo* StringBuilder_t586045924_0_il2cpp_TypeInfo_var;
extern TypeInfo* Char_t_224738991_0_il2cpp_TypeInfo_var;
extern TypeInfo* CharU5BU5D_t_1225802637_0_il2cpp_TypeInfo_var;
extern "C" String_t* X500DistinguishedName_Canonize_m_1056326419_0 (Object_t * __this /* static, unused */, String_t* ___s, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
StringBuilder_t586045924_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(36);
Char_t_224738991_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(9);
CharU5BU5D_t_1225802637_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(12);
s_Il2CppMethodIntialized = true;
}
int32_t V_0 = 0;
StringBuilder_t586045924_0 * V_1 = {0};
bool V_2 = false;
{
String_t* L_0 = ___s;
NullCheck(L_0);
int32_t L_1 = String_IndexOf_m_1519756810_0(L_0, ((int32_t)61), /*hidden argument*/NULL);
V_0 = L_1;
String_t* L_2 = ___s;
int32_t L_3 = V_0;
NullCheck(L_2);
String_t* L_4 = String_Substring_m675079568_0(L_2, 0, ((int32_t)((int32_t)L_3+(int32_t)1)), /*hidden argument*/NULL);
StringBuilder_t586045924_0 * L_5 = (StringBuilder_t586045924_0 *)il2cpp_codegen_object_new (StringBuilder_t586045924_0_il2cpp_TypeInfo_var);
StringBuilder__ctor_m1143895062_0(L_5, L_4, /*hidden argument*/NULL);
V_1 = L_5;
goto IL_001e;
}
IL_001e:
{
String_t* L_6 = ___s;
int32_t L_7 = V_0;
int32_t L_8 = ((int32_t)((int32_t)L_7+(int32_t)1));
V_0 = L_8;
IL2CPP_RUNTIME_CLASS_INIT(Char_t_224738991_0_il2cpp_TypeInfo_var);
bool L_9 = Char_IsWhiteSpace_m_1693688129_0(NULL /*static, unused*/, L_6, L_8, /*hidden argument*/NULL);
if (L_9)
{
goto IL_001e;
}
}
{
String_t* L_10 = ___s;
NullCheck(L_10);
String_t* L_11 = String_TrimEnd_m_314020067_0(L_10, ((CharU5BU5D_t_1225802637_0*)SZArrayNew(CharU5BU5D_t_1225802637_0_il2cpp_TypeInfo_var, (uint32_t)0)), /*hidden argument*/NULL);
___s = L_11;
V_2 = (bool)0;
goto IL_0081;
}
IL_0043:
{
bool L_12 = V_2;
if (!L_12)
{
goto IL_005c;
}
}
{
String_t* L_13 = ___s;
int32_t L_14 = V_0;
IL2CPP_RUNTIME_CLASS_INIT(Char_t_224738991_0_il2cpp_TypeInfo_var);
bool L_15 = Char_IsWhiteSpace_m_1693688129_0(NULL /*static, unused*/, L_13, L_14, /*hidden argument*/NULL);
V_2 = L_15;
bool L_16 = V_2;
if (!L_16)
{
goto IL_005c;
}
}
{
goto IL_007d;
}
IL_005c:
{
String_t* L_17 = ___s;
int32_t L_18 = V_0;
IL2CPP_RUNTIME_CLASS_INIT(Char_t_224738991_0_il2cpp_TypeInfo_var);
bool L_19 = Char_IsWhiteSpace_m_1693688129_0(NULL /*static, unused*/, L_17, L_18, /*hidden argument*/NULL);
if (!L_19)
{
goto IL_006a;
}
}
{
V_2 = (bool)1;
}
IL_006a:
{
StringBuilder_t586045924_0 * L_20 = V_1;
String_t* L_21 = ___s;
int32_t L_22 = V_0;
NullCheck(L_21);
uint16_t L_23 = String_get_Chars_m_1279625435_0(L_21, L_22, /*hidden argument*/NULL);
IL2CPP_RUNTIME_CLASS_INIT(Char_t_224738991_0_il2cpp_TypeInfo_var);
uint16_t L_24 = Char_ToUpperInvariant_m_136108099_0(NULL /*static, unused*/, L_23, /*hidden argument*/NULL);
NullCheck(L_20);
StringBuilder_Append_m2143093878_0(L_20, L_24, /*hidden argument*/NULL);
}
IL_007d:
{
int32_t L_25 = V_0;
V_0 = ((int32_t)((int32_t)L_25+(int32_t)1));
}
IL_0081:
{
int32_t L_26 = V_0;
String_t* L_27 = ___s;
NullCheck(L_27);
int32_t L_28 = String_get_Length_m_1314969965_0(L_27, /*hidden argument*/NULL);
if ((((int32_t)L_26) < ((int32_t)L_28)))
{
goto IL_0043;
}
}
{
StringBuilder_t586045924_0 * L_29 = V_1;
NullCheck(L_29);
String_t* L_30 = StringBuilder_ToString_m350379841_0(L_29, /*hidden argument*/NULL);
return L_30;
}
}
// System.Boolean System.Security.Cryptography.X509Certificates.X500DistinguishedName::AreEqual(System.Security.Cryptography.X509Certificates.X500DistinguishedName,System.Security.Cryptography.X509Certificates.X500DistinguishedName)
extern TypeInfo* StringU5BU5D_t_816028754_0_il2cpp_TypeInfo_var;
extern TypeInfo* String_t_il2cpp_TypeInfo_var;
extern "C" bool X500DistinguishedName_AreEqual_m_368319889_0 (Object_t * __this /* static, unused */, X500DistinguishedName_t414226495_0 * ___name1, X500DistinguishedName_t414226495_0 * ___name2, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
StringU5BU5D_t_816028754_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(32);
String_t_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(11);
s_Il2CppMethodIntialized = true;
}
int32_t V_0 = {0};
StringU5BU5D_t_816028754_0* V_1 = {0};
StringU5BU5D_t_816028754_0* V_2 = {0};
StringU5BU5D_t_816028754_0* V_3 = {0};
int32_t V_4 = 0;
{
X500DistinguishedName_t414226495_0 * L_0 = ___name1;
if (L_0)
{
goto IL_000b;
}
}
{
X500DistinguishedName_t414226495_0 * L_1 = ___name2;
return (bool)((((Object_t*)(X500DistinguishedName_t414226495_0 *)L_1) == ((Object_t*)(Object_t *)NULL))? 1 : 0);
}
IL_000b:
{
X500DistinguishedName_t414226495_0 * L_2 = ___name2;
if (L_2)
{
goto IL_0013;
}
}
{
return (bool)0;
}
IL_0013:
{
V_0 = ((int32_t)320);
StringU5BU5D_t_816028754_0* L_3 = ((StringU5BU5D_t_816028754_0*)SZArrayNew(StringU5BU5D_t_816028754_0_il2cpp_TypeInfo_var, (uint32_t)1));
String_t* L_4 = Environment_get_NewLine_m1034655108_0(NULL /*static, unused*/, /*hidden argument*/NULL);
NullCheck(L_3);
IL2CPP_ARRAY_BOUNDS_CHECK(L_3, 0);
ArrayElementTypeCheck (L_3, L_4);
*((String_t**)(String_t**)SZArrayLdElema(L_3, 0, sizeof(String_t*))) = (String_t*)L_4;
V_1 = L_3;
X500DistinguishedName_t414226495_0 * L_5 = ___name1;
int32_t L_6 = V_0;
NullCheck(L_5);
String_t* L_7 = X500DistinguishedName_Decode_m1854433232_0(L_5, L_6, /*hidden argument*/NULL);
StringU5BU5D_t_816028754_0* L_8 = V_1;
NullCheck(L_7);
StringU5BU5D_t_816028754_0* L_9 = String_Split_m459616251_0(L_7, L_8, 1, /*hidden argument*/NULL);
V_2 = L_9;
X500DistinguishedName_t414226495_0 * L_10 = ___name2;
int32_t L_11 = V_0;
NullCheck(L_10);
String_t* L_12 = X500DistinguishedName_Decode_m1854433232_0(L_10, L_11, /*hidden argument*/NULL);
StringU5BU5D_t_816028754_0* L_13 = V_1;
NullCheck(L_12);
StringU5BU5D_t_816028754_0* L_14 = String_Split_m459616251_0(L_12, L_13, 1, /*hidden argument*/NULL);
V_3 = L_14;
StringU5BU5D_t_816028754_0* L_15 = V_2;
NullCheck(L_15);
StringU5BU5D_t_816028754_0* L_16 = V_3;
NullCheck(L_16);
if ((((int32_t)(((int32_t)((int32_t)(((Array_t *)L_15)->max_length))))) == ((int32_t)(((int32_t)((int32_t)(((Array_t *)L_16)->max_length)))))))
{
goto IL_0053;
}
}
{
return (bool)0;
}
IL_0053:
{
V_4 = 0;
goto IL_007f;
}
IL_005b:
{
StringU5BU5D_t_816028754_0* L_17 = V_2;
int32_t L_18 = V_4;
NullCheck(L_17);
IL2CPP_ARRAY_BOUNDS_CHECK(L_17, L_18);
int32_t L_19 = L_18;
String_t* L_20 = X500DistinguishedName_Canonize_m_1056326419_0(NULL /*static, unused*/, (*(String_t**)(String_t**)SZArrayLdElema(L_17, L_19, sizeof(String_t*))), /*hidden argument*/NULL);
StringU5BU5D_t_816028754_0* L_21 = V_3;
int32_t L_22 = V_4;
NullCheck(L_21);
IL2CPP_ARRAY_BOUNDS_CHECK(L_21, L_22);
int32_t L_23 = L_22;
String_t* L_24 = X500DistinguishedName_Canonize_m_1056326419_0(NULL /*static, unused*/, (*(String_t**)(String_t**)SZArrayLdElema(L_21, L_23, sizeof(String_t*))), /*hidden argument*/NULL);
IL2CPP_RUNTIME_CLASS_INIT(String_t_il2cpp_TypeInfo_var);
bool L_25 = String_op_Inequality_m2125462205_0(NULL /*static, unused*/, L_20, L_24, /*hidden argument*/NULL);
if (!L_25)
{
goto IL_0079;
}
}
{
return (bool)0;
}
IL_0079:
{
int32_t L_26 = V_4;
V_4 = ((int32_t)((int32_t)L_26+(int32_t)1));
}
IL_007f:
{
int32_t L_27 = V_4;
StringU5BU5D_t_816028754_0* L_28 = V_2;
NullCheck(L_28);
if ((((int32_t)L_27) < ((int32_t)(((int32_t)((int32_t)(((Array_t *)L_28)->max_length)))))))
{
goto IL_005b;
}
}
{
return (bool)1;
}
}
// System.Void System.Security.Cryptography.X509Certificates.X509BasicConstraintsExtension::.ctor()
extern TypeInfo* Oid_t1024680945_0_il2cpp_TypeInfo_var;
extern Il2CppCodeGenString* _stringLiteral_455597446_0;
extern Il2CppCodeGenString* _stringLiteral2082355460_0;
extern "C" void X509BasicConstraintsExtension__ctor_m_20512398_0 (X509BasicConstraintsExtension_t_30568994_0 * __this, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
Oid_t1024680945_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(662);
_stringLiteral_455597446_0 = il2cpp_codegen_string_literal_from_index(1550);
_stringLiteral2082355460_0 = il2cpp_codegen_string_literal_from_index(2246);
s_Il2CppMethodIntialized = true;
}
{
X509Extension__ctor_m1164925482_0(__this, /*hidden argument*/NULL);
Oid_t1024680945_0 * L_0 = (Oid_t1024680945_0 *)il2cpp_codegen_object_new (Oid_t1024680945_0_il2cpp_TypeInfo_var);
Oid__ctor_m1889247193_0(L_0, _stringLiteral_455597446_0, _stringLiteral2082355460_0, /*hidden argument*/NULL);
((AsnEncodedData_t_194939595_0 *)__this)->____oid_0 = L_0;
return;
}
}
// System.Void System.Security.Cryptography.X509Certificates.X509BasicConstraintsExtension::.ctor(System.Security.Cryptography.AsnEncodedData,System.Boolean)
extern TypeInfo* Oid_t1024680945_0_il2cpp_TypeInfo_var;
extern Il2CppCodeGenString* _stringLiteral_455597446_0;
extern Il2CppCodeGenString* _stringLiteral2082355460_0;
extern "C" void X509BasicConstraintsExtension__ctor_m331703276_0 (X509BasicConstraintsExtension_t_30568994_0 * __this, AsnEncodedData_t_194939595_0 * ___encodedBasicConstraints, bool ___critical, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
Oid_t1024680945_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(662);
_stringLiteral_455597446_0 = il2cpp_codegen_string_literal_from_index(1550);
_stringLiteral2082355460_0 = il2cpp_codegen_string_literal_from_index(2246);
s_Il2CppMethodIntialized = true;
}
{
X509Extension__ctor_m1164925482_0(__this, /*hidden argument*/NULL);
Oid_t1024680945_0 * L_0 = (Oid_t1024680945_0 *)il2cpp_codegen_object_new (Oid_t1024680945_0_il2cpp_TypeInfo_var);
Oid__ctor_m1889247193_0(L_0, _stringLiteral_455597446_0, _stringLiteral2082355460_0, /*hidden argument*/NULL);
((AsnEncodedData_t_194939595_0 *)__this)->____oid_0 = L_0;
AsnEncodedData_t_194939595_0 * L_1 = ___encodedBasicConstraints;
NullCheck(L_1);
ByteU5BU5D_t_1238178395_0* L_2 = AsnEncodedData_get_RawData_m334685068_0(L_1, /*hidden argument*/NULL);
((AsnEncodedData_t_194939595_0 *)__this)->____raw_1 = L_2;
bool L_3 = ___critical;
X509Extension_set_Critical_m717701037_0(__this, L_3, /*hidden argument*/NULL);
ByteU5BU5D_t_1238178395_0* L_4 = AsnEncodedData_get_RawData_m334685068_0(__this, /*hidden argument*/NULL);
int32_t L_5 = X509BasicConstraintsExtension_Decode_m587114879_0(__this, L_4, /*hidden argument*/NULL);
__this->____status_9 = L_5;
return;
}
}
// System.Void System.Security.Cryptography.X509Certificates.X509BasicConstraintsExtension::.ctor(System.Boolean,System.Boolean,System.Int32,System.Boolean)
extern TypeInfo* ArgumentOutOfRangeException_t_1011290529_0_il2cpp_TypeInfo_var;
extern TypeInfo* Oid_t1024680945_0_il2cpp_TypeInfo_var;
extern Il2CppCodeGenString* _stringLiteral_281214040_0;
extern Il2CppCodeGenString* _stringLiteral_455597446_0;
extern Il2CppCodeGenString* _stringLiteral2082355460_0;
extern "C" void X509BasicConstraintsExtension__ctor_m_1679883078_0 (X509BasicConstraintsExtension_t_30568994_0 * __this, bool ___certificateAuthority, bool ___hasPathLengthConstraint, int32_t ___pathLengthConstraint, bool ___critical, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
ArgumentOutOfRangeException_t_1011290529_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(27);
Oid_t1024680945_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(662);
_stringLiteral_281214040_0 = il2cpp_codegen_string_literal_from_index(2247);
_stringLiteral_455597446_0 = il2cpp_codegen_string_literal_from_index(1550);
_stringLiteral2082355460_0 = il2cpp_codegen_string_literal_from_index(2246);
s_Il2CppMethodIntialized = true;
}
{
X509Extension__ctor_m1164925482_0(__this, /*hidden argument*/NULL);
bool L_0 = ___hasPathLengthConstraint;
if (!L_0)
{
goto IL_0025;
}
}
{
int32_t L_1 = ___pathLengthConstraint;
if ((((int32_t)L_1) >= ((int32_t)0)))
{
goto IL_001e;
}
}
{
ArgumentOutOfRangeException_t_1011290529_0 * L_2 = (ArgumentOutOfRangeException_t_1011290529_0 *)il2cpp_codegen_object_new (ArgumentOutOfRangeException_t_1011290529_0_il2cpp_TypeInfo_var);
ArgumentOutOfRangeException__ctor_m2026296331_0(L_2, _stringLiteral_281214040_0, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_2);
}
IL_001e:
{
int32_t L_3 = ___pathLengthConstraint;
__this->____pathLengthConstraint_8 = L_3;
}
IL_0025:
{
bool L_4 = ___hasPathLengthConstraint;
__this->____hasPathLengthConstraint_7 = L_4;
bool L_5 = ___certificateAuthority;
__this->____certificateAuthority_6 = L_5;
Oid_t1024680945_0 * L_6 = (Oid_t1024680945_0 *)il2cpp_codegen_object_new (Oid_t1024680945_0_il2cpp_TypeInfo_var);
Oid__ctor_m1889247193_0(L_6, _stringLiteral_455597446_0, _stringLiteral2082355460_0, /*hidden argument*/NULL);
((AsnEncodedData_t_194939595_0 *)__this)->____oid_0 = L_6;
bool L_7 = ___critical;
X509Extension_set_Critical_m717701037_0(__this, L_7, /*hidden argument*/NULL);
ByteU5BU5D_t_1238178395_0* L_8 = X509BasicConstraintsExtension_Encode_m1897551102_0(__this, /*hidden argument*/NULL);
AsnEncodedData_set_RawData_m839792539_0(__this, L_8, /*hidden argument*/NULL);
return;
}
}
// System.Boolean System.Security.Cryptography.X509Certificates.X509BasicConstraintsExtension::get_CertificateAuthority()
extern TypeInfo* CryptographicException_t_946073705_0_il2cpp_TypeInfo_var;
extern Il2CppCodeGenString* _stringLiteral290329807_0;
extern "C" bool X509BasicConstraintsExtension_get_CertificateAuthority_m_1496465103_0 (X509BasicConstraintsExtension_t_30568994_0 * __this, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
CryptographicException_t_946073705_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(131);
_stringLiteral290329807_0 = il2cpp_codegen_string_literal_from_index(2248);
s_Il2CppMethodIntialized = true;
}
int32_t V_0 = {0};
{
int32_t L_0 = (__this->____status_9);
V_0 = L_0;
int32_t L_1 = V_0;
if (!L_1)
{
goto IL_0019;
}
}
{
int32_t L_2 = V_0;
if ((((int32_t)L_2) == ((int32_t)4)))
{
goto IL_0019;
}
}
{
goto IL_0020;
}
IL_0019:
{
bool L_3 = (__this->____certificateAuthority_6);
return L_3;
}
IL_0020:
{
CryptographicException_t_946073705_0 * L_4 = (CryptographicException_t_946073705_0 *)il2cpp_codegen_object_new (CryptographicException_t_946073705_0_il2cpp_TypeInfo_var);
CryptographicException__ctor_m_1894244407_0(L_4, _stringLiteral290329807_0, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_4);
}
}
// System.Boolean System.Security.Cryptography.X509Certificates.X509BasicConstraintsExtension::get_HasPathLengthConstraint()
extern TypeInfo* CryptographicException_t_946073705_0_il2cpp_TypeInfo_var;
extern Il2CppCodeGenString* _stringLiteral290329807_0;
extern "C" bool X509BasicConstraintsExtension_get_HasPathLengthConstraint_m_1512620129_0 (X509BasicConstraintsExtension_t_30568994_0 * __this, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
CryptographicException_t_946073705_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(131);
_stringLiteral290329807_0 = il2cpp_codegen_string_literal_from_index(2248);
s_Il2CppMethodIntialized = true;
}
int32_t V_0 = {0};
{
int32_t L_0 = (__this->____status_9);
V_0 = L_0;
int32_t L_1 = V_0;
if (!L_1)
{
goto IL_0019;
}
}
{
int32_t L_2 = V_0;
if ((((int32_t)L_2) == ((int32_t)4)))
{
goto IL_0019;
}
}
{
goto IL_0020;
}
IL_0019:
{
bool L_3 = (__this->____hasPathLengthConstraint_7);
return L_3;
}
IL_0020:
{
CryptographicException_t_946073705_0 * L_4 = (CryptographicException_t_946073705_0 *)il2cpp_codegen_object_new (CryptographicException_t_946073705_0_il2cpp_TypeInfo_var);
CryptographicException__ctor_m_1894244407_0(L_4, _stringLiteral290329807_0, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_4);
}
}
// System.Int32 System.Security.Cryptography.X509Certificates.X509BasicConstraintsExtension::get_PathLengthConstraint()
extern TypeInfo* CryptographicException_t_946073705_0_il2cpp_TypeInfo_var;
extern Il2CppCodeGenString* _stringLiteral290329807_0;
extern "C" int32_t X509BasicConstraintsExtension_get_PathLengthConstraint_m482430355_0 (X509BasicConstraintsExtension_t_30568994_0 * __this, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
CryptographicException_t_946073705_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(131);
_stringLiteral290329807_0 = il2cpp_codegen_string_literal_from_index(2248);
s_Il2CppMethodIntialized = true;
}
int32_t V_0 = {0};
{
int32_t L_0 = (__this->____status_9);
V_0 = L_0;
int32_t L_1 = V_0;
if (!L_1)
{
goto IL_0019;
}
}
{
int32_t L_2 = V_0;
if ((((int32_t)L_2) == ((int32_t)4)))
{
goto IL_0019;
}
}
{
goto IL_0020;
}
IL_0019:
{
int32_t L_3 = (__this->____pathLengthConstraint_8);
return L_3;
}
IL_0020:
{
CryptographicException_t_946073705_0 * L_4 = (CryptographicException_t_946073705_0 *)il2cpp_codegen_object_new (CryptographicException_t_946073705_0_il2cpp_TypeInfo_var);
CryptographicException__ctor_m_1894244407_0(L_4, _stringLiteral290329807_0, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_4);
}
}
// System.Void System.Security.Cryptography.X509Certificates.X509BasicConstraintsExtension::CopyFrom(System.Security.Cryptography.AsnEncodedData)
extern TypeInfo* ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var;
extern TypeInfo* X509Extension_t_1686437850_0_il2cpp_TypeInfo_var;
extern TypeInfo* ArgumentException_t1159624695_0_il2cpp_TypeInfo_var;
extern TypeInfo* Oid_t1024680945_0_il2cpp_TypeInfo_var;
extern Il2CppCodeGenString* _stringLiteral_563037764_0;
extern Il2CppCodeGenString* _stringLiteral_726479903_0;
extern Il2CppCodeGenString* _stringLiteral_455597446_0;
extern Il2CppCodeGenString* _stringLiteral2082355460_0;
extern "C" void X509BasicConstraintsExtension_CopyFrom_m_1758844558_0 (X509BasicConstraintsExtension_t_30568994_0 * __this, AsnEncodedData_t_194939595_0 * ___asnEncodedData, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(2);
X509Extension_t_1686437850_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(667);
ArgumentException_t1159624695_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(4);
Oid_t1024680945_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(662);
_stringLiteral_563037764_0 = il2cpp_codegen_string_literal_from_index(2249);
_stringLiteral_726479903_0 = il2cpp_codegen_string_literal_from_index(2250);
_stringLiteral_455597446_0 = il2cpp_codegen_string_literal_from_index(1550);
_stringLiteral2082355460_0 = il2cpp_codegen_string_literal_from_index(2246);
s_Il2CppMethodIntialized = true;
}
X509Extension_t_1686437850_0 * V_0 = {0};
{
AsnEncodedData_t_194939595_0 * L_0 = ___asnEncodedData;
if (L_0)
{
goto IL_0011;
}
}
{
ArgumentNullException_t_1072101840_0 * L_1 = (ArgumentNullException_t_1072101840_0 *)il2cpp_codegen_object_new (ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var);
ArgumentNullException__ctor_m135444188_0(L_1, _stringLiteral_563037764_0, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_1);
}
IL_0011:
{
AsnEncodedData_t_194939595_0 * L_2 = ___asnEncodedData;
V_0 = ((X509Extension_t_1686437850_0 *)IsInstClass(L_2, X509Extension_t_1686437850_0_il2cpp_TypeInfo_var));
X509Extension_t_1686437850_0 * L_3 = V_0;
if (L_3)
{
goto IL_0033;
}
}
{
String_t* L_4 = Locale_GetText_m_1025094110_0(NULL /*static, unused*/, _stringLiteral_726479903_0, /*hidden argument*/NULL);
ArgumentException_t1159624695_0 * L_5 = (ArgumentException_t1159624695_0 *)il2cpp_codegen_object_new (ArgumentException_t1159624695_0_il2cpp_TypeInfo_var);
ArgumentException__ctor_m732321503_0(L_5, L_4, _stringLiteral_563037764_0, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_5);
}
IL_0033:
{
X509Extension_t_1686437850_0 * L_6 = V_0;
NullCheck(L_6);
Oid_t1024680945_0 * L_7 = (((AsnEncodedData_t_194939595_0 *)L_6)->____oid_0);
if (L_7)
{
goto IL_0058;
}
}
{
Oid_t1024680945_0 * L_8 = (Oid_t1024680945_0 *)il2cpp_codegen_object_new (Oid_t1024680945_0_il2cpp_TypeInfo_var);
Oid__ctor_m1889247193_0(L_8, _stringLiteral_455597446_0, _stringLiteral2082355460_0, /*hidden argument*/NULL);
((AsnEncodedData_t_194939595_0 *)__this)->____oid_0 = L_8;
goto IL_0069;
}
IL_0058:
{
X509Extension_t_1686437850_0 * L_9 = V_0;
NullCheck(L_9);
Oid_t1024680945_0 * L_10 = (((AsnEncodedData_t_194939595_0 *)L_9)->____oid_0);
Oid_t1024680945_0 * L_11 = (Oid_t1024680945_0 *)il2cpp_codegen_object_new (Oid_t1024680945_0_il2cpp_TypeInfo_var);
Oid__ctor_m_218583058_0(L_11, L_10, /*hidden argument*/NULL);
((AsnEncodedData_t_194939595_0 *)__this)->____oid_0 = L_11;
}
IL_0069:
{
X509Extension_t_1686437850_0 * L_12 = V_0;
NullCheck(L_12);
ByteU5BU5D_t_1238178395_0* L_13 = AsnEncodedData_get_RawData_m334685068_0(L_12, /*hidden argument*/NULL);
AsnEncodedData_set_RawData_m839792539_0(__this, L_13, /*hidden argument*/NULL);
X509Extension_t_1686437850_0 * L_14 = V_0;
NullCheck(L_14);
bool L_15 = X509Extension_get_Critical_m1925069548_0(L_14, /*hidden argument*/NULL);
X509Extension_set_Critical_m717701037_0(__this, L_15, /*hidden argument*/NULL);
ByteU5BU5D_t_1238178395_0* L_16 = AsnEncodedData_get_RawData_m334685068_0(__this, /*hidden argument*/NULL);
int32_t L_17 = X509BasicConstraintsExtension_Decode_m587114879_0(__this, L_16, /*hidden argument*/NULL);
__this->____status_9 = L_17;
return;
}
}
// System.Security.Cryptography.AsnDecodeStatus System.Security.Cryptography.X509Certificates.X509BasicConstraintsExtension::Decode(System.Byte[])
extern TypeInfo* ASN1_t311288114_0_il2cpp_TypeInfo_var;
extern TypeInfo* Object_t_il2cpp_TypeInfo_var;
extern "C" int32_t X509BasicConstraintsExtension_Decode_m587114879_0 (X509BasicConstraintsExtension_t_30568994_0 * __this, ByteU5BU5D_t_1238178395_0* ___extension, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
ASN1_t311288114_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(665);
Object_t_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(0);
s_Il2CppMethodIntialized = true;
}
ASN1_t311288114_0 * V_0 = {0};
int32_t V_1 = 0;
ASN1_t311288114_0 * V_2 = {0};
int32_t V_3 = {0};
Exception_t2143823668_0 * __last_unhandled_exception = 0;
NO_UNUSED_WARNING (__last_unhandled_exception);
Exception_t2143823668_0 * __exception_local = 0;
NO_UNUSED_WARNING (__exception_local);
int32_t __leave_target = 0;
NO_UNUSED_WARNING (__leave_target);
{
ByteU5BU5D_t_1238178395_0* L_0 = ___extension;
if (!L_0)
{
goto IL_000e;
}
}
{
ByteU5BU5D_t_1238178395_0* L_1 = ___extension;
NullCheck(L_1);
if ((((int32_t)((int32_t)(((Array_t *)L_1)->max_length)))))
{
goto IL_0010;
}
}
IL_000e:
{
return (int32_t)(1);
}
IL_0010:
{
ByteU5BU5D_t_1238178395_0* L_2 = ___extension;
NullCheck(L_2);
IL2CPP_ARRAY_BOUNDS_CHECK(L_2, 0);
int32_t L_3 = 0;
if ((((int32_t)(*(uint8_t*)(uint8_t*)SZArrayLdElema(L_2, L_3, sizeof(uint8_t)))) == ((int32_t)((int32_t)48))))
{
goto IL_001c;
}
}
{
return (int32_t)(2);
}
IL_001c:
{
ByteU5BU5D_t_1238178395_0* L_4 = ___extension;
NullCheck(L_4);
if ((((int32_t)(((int32_t)((int32_t)(((Array_t *)L_4)->max_length))))) >= ((int32_t)3)))
{
goto IL_0038;
}
}
{
ByteU5BU5D_t_1238178395_0* L_5 = ___extension;
NullCheck(L_5);
if ((!(((uint32_t)(((int32_t)((int32_t)(((Array_t *)L_5)->max_length))))) == ((uint32_t)2))))
{
goto IL_0036;
}
}
{
ByteU5BU5D_t_1238178395_0* L_6 = ___extension;
NullCheck(L_6);
IL2CPP_ARRAY_BOUNDS_CHECK(L_6, 1);
int32_t L_7 = 1;
if (!(*(uint8_t*)(uint8_t*)SZArrayLdElema(L_6, L_7, sizeof(uint8_t))))
{
goto IL_0038;
}
}
IL_0036:
{
return (int32_t)(3);
}
IL_0038:
try
{ // begin try (depth: 1)
{
ByteU5BU5D_t_1238178395_0* L_8 = ___extension;
ASN1_t311288114_0 * L_9 = (ASN1_t311288114_0 *)il2cpp_codegen_object_new (ASN1_t311288114_0_il2cpp_TypeInfo_var);
ASN1__ctor_m_1286872987_0(L_9, L_8, /*hidden argument*/NULL);
V_0 = L_9;
V_1 = 0;
ASN1_t311288114_0 * L_10 = V_0;
int32_t L_11 = V_1;
int32_t L_12 = L_11;
V_1 = ((int32_t)((int32_t)L_12+(int32_t)1));
NullCheck(L_10);
ASN1_t311288114_0 * L_13 = ASN1_get_Item_m_567689036_0(L_10, L_12, /*hidden argument*/NULL);
V_2 = L_13;
ASN1_t311288114_0 * L_14 = V_2;
if (!L_14)
{
goto IL_0080;
}
}
IL_0053:
{
ASN1_t311288114_0 * L_15 = V_2;
NullCheck(L_15);
uint8_t L_16 = ASN1_get_Tag_m442995239_0(L_15, /*hidden argument*/NULL);
if ((!(((uint32_t)L_16) == ((uint32_t)1))))
{
goto IL_0080;
}
}
IL_005f:
{
ASN1_t311288114_0 * L_17 = V_2;
NullCheck(L_17);
ByteU5BU5D_t_1238178395_0* L_18 = ASN1_get_Value_m390067040_0(L_17, /*hidden argument*/NULL);
NullCheck(L_18);
IL2CPP_ARRAY_BOUNDS_CHECK(L_18, 0);
int32_t L_19 = 0;
__this->____certificateAuthority_6 = (bool)((((int32_t)(*(uint8_t*)(uint8_t*)SZArrayLdElema(L_18, L_19, sizeof(uint8_t)))) == ((int32_t)((int32_t)255)))? 1 : 0);
ASN1_t311288114_0 * L_20 = V_0;
int32_t L_21 = V_1;
int32_t L_22 = L_21;
V_1 = ((int32_t)((int32_t)L_22+(int32_t)1));
NullCheck(L_20);
ASN1_t311288114_0 * L_23 = ASN1_get_Item_m_567689036_0(L_20, L_22, /*hidden argument*/NULL);
V_2 = L_23;
}
IL_0080:
{
ASN1_t311288114_0 * L_24 = V_2;
if (!L_24)
{
goto IL_00a5;
}
}
IL_0086:
{
ASN1_t311288114_0 * L_25 = V_2;
NullCheck(L_25);
uint8_t L_26 = ASN1_get_Tag_m442995239_0(L_25, /*hidden argument*/NULL);
if ((!(((uint32_t)L_26) == ((uint32_t)2))))
{
goto IL_00a5;
}
}
IL_0092:
{
__this->____hasPathLengthConstraint_7 = (bool)1;
ASN1_t311288114_0 * L_27 = V_2;
int32_t L_28 = ASN1Convert_ToInt32_m_2019634696_0(NULL /*static, unused*/, L_27, /*hidden argument*/NULL);
__this->____pathLengthConstraint_8 = L_28;
}
IL_00a5:
{
goto IL_00b7;
}
} // end try (depth: 1)
catch(Il2CppExceptionWrapper& e)
{
__exception_local = (Exception_t2143823668_0 *)e.ex;
if(il2cpp_codegen_class_is_assignable_from (Object_t_il2cpp_TypeInfo_var, e.ex->object.klass))
goto CATCH_00aa;
throw e;
}
CATCH_00aa:
{ // begin catch(System.Object)
{
V_3 = 1;
goto IL_00b9;
}
IL_00b2:
{
; // IL_00b2: leave IL_00b7
}
} // end catch (depth: 1)
IL_00b7:
{
return (int32_t)(0);
}
IL_00b9:
{
int32_t L_29 = V_3;
return L_29;
}
}
// System.Byte[] System.Security.Cryptography.X509Certificates.X509BasicConstraintsExtension::Encode()
extern TypeInfo* ASN1_t311288114_0_il2cpp_TypeInfo_var;
extern TypeInfo* ByteU5BU5D_t_1238178395_0_il2cpp_TypeInfo_var;
extern "C" ByteU5BU5D_t_1238178395_0* X509BasicConstraintsExtension_Encode_m1897551102_0 (X509BasicConstraintsExtension_t_30568994_0 * __this, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
ASN1_t311288114_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(665);
ByteU5BU5D_t_1238178395_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(42);
s_Il2CppMethodIntialized = true;
}
ASN1_t311288114_0 * V_0 = {0};
{
ASN1_t311288114_0 * L_0 = (ASN1_t311288114_0 *)il2cpp_codegen_object_new (ASN1_t311288114_0_il2cpp_TypeInfo_var);
ASN1__ctor_m_1208041721_0(L_0, ((int32_t)48), /*hidden argument*/NULL);
V_0 = L_0;
bool L_1 = (__this->____certificateAuthority_6);
if (!L_1)
{
goto IL_002e;
}
}
{
ASN1_t311288114_0 * L_2 = V_0;
ByteU5BU5D_t_1238178395_0* L_3 = ((ByteU5BU5D_t_1238178395_0*)SZArrayNew(ByteU5BU5D_t_1238178395_0_il2cpp_TypeInfo_var, (uint32_t)1));
NullCheck(L_3);
IL2CPP_ARRAY_BOUNDS_CHECK(L_3, 0);
*((uint8_t*)(uint8_t*)SZArrayLdElema(L_3, 0, sizeof(uint8_t))) = (uint8_t)((int32_t)255);
ASN1_t311288114_0 * L_4 = (ASN1_t311288114_0 *)il2cpp_codegen_object_new (ASN1_t311288114_0_il2cpp_TypeInfo_var);
ASN1__ctor_m_1567232054_0(L_4, 1, L_3, /*hidden argument*/NULL);
NullCheck(L_2);
ASN1_Add_m1424422628_0(L_2, L_4, /*hidden argument*/NULL);
}
IL_002e:
{
bool L_5 = (__this->____hasPathLengthConstraint_7);
if (!L_5)
{
goto IL_006e;
}
}
{
int32_t L_6 = (__this->____pathLengthConstraint_8);
if (L_6)
{
goto IL_005c;
}
}
{
ASN1_t311288114_0 * L_7 = V_0;
ASN1_t311288114_0 * L_8 = (ASN1_t311288114_0 *)il2cpp_codegen_object_new (ASN1_t311288114_0_il2cpp_TypeInfo_var);
ASN1__ctor_m_1567232054_0(L_8, 2, ((ByteU5BU5D_t_1238178395_0*)SZArrayNew(ByteU5BU5D_t_1238178395_0_il2cpp_TypeInfo_var, (uint32_t)1)), /*hidden argument*/NULL);
NullCheck(L_7);
ASN1_Add_m1424422628_0(L_7, L_8, /*hidden argument*/NULL);
goto IL_006e;
}
IL_005c:
{
ASN1_t311288114_0 * L_9 = V_0;
int32_t L_10 = (__this->____pathLengthConstraint_8);
ASN1_t311288114_0 * L_11 = ASN1Convert_FromInt32_m570537577_0(NULL /*static, unused*/, L_10, /*hidden argument*/NULL);
NullCheck(L_9);
ASN1_Add_m1424422628_0(L_9, L_11, /*hidden argument*/NULL);
}
IL_006e:
{
ASN1_t311288114_0 * L_12 = V_0;
NullCheck(L_12);
ByteU5BU5D_t_1238178395_0* L_13 = (ByteU5BU5D_t_1238178395_0*)VirtFuncInvoker0< ByteU5BU5D_t_1238178395_0* >::Invoke(4 /* System.Byte[] Mono.Security.ASN1::GetBytes() */, L_12);
return L_13;
}
}
// System.String System.Security.Cryptography.X509Certificates.X509BasicConstraintsExtension::ToString(System.Boolean)
extern TypeInfo* String_t_il2cpp_TypeInfo_var;
extern TypeInfo* StringBuilder_t586045924_0_il2cpp_TypeInfo_var;
extern Il2CppCodeGenString* _stringLiteral608242024_0;
extern Il2CppCodeGenString* _stringLiteral_455597446_0;
extern Il2CppCodeGenString* _stringLiteral59567507_0;
extern Il2CppCodeGenString* _stringLiteral_579112945_0;
extern Il2CppCodeGenString* _stringLiteral2142_0;
extern Il2CppCodeGenString* _stringLiteral972222216_0;
extern Il2CppCodeGenString* _stringLiteral1396_0;
extern Il2CppCodeGenString* _stringLiteral644018049_0;
extern Il2CppCodeGenString* _stringLiteral2433880_0;
extern "C" String_t* X509BasicConstraintsExtension_ToString_m917821682_0 (X509BasicConstraintsExtension_t_30568994_0 * __this, bool ___multiLine, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
String_t_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(11);
StringBuilder_t586045924_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(36);
_stringLiteral608242024_0 = il2cpp_codegen_string_literal_from_index(2251);
_stringLiteral_455597446_0 = il2cpp_codegen_string_literal_from_index(1550);
_stringLiteral59567507_0 = il2cpp_codegen_string_literal_from_index(2252);
_stringLiteral_579112945_0 = il2cpp_codegen_string_literal_from_index(2253);
_stringLiteral2142_0 = il2cpp_codegen_string_literal_from_index(2254);
_stringLiteral972222216_0 = il2cpp_codegen_string_literal_from_index(2255);
_stringLiteral1396_0 = il2cpp_codegen_string_literal_from_index(141);
_stringLiteral644018049_0 = il2cpp_codegen_string_literal_from_index(2256);
_stringLiteral2433880_0 = il2cpp_codegen_string_literal_from_index(2257);
s_Il2CppMethodIntialized = true;
}
StringBuilder_t586045924_0 * V_0 = {0};
int32_t V_1 = {0};
{
int32_t L_0 = (__this->____status_9);
V_1 = L_0;
int32_t L_1 = V_1;
if (((int32_t)((int32_t)L_1-(int32_t)1)) == 0)
{
goto IL_0024;
}
if (((int32_t)((int32_t)L_1-(int32_t)1)) == 1)
{
goto IL_002a;
}
if (((int32_t)((int32_t)L_1-(int32_t)1)) == 2)
{
goto IL_002a;
}
if (((int32_t)((int32_t)L_1-(int32_t)1)) == 3)
{
goto IL_0037;
}
}
{
goto IL_003d;
}
IL_0024:
{
IL2CPP_RUNTIME_CLASS_INIT(String_t_il2cpp_TypeInfo_var);
String_t* L_2 = ((String_t_StaticFields*)String_t_il2cpp_TypeInfo_var->static_fields)->___Empty_2;
return L_2;
}
IL_002a:
{
ByteU5BU5D_t_1238178395_0* L_3 = (((AsnEncodedData_t_194939595_0 *)__this)->____raw_1);
String_t* L_4 = X509Extension_FormatUnkownData_m_60566915_0(__this, L_3, /*hidden argument*/NULL);
return L_4;
}
IL_0037:
{
return _stringLiteral608242024_0;
}
IL_003d:
{
Oid_t1024680945_0 * L_5 = (((AsnEncodedData_t_194939595_0 *)__this)->____oid_0);
NullCheck(L_5);
String_t* L_6 = Oid_get_Value_m216923304_0(L_5, /*hidden argument*/NULL);
IL2CPP_RUNTIME_CLASS_INIT(String_t_il2cpp_TypeInfo_var);
bool L_7 = String_op_Inequality_m2125462205_0(NULL /*static, unused*/, L_6, _stringLiteral_455597446_0, /*hidden argument*/NULL);
if (!L_7)
{
goto IL_006d;
}
}
{
Oid_t1024680945_0 * L_8 = (((AsnEncodedData_t_194939595_0 *)__this)->____oid_0);
NullCheck(L_8);
String_t* L_9 = Oid_get_Value_m216923304_0(L_8, /*hidden argument*/NULL);
IL2CPP_RUNTIME_CLASS_INIT(String_t_il2cpp_TypeInfo_var);
String_t* L_10 = String_Format_m_1823716516_0(NULL /*static, unused*/, _stringLiteral59567507_0, L_9, /*hidden argument*/NULL);
return L_10;
}
IL_006d:
{
StringBuilder_t586045924_0 * L_11 = (StringBuilder_t586045924_0 *)il2cpp_codegen_object_new (StringBuilder_t586045924_0_il2cpp_TypeInfo_var);
StringBuilder__ctor_m135953004_0(L_11, /*hidden argument*/NULL);
V_0 = L_11;
StringBuilder_t586045924_0 * L_12 = V_0;
NullCheck(L_12);
StringBuilder_Append_m_396877221_0(L_12, _stringLiteral_579112945_0, /*hidden argument*/NULL);
bool L_13 = (__this->____certificateAuthority_6);
if (!L_13)
{
goto IL_009b;
}
}
{
StringBuilder_t586045924_0 * L_14 = V_0;
NullCheck(L_14);
StringBuilder_Append_m_396877221_0(L_14, _stringLiteral2142_0, /*hidden argument*/NULL);
goto IL_00a7;
}
IL_009b:
{
StringBuilder_t586045924_0 * L_15 = V_0;
NullCheck(L_15);
StringBuilder_Append_m_396877221_0(L_15, _stringLiteral972222216_0, /*hidden argument*/NULL);
}
IL_00a7:
{
bool L_16 = ___multiLine;
if (!L_16)
{
goto IL_00be;
}
}
{
StringBuilder_t586045924_0 * L_17 = V_0;
String_t* L_18 = Environment_get_NewLine_m1034655108_0(NULL /*static, unused*/, /*hidden argument*/NULL);
NullCheck(L_17);
StringBuilder_Append_m_396877221_0(L_17, L_18, /*hidden argument*/NULL);
goto IL_00ca;
}
IL_00be:
{
StringBuilder_t586045924_0 * L_19 = V_0;
NullCheck(L_19);
StringBuilder_Append_m_396877221_0(L_19, _stringLiteral1396_0, /*hidden argument*/NULL);
}
IL_00ca:
{
StringBuilder_t586045924_0 * L_20 = V_0;
NullCheck(L_20);
StringBuilder_Append_m_396877221_0(L_20, _stringLiteral644018049_0, /*hidden argument*/NULL);
bool L_21 = (__this->____hasPathLengthConstraint_7);
if (!L_21)
{
goto IL_00f3;
}
}
{
StringBuilder_t586045924_0 * L_22 = V_0;
int32_t L_23 = (__this->____pathLengthConstraint_8);
NullCheck(L_22);
StringBuilder_Append_m_2105744680_0(L_22, L_23, /*hidden argument*/NULL);
goto IL_00ff;
}
IL_00f3:
{
StringBuilder_t586045924_0 * L_24 = V_0;
NullCheck(L_24);
StringBuilder_Append_m_396877221_0(L_24, _stringLiteral2433880_0, /*hidden argument*/NULL);
}
IL_00ff:
{
bool L_25 = ___multiLine;
if (!L_25)
{
goto IL_0111;
}
}
{
StringBuilder_t586045924_0 * L_26 = V_0;
String_t* L_27 = Environment_get_NewLine_m1034655108_0(NULL /*static, unused*/, /*hidden argument*/NULL);
NullCheck(L_26);
StringBuilder_Append_m_396877221_0(L_26, L_27, /*hidden argument*/NULL);
}
IL_0111:
{
StringBuilder_t586045924_0 * L_28 = V_0;
NullCheck(L_28);
String_t* L_29 = StringBuilder_ToString_m350379841_0(L_28, /*hidden argument*/NULL);
return L_29;
}
}
// System.Void System.Security.Cryptography.X509Certificates.X509Certificate2::.ctor(System.Byte[])
extern TypeInfo* String_t_il2cpp_TypeInfo_var;
extern "C" void X509Certificate2__ctor_m_1960164761_0 (X509Certificate2_t1644507188_0 * __this, ByteU5BU5D_t_1238178395_0* ___rawData, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
String_t_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(11);
s_Il2CppMethodIntialized = true;
}
{
IL2CPP_RUNTIME_CLASS_INIT(String_t_il2cpp_TypeInfo_var);
String_t* L_0 = ((String_t_StaticFields*)String_t_il2cpp_TypeInfo_var->static_fields)->___Empty_2;
__this->____name_7 = L_0;
X509Certificate__ctor_m_2066448516_0(__this, /*hidden argument*/NULL);
ByteU5BU5D_t_1238178395_0* L_1 = ___rawData;
VirtActionInvoker3< ByteU5BU5D_t_1238178395_0*, String_t*, int32_t >::Invoke(16 /* System.Void System.Security.Cryptography.X509Certificates.X509Certificate2::Import(System.Byte[],System.String,System.Security.Cryptography.X509Certificates.X509KeyStorageFlags) */, __this, L_1, (String_t*)NULL, 0);
return;
}
}
// System.Void System.Security.Cryptography.X509Certificates.X509Certificate2::.cctor()
extern TypeInfo* X509Certificate2_t1644507188_0_il2cpp_TypeInfo_var;
extern TypeInfo* ByteU5BU5D_t_1238178395_0_il2cpp_TypeInfo_var;
extern FieldInfo* U3CPrivateImplementationDetailsU3E_t_919820977_0____U24U24fieldU2D3_1_FieldInfo_var;
extern FieldInfo* U3CPrivateImplementationDetailsU3E_t_919820977_0____U24U24fieldU2D4_2_FieldInfo_var;
extern Il2CppCodeGenString* _stringLiteral1637962677_0;
extern "C" void X509Certificate2__cctor_m1878821707_0 (Object_t * __this /* static, unused */, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
X509Certificate2_t1644507188_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(668);
ByteU5BU5D_t_1238178395_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(42);
U3CPrivateImplementationDetailsU3E_t_919820977_0____U24U24fieldU2D3_1_FieldInfo_var = il2cpp_codegen_field_info_from_index(659, 1);
U3CPrivateImplementationDetailsU3E_t_919820977_0____U24U24fieldU2D4_2_FieldInfo_var = il2cpp_codegen_field_info_from_index(659, 2);
_stringLiteral1637962677_0 = il2cpp_codegen_string_literal_from_index(1436);
s_Il2CppMethodIntialized = true;
}
{
String_t* L_0 = Locale_GetText_m_1025094110_0(NULL /*static, unused*/, _stringLiteral1637962677_0, /*hidden argument*/NULL);
((X509Certificate2_t1644507188_0_StaticFields*)X509Certificate2_t1644507188_0_il2cpp_TypeInfo_var->static_fields)->___empty_error_14 = L_0;
ByteU5BU5D_t_1238178395_0* L_1 = ((ByteU5BU5D_t_1238178395_0*)SZArrayNew(ByteU5BU5D_t_1238178395_0_il2cpp_TypeInfo_var, (uint32_t)3));
NullCheck(L_1);
IL2CPP_ARRAY_BOUNDS_CHECK(L_1, 0);
*((uint8_t*)(uint8_t*)SZArrayLdElema(L_1, 0, sizeof(uint8_t))) = (uint8_t)((int32_t)85);
ByteU5BU5D_t_1238178395_0* L_2 = L_1;
NullCheck(L_2);
IL2CPP_ARRAY_BOUNDS_CHECK(L_2, 1);
*((uint8_t*)(uint8_t*)SZArrayLdElema(L_2, 1, sizeof(uint8_t))) = (uint8_t)4;
ByteU5BU5D_t_1238178395_0* L_3 = L_2;
NullCheck(L_3);
IL2CPP_ARRAY_BOUNDS_CHECK(L_3, 2);
*((uint8_t*)(uint8_t*)SZArrayLdElema(L_3, 2, sizeof(uint8_t))) = (uint8_t)3;
((X509Certificate2_t1644507188_0_StaticFields*)X509Certificate2_t1644507188_0_il2cpp_TypeInfo_var->static_fields)->___commonName_15 = L_3;
ByteU5BU5D_t_1238178395_0* L_4 = ((ByteU5BU5D_t_1238178395_0*)SZArrayNew(ByteU5BU5D_t_1238178395_0_il2cpp_TypeInfo_var, (uint32_t)((int32_t)9)));
RuntimeHelpers_InitializeArray_m2058365049_0(NULL /*static, unused*/, (Array_t *)(Array_t *)L_4, LoadFieldToken(U3CPrivateImplementationDetailsU3E_t_919820977_0____U24U24fieldU2D3_1_FieldInfo_var), /*hidden argument*/NULL);
((X509Certificate2_t1644507188_0_StaticFields*)X509Certificate2_t1644507188_0_il2cpp_TypeInfo_var->static_fields)->___email_16 = L_4;
ByteU5BU5D_t_1238178395_0* L_5 = ((ByteU5BU5D_t_1238178395_0*)SZArrayNew(ByteU5BU5D_t_1238178395_0_il2cpp_TypeInfo_var, (uint32_t)((int32_t)9)));
RuntimeHelpers_InitializeArray_m2058365049_0(NULL /*static, unused*/, (Array_t *)(Array_t *)L_5, LoadFieldToken(U3CPrivateImplementationDetailsU3E_t_919820977_0____U24U24fieldU2D4_2_FieldInfo_var), /*hidden argument*/NULL);
((X509Certificate2_t1644507188_0_StaticFields*)X509Certificate2_t1644507188_0_il2cpp_TypeInfo_var->static_fields)->___signedData_17 = L_5;
return;
}
}
// System.Security.Cryptography.X509Certificates.X509ExtensionCollection System.Security.Cryptography.X509Certificates.X509Certificate2::get_Extensions()
extern TypeInfo* X509Certificate2_t1644507188_0_il2cpp_TypeInfo_var;
extern TypeInfo* CryptographicException_t_946073705_0_il2cpp_TypeInfo_var;
extern TypeInfo* X509ExtensionCollection_t_424340636_0_il2cpp_TypeInfo_var;
extern "C" X509ExtensionCollection_t_424340636_0 * X509Certificate2_get_Extensions_m_449572364_0 (X509Certificate2_t1644507188_0 * __this, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
X509Certificate2_t1644507188_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(668);
CryptographicException_t_946073705_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(131);
X509ExtensionCollection_t_424340636_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(669);
s_Il2CppMethodIntialized = true;
}
{
X509Certificate_t219648422_0 * L_0 = (__this->____cert_13);
if (L_0)
{
goto IL_0016;
}
}
{
IL2CPP_RUNTIME_CLASS_INIT(X509Certificate2_t1644507188_0_il2cpp_TypeInfo_var);
String_t* L_1 = ((X509Certificate2_t1644507188_0_StaticFields*)X509Certificate2_t1644507188_0_il2cpp_TypeInfo_var->static_fields)->___empty_error_14;
CryptographicException_t_946073705_0 * L_2 = (CryptographicException_t_946073705_0 *)il2cpp_codegen_object_new (CryptographicException_t_946073705_0_il2cpp_TypeInfo_var);
CryptographicException__ctor_m_1894244407_0(L_2, L_1, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_2);
}
IL_0016:
{
X509ExtensionCollection_t_424340636_0 * L_3 = (__this->____extensions_6);
if (L_3)
{
goto IL_0032;
}
}
{
X509Certificate_t219648422_0 * L_4 = (__this->____cert_13);
X509ExtensionCollection_t_424340636_0 * L_5 = (X509ExtensionCollection_t_424340636_0 *)il2cpp_codegen_object_new (X509ExtensionCollection_t_424340636_0_il2cpp_TypeInfo_var);
X509ExtensionCollection__ctor_m_406226624_0(L_5, L_4, /*hidden argument*/NULL);
__this->____extensions_6 = L_5;
}
IL_0032:
{
X509ExtensionCollection_t_424340636_0 * L_6 = (__this->____extensions_6);
return L_6;
}
}
// System.Security.Cryptography.X509Certificates.X500DistinguishedName System.Security.Cryptography.X509Certificates.X509Certificate2::get_IssuerName()
extern TypeInfo* X509Certificate2_t1644507188_0_il2cpp_TypeInfo_var;
extern TypeInfo* CryptographicException_t_946073705_0_il2cpp_TypeInfo_var;
extern TypeInfo* X500DistinguishedName_t414226495_0_il2cpp_TypeInfo_var;
extern "C" X500DistinguishedName_t414226495_0 * X509Certificate2_get_IssuerName_m_927345847_0 (X509Certificate2_t1644507188_0 * __this, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
X509Certificate2_t1644507188_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(668);
CryptographicException_t_946073705_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(131);
X500DistinguishedName_t414226495_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(670);
s_Il2CppMethodIntialized = true;
}
{
X509Certificate_t219648422_0 * L_0 = (__this->____cert_13);
if (L_0)
{
goto IL_0016;
}
}
{
IL2CPP_RUNTIME_CLASS_INIT(X509Certificate2_t1644507188_0_il2cpp_TypeInfo_var);
String_t* L_1 = ((X509Certificate2_t1644507188_0_StaticFields*)X509Certificate2_t1644507188_0_il2cpp_TypeInfo_var->static_fields)->___empty_error_14;
CryptographicException_t_946073705_0 * L_2 = (CryptographicException_t_946073705_0 *)il2cpp_codegen_object_new (CryptographicException_t_946073705_0_il2cpp_TypeInfo_var);
CryptographicException__ctor_m_1894244407_0(L_2, L_1, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_2);
}
IL_0016:
{
X500DistinguishedName_t414226495_0 * L_3 = (__this->___issuer_name_10);
if (L_3)
{
goto IL_003c;
}
}
{
X509Certificate_t219648422_0 * L_4 = (__this->____cert_13);
NullCheck(L_4);
ASN1_t311288114_0 * L_5 = X509Certificate_GetIssuerName_m_720687711_0(L_4, /*hidden argument*/NULL);
NullCheck(L_5);
ByteU5BU5D_t_1238178395_0* L_6 = (ByteU5BU5D_t_1238178395_0*)VirtFuncInvoker0< ByteU5BU5D_t_1238178395_0* >::Invoke(4 /* System.Byte[] Mono.Security.ASN1::GetBytes() */, L_5);
X500DistinguishedName_t414226495_0 * L_7 = (X500DistinguishedName_t414226495_0 *)il2cpp_codegen_object_new (X500DistinguishedName_t414226495_0_il2cpp_TypeInfo_var);
X500DistinguishedName__ctor_m1884931640_0(L_7, L_6, /*hidden argument*/NULL);
__this->___issuer_name_10 = L_7;
}
IL_003c:
{
X500DistinguishedName_t414226495_0 * L_8 = (__this->___issuer_name_10);
return L_8;
}
}
// System.DateTime System.Security.Cryptography.X509Certificates.X509Certificate2::get_NotAfter()
extern TypeInfo* X509Certificate2_t1644507188_0_il2cpp_TypeInfo_var;
extern TypeInfo* CryptographicException_t_946073705_0_il2cpp_TypeInfo_var;
extern "C" DateTime_t_818288618_0 X509Certificate2_get_NotAfter_m_853905907_0 (X509Certificate2_t1644507188_0 * __this, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
X509Certificate2_t1644507188_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(668);
CryptographicException_t_946073705_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(131);
s_Il2CppMethodIntialized = true;
}
DateTime_t_818288618_0 V_0 = {0};
{
X509Certificate_t219648422_0 * L_0 = (__this->____cert_13);
if (L_0)
{
goto IL_0016;
}
}
{
IL2CPP_RUNTIME_CLASS_INIT(X509Certificate2_t1644507188_0_il2cpp_TypeInfo_var);
String_t* L_1 = ((X509Certificate2_t1644507188_0_StaticFields*)X509Certificate2_t1644507188_0_il2cpp_TypeInfo_var->static_fields)->___empty_error_14;
CryptographicException_t_946073705_0 * L_2 = (CryptographicException_t_946073705_0 *)il2cpp_codegen_object_new (CryptographicException_t_946073705_0_il2cpp_TypeInfo_var);
CryptographicException__ctor_m_1894244407_0(L_2, L_1, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_2);
}
IL_0016:
{
X509Certificate_t219648422_0 * L_3 = (__this->____cert_13);
NullCheck(L_3);
DateTime_t_818288618_0 L_4 = (DateTime_t_818288618_0 )VirtFuncInvoker0< DateTime_t_818288618_0 >::Invoke(18 /* System.DateTime Mono.Security.X509.X509Certificate::get_ValidUntil() */, L_3);
V_0 = L_4;
DateTime_t_818288618_0 L_5 = DateTime_ToLocalTime_m_665784178_0((&V_0), /*hidden argument*/NULL);
return L_5;
}
}
// System.DateTime System.Security.Cryptography.X509Certificates.X509Certificate2::get_NotBefore()
extern TypeInfo* X509Certificate2_t1644507188_0_il2cpp_TypeInfo_var;
extern TypeInfo* CryptographicException_t_946073705_0_il2cpp_TypeInfo_var;
extern "C" DateTime_t_818288618_0 X509Certificate2_get_NotBefore_m_237486960_0 (X509Certificate2_t1644507188_0 * __this, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
X509Certificate2_t1644507188_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(668);
CryptographicException_t_946073705_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(131);
s_Il2CppMethodIntialized = true;
}
DateTime_t_818288618_0 V_0 = {0};
{
X509Certificate_t219648422_0 * L_0 = (__this->____cert_13);
if (L_0)
{
goto IL_0016;
}
}
{
IL2CPP_RUNTIME_CLASS_INIT(X509Certificate2_t1644507188_0_il2cpp_TypeInfo_var);
String_t* L_1 = ((X509Certificate2_t1644507188_0_StaticFields*)X509Certificate2_t1644507188_0_il2cpp_TypeInfo_var->static_fields)->___empty_error_14;
CryptographicException_t_946073705_0 * L_2 = (CryptographicException_t_946073705_0 *)il2cpp_codegen_object_new (CryptographicException_t_946073705_0_il2cpp_TypeInfo_var);
CryptographicException__ctor_m_1894244407_0(L_2, L_1, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_2);
}
IL_0016:
{
X509Certificate_t219648422_0 * L_3 = (__this->____cert_13);
NullCheck(L_3);
DateTime_t_818288618_0 L_4 = (DateTime_t_818288618_0 )VirtFuncInvoker0< DateTime_t_818288618_0 >::Invoke(17 /* System.DateTime Mono.Security.X509.X509Certificate::get_ValidFrom() */, L_3);
V_0 = L_4;
DateTime_t_818288618_0 L_5 = DateTime_ToLocalTime_m_665784178_0((&V_0), /*hidden argument*/NULL);
return L_5;
}
}
// System.Security.Cryptography.AsymmetricAlgorithm System.Security.Cryptography.X509Certificates.X509Certificate2::get_PrivateKey()
extern TypeInfo* X509Certificate2_t1644507188_0_il2cpp_TypeInfo_var;
extern TypeInfo* CryptographicException_t_946073705_0_il2cpp_TypeInfo_var;
extern TypeInfo* RSACryptoServiceProvider_t_1692593868_0_il2cpp_TypeInfo_var;
extern TypeInfo* RSAManaged_t_108115836_0_il2cpp_TypeInfo_var;
extern TypeInfo* DSACryptoServiceProvider_t_754499326_0_il2cpp_TypeInfo_var;
extern TypeInfo* Object_t_il2cpp_TypeInfo_var;
extern "C" AsymmetricAlgorithm_t1451338986_0 * X509Certificate2_get_PrivateKey_m2043008864_0 (X509Certificate2_t1644507188_0 * __this, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
X509Certificate2_t1644507188_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(668);
CryptographicException_t_946073705_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(131);
RSACryptoServiceProvider_t_1692593868_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(150);
RSAManaged_t_108115836_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(661);
DSACryptoServiceProvider_t_754499326_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(168);
Object_t_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(0);
s_Il2CppMethodIntialized = true;
}
RSACryptoServiceProvider_t_1692593868_0 * V_0 = {0};
RSAManaged_t_108115836_0 * V_1 = {0};
DSACryptoServiceProvider_t_754499326_0 * V_2 = {0};
AsymmetricAlgorithm_t1451338986_0 * V_3 = {0};
Exception_t2143823668_0 * __last_unhandled_exception = 0;
NO_UNUSED_WARNING (__last_unhandled_exception);
Exception_t2143823668_0 * __exception_local = 0;
NO_UNUSED_WARNING (__exception_local);
int32_t __leave_target = 0;
NO_UNUSED_WARNING (__leave_target);
RSACryptoServiceProvider_t_1692593868_0 * G_B7_0 = {0};
RSAManaged_t_108115836_0 * G_B12_0 = {0};
DSACryptoServiceProvider_t_754499326_0 * G_B19_0 = {0};
{
X509Certificate_t219648422_0 * L_0 = (__this->____cert_13);
if (L_0)
{
goto IL_0016;
}
}
{
IL2CPP_RUNTIME_CLASS_INIT(X509Certificate2_t1644507188_0_il2cpp_TypeInfo_var);
String_t* L_1 = ((X509Certificate2_t1644507188_0_StaticFields*)X509Certificate2_t1644507188_0_il2cpp_TypeInfo_var->static_fields)->___empty_error_14;
CryptographicException_t_946073705_0 * L_2 = (CryptographicException_t_946073705_0 *)il2cpp_codegen_object_new (CryptographicException_t_946073705_0_il2cpp_TypeInfo_var);
CryptographicException__ctor_m_1894244407_0(L_2, L_1, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_2);
}
IL_0016:
try
{ // begin try (depth: 1)
{
X509Certificate_t219648422_0 * L_3 = (__this->____cert_13);
NullCheck(L_3);
RSA_t1573116945_0 * L_4 = (RSA_t1573116945_0 *)VirtFuncInvoker0< RSA_t1573116945_0 * >::Invoke(10 /* System.Security.Cryptography.RSA Mono.Security.X509.X509Certificate::get_RSA() */, L_3);
if (!L_4)
{
goto IL_00a7;
}
}
IL_0026:
{
X509Certificate_t219648422_0 * L_5 = (__this->____cert_13);
NullCheck(L_5);
RSA_t1573116945_0 * L_6 = (RSA_t1573116945_0 *)VirtFuncInvoker0< RSA_t1573116945_0 * >::Invoke(10 /* System.Security.Cryptography.RSA Mono.Security.X509.X509Certificate::get_RSA() */, L_5);
V_0 = ((RSACryptoServiceProvider_t_1692593868_0 *)IsInstSealed(L_6, RSACryptoServiceProvider_t_1692593868_0_il2cpp_TypeInfo_var));
RSACryptoServiceProvider_t_1692593868_0 * L_7 = V_0;
if (!L_7)
{
goto IL_0055;
}
}
IL_003d:
{
RSACryptoServiceProvider_t_1692593868_0 * L_8 = V_0;
NullCheck(L_8);
bool L_9 = RSACryptoServiceProvider_get_PublicOnly_m_1539797276_0(L_8, /*hidden argument*/NULL);
if (!L_9)
{
goto IL_004e;
}
}
IL_0048:
{
G_B7_0 = ((RSACryptoServiceProvider_t_1692593868_0 *)(NULL));
goto IL_004f;
}
IL_004e:
{
RSACryptoServiceProvider_t_1692593868_0 * L_10 = V_0;
G_B7_0 = L_10;
}
IL_004f:
{
V_3 = G_B7_0;
goto IL_0116;
}
IL_0055:
{
X509Certificate_t219648422_0 * L_11 = (__this->____cert_13);
NullCheck(L_11);
RSA_t1573116945_0 * L_12 = (RSA_t1573116945_0 *)VirtFuncInvoker0< RSA_t1573116945_0 * >::Invoke(10 /* System.Security.Cryptography.RSA Mono.Security.X509.X509Certificate::get_RSA() */, L_11);
V_1 = ((RSAManaged_t_108115836_0 *)IsInstClass(L_12, RSAManaged_t_108115836_0_il2cpp_TypeInfo_var));
RSAManaged_t_108115836_0 * L_13 = V_1;
if (!L_13)
{
goto IL_0084;
}
}
IL_006c:
{
RSAManaged_t_108115836_0 * L_14 = V_1;
NullCheck(L_14);
bool L_15 = RSAManaged_get_PublicOnly_m_1228012256_0(L_14, /*hidden argument*/NULL);
if (!L_15)
{
goto IL_007d;
}
}
IL_0077:
{
G_B12_0 = ((RSAManaged_t_108115836_0 *)(NULL));
goto IL_007e;
}
IL_007d:
{
RSAManaged_t_108115836_0 * L_16 = V_1;
G_B12_0 = L_16;
}
IL_007e:
{
V_3 = G_B12_0;
goto IL_0116;
}
IL_0084:
{
X509Certificate_t219648422_0 * L_17 = (__this->____cert_13);
NullCheck(L_17);
RSA_t1573116945_0 * L_18 = (RSA_t1573116945_0 *)VirtFuncInvoker0< RSA_t1573116945_0 * >::Invoke(10 /* System.Security.Cryptography.RSA Mono.Security.X509.X509Certificate::get_RSA() */, L_17);
NullCheck(L_18);
VirtFuncInvoker1< RSAParameters_t1157257435_0 , bool >::Invoke(12 /* System.Security.Cryptography.RSAParameters System.Security.Cryptography.RSA::ExportParameters(System.Boolean) */, L_18, (bool)1);
X509Certificate_t219648422_0 * L_19 = (__this->____cert_13);
NullCheck(L_19);
RSA_t1573116945_0 * L_20 = (RSA_t1573116945_0 *)VirtFuncInvoker0< RSA_t1573116945_0 * >::Invoke(10 /* System.Security.Cryptography.RSA Mono.Security.X509.X509Certificate::get_RSA() */, L_19);
V_3 = L_20;
goto IL_0116;
}
IL_00a7:
{
X509Certificate_t219648422_0 * L_21 = (__this->____cert_13);
NullCheck(L_21);
DSA_t1573103491_0 * L_22 = X509Certificate_get_DSA_m1952040247_0(L_21, /*hidden argument*/NULL);
if (!L_22)
{
goto IL_0109;
}
}
IL_00b7:
{
X509Certificate_t219648422_0 * L_23 = (__this->____cert_13);
NullCheck(L_23);
DSA_t1573103491_0 * L_24 = X509Certificate_get_DSA_m1952040247_0(L_23, /*hidden argument*/NULL);
V_2 = ((DSACryptoServiceProvider_t_754499326_0 *)IsInstSealed(L_24, DSACryptoServiceProvider_t_754499326_0_il2cpp_TypeInfo_var));
DSACryptoServiceProvider_t_754499326_0 * L_25 = V_2;
if (!L_25)
{
goto IL_00e6;
}
}
IL_00ce:
{
DSACryptoServiceProvider_t_754499326_0 * L_26 = V_2;
NullCheck(L_26);
bool L_27 = DSACryptoServiceProvider_get_PublicOnly_m1018144562_0(L_26, /*hidden argument*/NULL);
if (!L_27)
{
goto IL_00df;
}
}
IL_00d9:
{
G_B19_0 = ((DSACryptoServiceProvider_t_754499326_0 *)(NULL));
goto IL_00e0;
}
IL_00df:
{
DSACryptoServiceProvider_t_754499326_0 * L_28 = V_2;
G_B19_0 = L_28;
}
IL_00e0:
{
V_3 = G_B19_0;
goto IL_0116;
}
IL_00e6:
{
X509Certificate_t219648422_0 * L_29 = (__this->____cert_13);
NullCheck(L_29);
DSA_t1573103491_0 * L_30 = X509Certificate_get_DSA_m1952040247_0(L_29, /*hidden argument*/NULL);
NullCheck(L_30);
VirtFuncInvoker1< DSAParameters_t969932237_0 , bool >::Invoke(11 /* System.Security.Cryptography.DSAParameters System.Security.Cryptography.DSA::ExportParameters(System.Boolean) */, L_30, (bool)1);
X509Certificate_t219648422_0 * L_31 = (__this->____cert_13);
NullCheck(L_31);
DSA_t1573103491_0 * L_32 = X509Certificate_get_DSA_m1952040247_0(L_31, /*hidden argument*/NULL);
V_3 = L_32;
goto IL_0116;
}
IL_0109:
{
goto IL_0114;
}
} // end try (depth: 1)
catch(Il2CppExceptionWrapper& e)
{
__exception_local = (Exception_t2143823668_0 *)e.ex;
if(il2cpp_codegen_class_is_assignable_from (Object_t_il2cpp_TypeInfo_var, e.ex->object.klass))
goto CATCH_010e;
throw e;
}
CATCH_010e:
{ // begin catch(System.Object)
goto IL_0114;
} // end catch (depth: 1)
IL_0114:
{
return (AsymmetricAlgorithm_t1451338986_0 *)NULL;
}
IL_0116:
{
AsymmetricAlgorithm_t1451338986_0 * L_33 = V_3;
return L_33;
}
}
// System.Security.Cryptography.X509Certificates.PublicKey System.Security.Cryptography.X509Certificates.X509Certificate2::get_PublicKey()
extern TypeInfo* X509Certificate2_t1644507188_0_il2cpp_TypeInfo_var;
extern TypeInfo* CryptographicException_t_946073705_0_il2cpp_TypeInfo_var;
extern TypeInfo* PublicKey_t_188668797_0_il2cpp_TypeInfo_var;
extern TypeInfo* Exception_t2143823668_0_il2cpp_TypeInfo_var;
extern Il2CppCodeGenString* _stringLiteral_117152052_0;
extern "C" PublicKey_t_188668797_0 * X509Certificate2_get_PublicKey_m1236823063_0 (X509Certificate2_t1644507188_0 * __this, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
X509Certificate2_t1644507188_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(668);
CryptographicException_t_946073705_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(131);
PublicKey_t_188668797_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(664);
Exception_t2143823668_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(45);
_stringLiteral_117152052_0 = il2cpp_codegen_string_literal_from_index(2258);
s_Il2CppMethodIntialized = true;
}
Exception_t2143823668_0 * V_0 = {0};
String_t* V_1 = {0};
Exception_t2143823668_0 * __last_unhandled_exception = 0;
NO_UNUSED_WARNING (__last_unhandled_exception);
Exception_t2143823668_0 * __exception_local = 0;
NO_UNUSED_WARNING (__exception_local);
int32_t __leave_target = 0;
NO_UNUSED_WARNING (__leave_target);
{
X509Certificate_t219648422_0 * L_0 = (__this->____cert_13);
if (L_0)
{
goto IL_0016;
}
}
{
IL2CPP_RUNTIME_CLASS_INIT(X509Certificate2_t1644507188_0_il2cpp_TypeInfo_var);
String_t* L_1 = ((X509Certificate2_t1644507188_0_StaticFields*)X509Certificate2_t1644507188_0_il2cpp_TypeInfo_var->static_fields)->___empty_error_14;
CryptographicException_t_946073705_0 * L_2 = (CryptographicException_t_946073705_0 *)il2cpp_codegen_object_new (CryptographicException_t_946073705_0_il2cpp_TypeInfo_var);
CryptographicException__ctor_m_1894244407_0(L_2, L_1, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_2);
}
IL_0016:
{
PublicKey_t_188668797_0 * L_3 = (__this->____publicKey_9);
if (L_3)
{
goto IL_0050;
}
}
IL_0021:
try
{ // begin try (depth: 1)
X509Certificate_t219648422_0 * L_4 = (__this->____cert_13);
PublicKey_t_188668797_0 * L_5 = (PublicKey_t_188668797_0 *)il2cpp_codegen_object_new (PublicKey_t_188668797_0_il2cpp_TypeInfo_var);
PublicKey__ctor_m1299060097_0(L_5, L_4, /*hidden argument*/NULL);
__this->____publicKey_9 = L_5;
goto IL_0050;
} // end try (depth: 1)
catch(Il2CppExceptionWrapper& e)
{
__exception_local = (Exception_t2143823668_0 *)e.ex;
if(il2cpp_codegen_class_is_assignable_from (Exception_t2143823668_0_il2cpp_TypeInfo_var, e.ex->object.klass))
goto CATCH_0037;
throw e;
}
CATCH_0037:
{ // begin catch(System.Exception)
{
V_0 = ((Exception_t2143823668_0 *)__exception_local);
String_t* L_6 = Locale_GetText_m_1025094110_0(NULL /*static, unused*/, _stringLiteral_117152052_0, /*hidden argument*/NULL);
V_1 = L_6;
String_t* L_7 = V_1;
Exception_t2143823668_0 * L_8 = V_0;
CryptographicException_t_946073705_0 * L_9 = (CryptographicException_t_946073705_0 *)il2cpp_codegen_object_new (CryptographicException_t_946073705_0_il2cpp_TypeInfo_var);
CryptographicException__ctor_m_1752690547_0(L_9, L_7, L_8, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_9);
}
IL_004b:
{
goto IL_0050;
}
} // end catch (depth: 1)
IL_0050:
{
PublicKey_t_188668797_0 * L_10 = (__this->____publicKey_9);
return L_10;
}
}
// System.String System.Security.Cryptography.X509Certificates.X509Certificate2::get_SerialNumber()
extern TypeInfo* X509Certificate2_t1644507188_0_il2cpp_TypeInfo_var;
extern TypeInfo* CryptographicException_t_946073705_0_il2cpp_TypeInfo_var;
extern TypeInfo* StringBuilder_t586045924_0_il2cpp_TypeInfo_var;
extern Il2CppCodeGenString* _stringLiteral2778_0;
extern "C" String_t* X509Certificate2_get_SerialNumber_m_1022240341_0 (X509Certificate2_t1644507188_0 * __this, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
X509Certificate2_t1644507188_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(668);
CryptographicException_t_946073705_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(131);
StringBuilder_t586045924_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(36);
_stringLiteral2778_0 = il2cpp_codegen_string_literal_from_index(131);
s_Il2CppMethodIntialized = true;
}
StringBuilder_t586045924_0 * V_0 = {0};
ByteU5BU5D_t_1238178395_0* V_1 = {0};
int32_t V_2 = 0;
{
X509Certificate_t219648422_0 * L_0 = (__this->____cert_13);
if (L_0)
{
goto IL_0016;
}
}
{
IL2CPP_RUNTIME_CLASS_INIT(X509Certificate2_t1644507188_0_il2cpp_TypeInfo_var);
String_t* L_1 = ((X509Certificate2_t1644507188_0_StaticFields*)X509Certificate2_t1644507188_0_il2cpp_TypeInfo_var->static_fields)->___empty_error_14;
CryptographicException_t_946073705_0 * L_2 = (CryptographicException_t_946073705_0 *)il2cpp_codegen_object_new (CryptographicException_t_946073705_0_il2cpp_TypeInfo_var);
CryptographicException__ctor_m_1894244407_0(L_2, L_1, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_2);
}
IL_0016:
{
String_t* L_3 = (__this->____serial_8);
if (L_3)
{
goto IL_006d;
}
}
{
StringBuilder_t586045924_0 * L_4 = (StringBuilder_t586045924_0 *)il2cpp_codegen_object_new (StringBuilder_t586045924_0_il2cpp_TypeInfo_var);
StringBuilder__ctor_m135953004_0(L_4, /*hidden argument*/NULL);
V_0 = L_4;
X509Certificate_t219648422_0 * L_5 = (__this->____cert_13);
NullCheck(L_5);
ByteU5BU5D_t_1238178395_0* L_6 = (ByteU5BU5D_t_1238178395_0*)VirtFuncInvoker0< ByteU5BU5D_t_1238178395_0* >::Invoke(13 /* System.Byte[] Mono.Security.X509.X509Certificate::get_SerialNumber() */, L_5);
V_1 = L_6;
ByteU5BU5D_t_1238178395_0* L_7 = V_1;
NullCheck(L_7);
V_2 = ((int32_t)((int32_t)(((int32_t)((int32_t)(((Array_t *)L_7)->max_length))))-(int32_t)1));
goto IL_005a;
}
IL_003e:
{
StringBuilder_t586045924_0 * L_8 = V_0;
ByteU5BU5D_t_1238178395_0* L_9 = V_1;
int32_t L_10 = V_2;
NullCheck(L_9);
IL2CPP_ARRAY_BOUNDS_CHECK(L_9, L_10);
String_t* L_11 = Byte_ToString_m_329952990_0(((uint8_t*)(uint8_t*)SZArrayLdElema(L_9, L_10, sizeof(uint8_t))), _stringLiteral2778_0, /*hidden argument*/NULL);
NullCheck(L_8);
StringBuilder_Append_m_396877221_0(L_8, L_11, /*hidden argument*/NULL);
int32_t L_12 = V_2;
V_2 = ((int32_t)((int32_t)L_12-(int32_t)1));
}
IL_005a:
{
int32_t L_13 = V_2;
if ((((int32_t)L_13) >= ((int32_t)0)))
{
goto IL_003e;
}
}
{
StringBuilder_t586045924_0 * L_14 = V_0;
NullCheck(L_14);
String_t* L_15 = StringBuilder_ToString_m350379841_0(L_14, /*hidden argument*/NULL);
__this->____serial_8 = L_15;
}
IL_006d:
{
String_t* L_16 = (__this->____serial_8);
return L_16;
}
}
// System.Security.Cryptography.Oid System.Security.Cryptography.X509Certificates.X509Certificate2::get_SignatureAlgorithm()
extern TypeInfo* X509Certificate2_t1644507188_0_il2cpp_TypeInfo_var;
extern TypeInfo* CryptographicException_t_946073705_0_il2cpp_TypeInfo_var;
extern TypeInfo* Oid_t1024680945_0_il2cpp_TypeInfo_var;
extern "C" Oid_t1024680945_0 * X509Certificate2_get_SignatureAlgorithm_m_969560886_0 (X509Certificate2_t1644507188_0 * __this, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
X509Certificate2_t1644507188_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(668);
CryptographicException_t_946073705_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(131);
Oid_t1024680945_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(662);
s_Il2CppMethodIntialized = true;
}
{
X509Certificate_t219648422_0 * L_0 = (__this->____cert_13);
if (L_0)
{
goto IL_0016;
}
}
{
IL2CPP_RUNTIME_CLASS_INIT(X509Certificate2_t1644507188_0_il2cpp_TypeInfo_var);
String_t* L_1 = ((X509Certificate2_t1644507188_0_StaticFields*)X509Certificate2_t1644507188_0_il2cpp_TypeInfo_var->static_fields)->___empty_error_14;
CryptographicException_t_946073705_0 * L_2 = (CryptographicException_t_946073705_0 *)il2cpp_codegen_object_new (CryptographicException_t_946073705_0_il2cpp_TypeInfo_var);
CryptographicException__ctor_m_1894244407_0(L_2, L_1, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_2);
}
IL_0016:
{
Oid_t1024680945_0 * L_3 = (__this->___signature_algorithm_12);
if (L_3)
{
goto IL_0037;
}
}
{
X509Certificate_t219648422_0 * L_4 = (__this->____cert_13);
NullCheck(L_4);
String_t* L_5 = (String_t*)VirtFuncInvoker0< String_t* >::Invoke(15 /* System.String Mono.Security.X509.X509Certificate::get_SignatureAlgorithm() */, L_4);
Oid_t1024680945_0 * L_6 = (Oid_t1024680945_0 *)il2cpp_codegen_object_new (Oid_t1024680945_0_il2cpp_TypeInfo_var);
Oid__ctor_m_1507238307_0(L_6, L_5, /*hidden argument*/NULL);
__this->___signature_algorithm_12 = L_6;
}
IL_0037:
{
Oid_t1024680945_0 * L_7 = (__this->___signature_algorithm_12);
return L_7;
}
}
// System.Security.Cryptography.X509Certificates.X500DistinguishedName System.Security.Cryptography.X509Certificates.X509Certificate2::get_SubjectName()
extern TypeInfo* X509Certificate2_t1644507188_0_il2cpp_TypeInfo_var;
extern TypeInfo* CryptographicException_t_946073705_0_il2cpp_TypeInfo_var;
extern TypeInfo* X500DistinguishedName_t414226495_0_il2cpp_TypeInfo_var;
extern "C" X500DistinguishedName_t414226495_0 * X509Certificate2_get_SubjectName_m_275453132_0 (X509Certificate2_t1644507188_0 * __this, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
X509Certificate2_t1644507188_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(668);
CryptographicException_t_946073705_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(131);
X500DistinguishedName_t414226495_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(670);
s_Il2CppMethodIntialized = true;
}
{
X509Certificate_t219648422_0 * L_0 = (__this->____cert_13);
if (L_0)
{
goto IL_0016;
}
}
{
IL2CPP_RUNTIME_CLASS_INIT(X509Certificate2_t1644507188_0_il2cpp_TypeInfo_var);
String_t* L_1 = ((X509Certificate2_t1644507188_0_StaticFields*)X509Certificate2_t1644507188_0_il2cpp_TypeInfo_var->static_fields)->___empty_error_14;
CryptographicException_t_946073705_0 * L_2 = (CryptographicException_t_946073705_0 *)il2cpp_codegen_object_new (CryptographicException_t_946073705_0_il2cpp_TypeInfo_var);
CryptographicException__ctor_m_1894244407_0(L_2, L_1, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_2);
}
IL_0016:
{
X500DistinguishedName_t414226495_0 * L_3 = (__this->___subject_name_11);
if (L_3)
{
goto IL_003c;
}
}
{
X509Certificate_t219648422_0 * L_4 = (__this->____cert_13);
NullCheck(L_4);
ASN1_t311288114_0 * L_5 = X509Certificate_GetSubjectName_m1835981788_0(L_4, /*hidden argument*/NULL);
NullCheck(L_5);
ByteU5BU5D_t_1238178395_0* L_6 = (ByteU5BU5D_t_1238178395_0*)VirtFuncInvoker0< ByteU5BU5D_t_1238178395_0* >::Invoke(4 /* System.Byte[] Mono.Security.ASN1::GetBytes() */, L_5);
X500DistinguishedName_t414226495_0 * L_7 = (X500DistinguishedName_t414226495_0 *)il2cpp_codegen_object_new (X500DistinguishedName_t414226495_0_il2cpp_TypeInfo_var);
X500DistinguishedName__ctor_m1884931640_0(L_7, L_6, /*hidden argument*/NULL);
__this->___subject_name_11 = L_7;
}
IL_003c:
{
X500DistinguishedName_t414226495_0 * L_8 = (__this->___subject_name_11);
return L_8;
}
}
// System.String System.Security.Cryptography.X509Certificates.X509Certificate2::get_Thumbprint()
extern "C" String_t* X509Certificate2_get_Thumbprint_m1619061413_0 (X509Certificate2_t1644507188_0 * __this, const MethodInfo* method)
{
{
String_t* L_0 = X509Certificate_GetCertHashString_m539795190_0(__this, /*hidden argument*/NULL);
return L_0;
}
}
// System.Int32 System.Security.Cryptography.X509Certificates.X509Certificate2::get_Version()
extern TypeInfo* X509Certificate2_t1644507188_0_il2cpp_TypeInfo_var;
extern TypeInfo* CryptographicException_t_946073705_0_il2cpp_TypeInfo_var;
extern "C" int32_t X509Certificate2_get_Version_m_1027313281_0 (X509Certificate2_t1644507188_0 * __this, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
X509Certificate2_t1644507188_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(668);
CryptographicException_t_946073705_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(131);
s_Il2CppMethodIntialized = true;
}
{
X509Certificate_t219648422_0 * L_0 = (__this->____cert_13);
if (L_0)
{
goto IL_0016;
}
}
{
IL2CPP_RUNTIME_CLASS_INIT(X509Certificate2_t1644507188_0_il2cpp_TypeInfo_var);
String_t* L_1 = ((X509Certificate2_t1644507188_0_StaticFields*)X509Certificate2_t1644507188_0_il2cpp_TypeInfo_var->static_fields)->___empty_error_14;
CryptographicException_t_946073705_0 * L_2 = (CryptographicException_t_946073705_0 *)il2cpp_codegen_object_new (CryptographicException_t_946073705_0_il2cpp_TypeInfo_var);
CryptographicException__ctor_m_1894244407_0(L_2, L_1, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_2);
}
IL_0016:
{
X509Certificate_t219648422_0 * L_3 = (__this->____cert_13);
NullCheck(L_3);
int32_t L_4 = X509Certificate_get_Version_m1452122189_0(L_3, /*hidden argument*/NULL);
return L_4;
}
}
// System.String System.Security.Cryptography.X509Certificates.X509Certificate2::GetNameInfo(System.Security.Cryptography.X509Certificates.X509NameType,System.Boolean)
extern TypeInfo* X509Certificate2_t1644507188_0_il2cpp_TypeInfo_var;
extern TypeInfo* CryptographicException_t_946073705_0_il2cpp_TypeInfo_var;
extern TypeInfo* String_t_il2cpp_TypeInfo_var;
extern TypeInfo* ArgumentException_t1159624695_0_il2cpp_TypeInfo_var;
extern Il2CppCodeGenString* _stringLiteral1840595045_0;
extern "C" String_t* X509Certificate2_GetNameInfo_m750863125_0 (X509Certificate2_t1644507188_0 * __this, int32_t ___nameType, bool ___forIssuer, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
X509Certificate2_t1644507188_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(668);
CryptographicException_t_946073705_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(131);
String_t_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(11);
ArgumentException_t1159624695_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(4);
_stringLiteral1840595045_0 = il2cpp_codegen_string_literal_from_index(2259);
s_Il2CppMethodIntialized = true;
}
ASN1_t311288114_0 * V_0 = {0};
ASN1_t311288114_0 * V_1 = {0};
ASN1_t311288114_0 * V_2 = {0};
ASN1_t311288114_0 * V_3 = {0};
ASN1_t311288114_0 * V_4 = {0};
int32_t V_5 = {0};
ASN1_t311288114_0 * G_B7_0 = {0};
ByteU5BU5D_t_1238178395_0* G_B16_0 = {0};
X509Certificate2_t1644507188_0 * G_B16_1 = {0};
ByteU5BU5D_t_1238178395_0* G_B15_0 = {0};
X509Certificate2_t1644507188_0 * G_B15_1 = {0};
ASN1_t311288114_0 * G_B17_0 = {0};
ByteU5BU5D_t_1238178395_0* G_B17_1 = {0};
X509Certificate2_t1644507188_0 * G_B17_2 = {0};
ByteU5BU5D_t_1238178395_0* G_B23_0 = {0};
X509Certificate2_t1644507188_0 * G_B23_1 = {0};
ByteU5BU5D_t_1238178395_0* G_B22_0 = {0};
X509Certificate2_t1644507188_0 * G_B22_1 = {0};
ASN1_t311288114_0 * G_B24_0 = {0};
ByteU5BU5D_t_1238178395_0* G_B24_1 = {0};
X509Certificate2_t1644507188_0 * G_B24_2 = {0};
{
int32_t L_0 = ___nameType;
V_5 = L_0;
int32_t L_1 = V_5;
if (L_1 == 0)
{
goto IL_0027;
}
if (L_1 == 1)
{
goto IL_00b9;
}
if (L_1 == 2)
{
goto IL_00fa;
}
if (L_1 == 3)
{
goto IL_0100;
}
if (L_1 == 4)
{
goto IL_0144;
}
if (L_1 == 5)
{
goto IL_014a;
}
}
{
goto IL_0150;
}
IL_0027:
{
X509Certificate_t219648422_0 * L_2 = (__this->____cert_13);
if (L_2)
{
goto IL_003d;
}
}
{
IL2CPP_RUNTIME_CLASS_INIT(X509Certificate2_t1644507188_0_il2cpp_TypeInfo_var);
String_t* L_3 = ((X509Certificate2_t1644507188_0_StaticFields*)X509Certificate2_t1644507188_0_il2cpp_TypeInfo_var->static_fields)->___empty_error_14;
CryptographicException_t_946073705_0 * L_4 = (CryptographicException_t_946073705_0 *)il2cpp_codegen_object_new (CryptographicException_t_946073705_0_il2cpp_TypeInfo_var);
CryptographicException__ctor_m_1894244407_0(L_4, L_3, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_4);
}
IL_003d:
{
bool L_5 = ___forIssuer;
if (!L_5)
{
goto IL_0053;
}
}
{
X509Certificate_t219648422_0 * L_6 = (__this->____cert_13);
NullCheck(L_6);
ASN1_t311288114_0 * L_7 = X509Certificate_GetIssuerName_m_720687711_0(L_6, /*hidden argument*/NULL);
G_B7_0 = L_7;
goto IL_005e;
}
IL_0053:
{
X509Certificate_t219648422_0 * L_8 = (__this->____cert_13);
NullCheck(L_8);
ASN1_t311288114_0 * L_9 = X509Certificate_GetSubjectName_m1835981788_0(L_8, /*hidden argument*/NULL);
G_B7_0 = L_9;
}
IL_005e:
{
V_0 = G_B7_0;
IL2CPP_RUNTIME_CLASS_INIT(X509Certificate2_t1644507188_0_il2cpp_TypeInfo_var);
ByteU5BU5D_t_1238178395_0* L_10 = ((X509Certificate2_t1644507188_0_StaticFields*)X509Certificate2_t1644507188_0_il2cpp_TypeInfo_var->static_fields)->___commonName_15;
ASN1_t311288114_0 * L_11 = V_0;
ASN1_t311288114_0 * L_12 = X509Certificate2_Find_m_663228825_0(__this, L_10, L_11, /*hidden argument*/NULL);
V_1 = L_12;
ASN1_t311288114_0 * L_13 = V_1;
if (!L_13)
{
goto IL_007a;
}
}
{
ASN1_t311288114_0 * L_14 = V_1;
String_t* L_15 = X509Certificate2_GetValueAsString_m_134375477_0(__this, L_14, /*hidden argument*/NULL);
return L_15;
}
IL_007a:
{
ASN1_t311288114_0 * L_16 = V_0;
NullCheck(L_16);
int32_t L_17 = ASN1_get_Count_m_2080495176_0(L_16, /*hidden argument*/NULL);
if (L_17)
{
goto IL_008b;
}
}
{
IL2CPP_RUNTIME_CLASS_INIT(String_t_il2cpp_TypeInfo_var);
String_t* L_18 = ((String_t_StaticFields*)String_t_il2cpp_TypeInfo_var->static_fields)->___Empty_2;
return L_18;
}
IL_008b:
{
ASN1_t311288114_0 * L_19 = V_0;
ASN1_t311288114_0 * L_20 = V_0;
NullCheck(L_20);
int32_t L_21 = ASN1_get_Count_m_2080495176_0(L_20, /*hidden argument*/NULL);
NullCheck(L_19);
ASN1_t311288114_0 * L_22 = ASN1_get_Item_m_567689036_0(L_19, ((int32_t)((int32_t)L_21-(int32_t)1)), /*hidden argument*/NULL);
V_2 = L_22;
ASN1_t311288114_0 * L_23 = V_2;
NullCheck(L_23);
int32_t L_24 = ASN1_get_Count_m_2080495176_0(L_23, /*hidden argument*/NULL);
if (L_24)
{
goto IL_00ab;
}
}
{
IL2CPP_RUNTIME_CLASS_INIT(String_t_il2cpp_TypeInfo_var);
String_t* L_25 = ((String_t_StaticFields*)String_t_il2cpp_TypeInfo_var->static_fields)->___Empty_2;
return L_25;
}
IL_00ab:
{
ASN1_t311288114_0 * L_26 = V_2;
NullCheck(L_26);
ASN1_t311288114_0 * L_27 = ASN1_get_Item_m_567689036_0(L_26, 0, /*hidden argument*/NULL);
String_t* L_28 = X509Certificate2_GetValueAsString_m_134375477_0(__this, L_27, /*hidden argument*/NULL);
return L_28;
}
IL_00b9:
{
IL2CPP_RUNTIME_CLASS_INIT(X509Certificate2_t1644507188_0_il2cpp_TypeInfo_var);
ByteU5BU5D_t_1238178395_0* L_29 = ((X509Certificate2_t1644507188_0_StaticFields*)X509Certificate2_t1644507188_0_il2cpp_TypeInfo_var->static_fields)->___email_16;
bool L_30 = ___forIssuer;
G_B15_0 = L_29;
G_B15_1 = __this;
if (!L_30)
{
G_B16_0 = L_29;
G_B16_1 = __this;
goto IL_00d5;
}
}
{
X509Certificate_t219648422_0 * L_31 = (__this->____cert_13);
NullCheck(L_31);
ASN1_t311288114_0 * L_32 = X509Certificate_GetIssuerName_m_720687711_0(L_31, /*hidden argument*/NULL);
G_B17_0 = L_32;
G_B17_1 = G_B15_0;
G_B17_2 = G_B15_1;
goto IL_00e0;
}
IL_00d5:
{
X509Certificate_t219648422_0 * L_33 = (__this->____cert_13);
NullCheck(L_33);
ASN1_t311288114_0 * L_34 = X509Certificate_GetSubjectName_m1835981788_0(L_33, /*hidden argument*/NULL);
G_B17_0 = L_34;
G_B17_1 = G_B16_0;
G_B17_2 = G_B16_1;
}
IL_00e0:
{
NullCheck(G_B17_2);
ASN1_t311288114_0 * L_35 = X509Certificate2_Find_m_663228825_0(G_B17_2, G_B17_1, G_B17_0, /*hidden argument*/NULL);
V_3 = L_35;
ASN1_t311288114_0 * L_36 = V_3;
if (!L_36)
{
goto IL_00f4;
}
}
{
ASN1_t311288114_0 * L_37 = V_3;
String_t* L_38 = X509Certificate2_GetValueAsString_m_134375477_0(__this, L_37, /*hidden argument*/NULL);
return L_38;
}
IL_00f4:
{
IL2CPP_RUNTIME_CLASS_INIT(String_t_il2cpp_TypeInfo_var);
String_t* L_39 = ((String_t_StaticFields*)String_t_il2cpp_TypeInfo_var->static_fields)->___Empty_2;
return L_39;
}
IL_00fa:
{
IL2CPP_RUNTIME_CLASS_INIT(String_t_il2cpp_TypeInfo_var);
String_t* L_40 = ((String_t_StaticFields*)String_t_il2cpp_TypeInfo_var->static_fields)->___Empty_2;
return L_40;
}
IL_0100:
{
IL2CPP_RUNTIME_CLASS_INIT(X509Certificate2_t1644507188_0_il2cpp_TypeInfo_var);
ByteU5BU5D_t_1238178395_0* L_41 = ((X509Certificate2_t1644507188_0_StaticFields*)X509Certificate2_t1644507188_0_il2cpp_TypeInfo_var->static_fields)->___commonName_15;
bool L_42 = ___forIssuer;
G_B22_0 = L_41;
G_B22_1 = __this;
if (!L_42)
{
G_B23_0 = L_41;
G_B23_1 = __this;
goto IL_011c;
}
}
{
X509Certificate_t219648422_0 * L_43 = (__this->____cert_13);
NullCheck(L_43);
ASN1_t311288114_0 * L_44 = X509Certificate_GetIssuerName_m_720687711_0(L_43, /*hidden argument*/NULL);
G_B24_0 = L_44;
G_B24_1 = G_B22_0;
G_B24_2 = G_B22_1;
goto IL_0127;
}
IL_011c:
{
X509Certificate_t219648422_0 * L_45 = (__this->____cert_13);
NullCheck(L_45);
ASN1_t311288114_0 * L_46 = X509Certificate_GetSubjectName_m1835981788_0(L_45, /*hidden argument*/NULL);
G_B24_0 = L_46;
G_B24_1 = G_B23_0;
G_B24_2 = G_B23_1;
}
IL_0127:
{
NullCheck(G_B24_2);
ASN1_t311288114_0 * L_47 = X509Certificate2_Find_m_663228825_0(G_B24_2, G_B24_1, G_B24_0, /*hidden argument*/NULL);
V_4 = L_47;
ASN1_t311288114_0 * L_48 = V_4;
if (!L_48)
{
goto IL_013e;
}
}
{
ASN1_t311288114_0 * L_49 = V_4;
String_t* L_50 = X509Certificate2_GetValueAsString_m_134375477_0(__this, L_49, /*hidden argument*/NULL);
return L_50;
}
IL_013e:
{
IL2CPP_RUNTIME_CLASS_INIT(String_t_il2cpp_TypeInfo_var);
String_t* L_51 = ((String_t_StaticFields*)String_t_il2cpp_TypeInfo_var->static_fields)->___Empty_2;
return L_51;
}
IL_0144:
{
IL2CPP_RUNTIME_CLASS_INIT(String_t_il2cpp_TypeInfo_var);
String_t* L_52 = ((String_t_StaticFields*)String_t_il2cpp_TypeInfo_var->static_fields)->___Empty_2;
return L_52;
}
IL_014a:
{
IL2CPP_RUNTIME_CLASS_INIT(String_t_il2cpp_TypeInfo_var);
String_t* L_53 = ((String_t_StaticFields*)String_t_il2cpp_TypeInfo_var->static_fields)->___Empty_2;
return L_53;
}
IL_0150:
{
ArgumentException_t1159624695_0 * L_54 = (ArgumentException_t1159624695_0 *)il2cpp_codegen_object_new (ArgumentException_t1159624695_0_il2cpp_TypeInfo_var);
ArgumentException__ctor_m_750110749_0(L_54, _stringLiteral1840595045_0, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_54);
}
}
// Mono.Security.ASN1 System.Security.Cryptography.X509Certificates.X509Certificate2::Find(System.Byte[],Mono.Security.ASN1)
extern "C" ASN1_t311288114_0 * X509Certificate2_Find_m_663228825_0 (X509Certificate2_t1644507188_0 * __this, ByteU5BU5D_t_1238178395_0* ___oid, ASN1_t311288114_0 * ___dn, const MethodInfo* method)
{
int32_t V_0 = 0;
ASN1_t311288114_0 * V_1 = {0};
int32_t V_2 = 0;
ASN1_t311288114_0 * V_3 = {0};
ASN1_t311288114_0 * V_4 = {0};
{
ASN1_t311288114_0 * L_0 = ___dn;
NullCheck(L_0);
int32_t L_1 = ASN1_get_Count_m_2080495176_0(L_0, /*hidden argument*/NULL);
if (L_1)
{
goto IL_000d;
}
}
{
return (ASN1_t311288114_0 *)NULL;
}
IL_000d:
{
V_0 = 0;
goto IL_0074;
}
IL_0014:
{
ASN1_t311288114_0 * L_2 = ___dn;
int32_t L_3 = V_0;
NullCheck(L_2);
ASN1_t311288114_0 * L_4 = ASN1_get_Item_m_567689036_0(L_2, L_3, /*hidden argument*/NULL);
V_1 = L_4;
V_2 = 0;
goto IL_0064;
}
IL_0023:
{
ASN1_t311288114_0 * L_5 = V_1;
int32_t L_6 = V_2;
NullCheck(L_5);
ASN1_t311288114_0 * L_7 = ASN1_get_Item_m_567689036_0(L_5, L_6, /*hidden argument*/NULL);
V_3 = L_7;
ASN1_t311288114_0 * L_8 = V_3;
NullCheck(L_8);
int32_t L_9 = ASN1_get_Count_m_2080495176_0(L_8, /*hidden argument*/NULL);
if ((((int32_t)L_9) == ((int32_t)2)))
{
goto IL_003c;
}
}
{
goto IL_0060;
}
IL_003c:
{
ASN1_t311288114_0 * L_10 = V_3;
NullCheck(L_10);
ASN1_t311288114_0 * L_11 = ASN1_get_Item_m_567689036_0(L_10, 0, /*hidden argument*/NULL);
V_4 = L_11;
ASN1_t311288114_0 * L_12 = V_4;
if (L_12)
{
goto IL_0051;
}
}
{
goto IL_0060;
}
IL_0051:
{
ASN1_t311288114_0 * L_13 = V_4;
ByteU5BU5D_t_1238178395_0* L_14 = ___oid;
NullCheck(L_13);
bool L_15 = ASN1_CompareValue_m1123010439_0(L_13, L_14, /*hidden argument*/NULL);
if (!L_15)
{
goto IL_0060;
}
}
{
ASN1_t311288114_0 * L_16 = V_3;
return L_16;
}
IL_0060:
{
int32_t L_17 = V_2;
V_2 = ((int32_t)((int32_t)L_17+(int32_t)1));
}
IL_0064:
{
int32_t L_18 = V_2;
ASN1_t311288114_0 * L_19 = V_1;
NullCheck(L_19);
int32_t L_20 = ASN1_get_Count_m_2080495176_0(L_19, /*hidden argument*/NULL);
if ((((int32_t)L_18) < ((int32_t)L_20)))
{
goto IL_0023;
}
}
{
int32_t L_21 = V_0;
V_0 = ((int32_t)((int32_t)L_21+(int32_t)1));
}
IL_0074:
{
int32_t L_22 = V_0;
ASN1_t311288114_0 * L_23 = ___dn;
NullCheck(L_23);
int32_t L_24 = ASN1_get_Count_m_2080495176_0(L_23, /*hidden argument*/NULL);
if ((((int32_t)L_22) < ((int32_t)L_24)))
{
goto IL_0014;
}
}
{
return (ASN1_t311288114_0 *)NULL;
}
}
// System.String System.Security.Cryptography.X509Certificates.X509Certificate2::GetValueAsString(Mono.Security.ASN1)
extern TypeInfo* String_t_il2cpp_TypeInfo_var;
extern TypeInfo* StringBuilder_t586045924_0_il2cpp_TypeInfo_var;
extern TypeInfo* Encoding_t453909881_0_il2cpp_TypeInfo_var;
extern "C" String_t* X509Certificate2_GetValueAsString_m_134375477_0 (X509Certificate2_t1644507188_0 * __this, ASN1_t311288114_0 * ___pair, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
String_t_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(11);
StringBuilder_t586045924_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(36);
Encoding_t453909881_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(41);
s_Il2CppMethodIntialized = true;
}
ASN1_t311288114_0 * V_0 = {0};
StringBuilder_t586045924_0 * V_1 = {0};
int32_t V_2 = 0;
{
ASN1_t311288114_0 * L_0 = ___pair;
NullCheck(L_0);
int32_t L_1 = ASN1_get_Count_m_2080495176_0(L_0, /*hidden argument*/NULL);
if ((((int32_t)L_1) == ((int32_t)2)))
{
goto IL_0012;
}
}
{
IL2CPP_RUNTIME_CLASS_INIT(String_t_il2cpp_TypeInfo_var);
String_t* L_2 = ((String_t_StaticFields*)String_t_il2cpp_TypeInfo_var->static_fields)->___Empty_2;
return L_2;
}
IL_0012:
{
ASN1_t311288114_0 * L_3 = ___pair;
NullCheck(L_3);
ASN1_t311288114_0 * L_4 = ASN1_get_Item_m_567689036_0(L_3, 1, /*hidden argument*/NULL);
V_0 = L_4;
ASN1_t311288114_0 * L_5 = V_0;
NullCheck(L_5);
ByteU5BU5D_t_1238178395_0* L_6 = ASN1_get_Value_m390067040_0(L_5, /*hidden argument*/NULL);
if (!L_6)
{
goto IL_0030;
}
}
{
ASN1_t311288114_0 * L_7 = V_0;
NullCheck(L_7);
int32_t L_8 = ASN1_get_Length_m_2057326593_0(L_7, /*hidden argument*/NULL);
if (L_8)
{
goto IL_0036;
}
}
IL_0030:
{
IL2CPP_RUNTIME_CLASS_INIT(String_t_il2cpp_TypeInfo_var);
String_t* L_9 = ((String_t_StaticFields*)String_t_il2cpp_TypeInfo_var->static_fields)->___Empty_2;
return L_9;
}
IL_0036:
{
ASN1_t311288114_0 * L_10 = V_0;
NullCheck(L_10);
uint8_t L_11 = ASN1_get_Tag_m442995239_0(L_10, /*hidden argument*/NULL);
if ((!(((uint32_t)L_11) == ((uint32_t)((int32_t)30)))))
{
goto IL_0079;
}
}
{
StringBuilder_t586045924_0 * L_12 = (StringBuilder_t586045924_0 *)il2cpp_codegen_object_new (StringBuilder_t586045924_0_il2cpp_TypeInfo_var);
StringBuilder__ctor_m135953004_0(L_12, /*hidden argument*/NULL);
V_1 = L_12;
V_2 = 1;
goto IL_0064;
}
IL_0050:
{
StringBuilder_t586045924_0 * L_13 = V_1;
ASN1_t311288114_0 * L_14 = V_0;
NullCheck(L_14);
ByteU5BU5D_t_1238178395_0* L_15 = ASN1_get_Value_m390067040_0(L_14, /*hidden argument*/NULL);
int32_t L_16 = V_2;
NullCheck(L_15);
IL2CPP_ARRAY_BOUNDS_CHECK(L_15, L_16);
int32_t L_17 = L_16;
NullCheck(L_13);
StringBuilder_Append_m2143093878_0(L_13, (((int32_t)((uint16_t)(*(uint8_t*)(uint8_t*)SZArrayLdElema(L_15, L_17, sizeof(uint8_t)))))), /*hidden argument*/NULL);
int32_t L_18 = V_2;
V_2 = ((int32_t)((int32_t)L_18+(int32_t)2));
}
IL_0064:
{
int32_t L_19 = V_2;
ASN1_t311288114_0 * L_20 = V_0;
NullCheck(L_20);
ByteU5BU5D_t_1238178395_0* L_21 = ASN1_get_Value_m390067040_0(L_20, /*hidden argument*/NULL);
NullCheck(L_21);
if ((((int32_t)L_19) < ((int32_t)(((int32_t)((int32_t)(((Array_t *)L_21)->max_length)))))))
{
goto IL_0050;
}
}
{
StringBuilder_t586045924_0 * L_22 = V_1;
NullCheck(L_22);
String_t* L_23 = StringBuilder_ToString_m350379841_0(L_22, /*hidden argument*/NULL);
return L_23;
}
IL_0079:
{
IL2CPP_RUNTIME_CLASS_INIT(Encoding_t453909881_0_il2cpp_TypeInfo_var);
Encoding_t453909881_0 * L_24 = Encoding_get_UTF8_m619558519_0(NULL /*static, unused*/, /*hidden argument*/NULL);
ASN1_t311288114_0 * L_25 = V_0;
NullCheck(L_25);
ByteU5BU5D_t_1238178395_0* L_26 = ASN1_get_Value_m390067040_0(L_25, /*hidden argument*/NULL);
NullCheck(L_24);
String_t* L_27 = (String_t*)VirtFuncInvoker1< String_t*, ByteU5BU5D_t_1238178395_0* >::Invoke(22 /* System.String System.Text.Encoding::GetString(System.Byte[]) */, L_24, L_26);
return L_27;
}
}
// System.Void System.Security.Cryptography.X509Certificates.X509Certificate2::ImportPkcs12(System.Byte[],System.String)
extern TypeInfo* PKCS12_t1146479063_0_il2cpp_TypeInfo_var;
extern TypeInfo* RSA_t1573116945_0_il2cpp_TypeInfo_var;
extern TypeInfo* DSA_t1573103491_0_il2cpp_TypeInfo_var;
extern "C" void X509Certificate2_ImportPkcs12_m976921138_0 (X509Certificate2_t1644507188_0 * __this, ByteU5BU5D_t_1238178395_0* ___rawData, String_t* ___password, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
PKCS12_t1146479063_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(671);
RSA_t1573116945_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(502);
DSA_t1573103491_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(489);
s_Il2CppMethodIntialized = true;
}
PKCS12_t1146479063_0 * V_0 = {0};
PKCS12_t1146479063_0 * G_B3_0 = {0};
{
String_t* L_0 = ___password;
if (L_0)
{
goto IL_0011;
}
}
{
ByteU5BU5D_t_1238178395_0* L_1 = ___rawData;
PKCS12_t1146479063_0 * L_2 = (PKCS12_t1146479063_0 *)il2cpp_codegen_object_new (PKCS12_t1146479063_0_il2cpp_TypeInfo_var);
PKCS12__ctor_m1570997648_0(L_2, L_1, /*hidden argument*/NULL);
G_B3_0 = L_2;
goto IL_0018;
}
IL_0011:
{
ByteU5BU5D_t_1238178395_0* L_3 = ___rawData;
String_t* L_4 = ___password;
PKCS12_t1146479063_0 * L_5 = (PKCS12_t1146479063_0 *)il2cpp_codegen_object_new (PKCS12_t1146479063_0_il2cpp_TypeInfo_var);
PKCS12__ctor_m_562318900_0(L_5, L_3, L_4, /*hidden argument*/NULL);
G_B3_0 = L_5;
}
IL_0018:
{
V_0 = G_B3_0;
PKCS12_t1146479063_0 * L_6 = V_0;
NullCheck(L_6);
X509CertificateCollection_t15320292_0 * L_7 = PKCS12_get_Certificates_m425759547_0(L_6, /*hidden argument*/NULL);
NullCheck(L_7);
int32_t L_8 = (int32_t)VirtFuncInvoker0< int32_t >::Invoke(5 /* System.Int32 System.Collections.CollectionBase::get_Count() */, L_7);
if ((((int32_t)L_8) <= ((int32_t)0)))
{
goto IL_0041;
}
}
{
PKCS12_t1146479063_0 * L_9 = V_0;
NullCheck(L_9);
X509CertificateCollection_t15320292_0 * L_10 = PKCS12_get_Certificates_m425759547_0(L_9, /*hidden argument*/NULL);
NullCheck(L_10);
X509Certificate_t219648422_0 * L_11 = X509CertificateCollection_get_Item_m1107000690_0(L_10, 0, /*hidden argument*/NULL);
__this->____cert_13 = L_11;
goto IL_0048;
}
IL_0041:
{
__this->____cert_13 = (X509Certificate_t219648422_0 *)NULL;
}
IL_0048:
{
PKCS12_t1146479063_0 * L_12 = V_0;
NullCheck(L_12);
ArrayList_t536890563_0 * L_13 = PKCS12_get_Keys_m_1097686296_0(L_12, /*hidden argument*/NULL);
NullCheck(L_13);
int32_t L_14 = (int32_t)VirtFuncInvoker0< int32_t >::Invoke(23 /* System.Int32 System.Collections.ArrayList::get_Count() */, L_13);
if ((((int32_t)L_14) <= ((int32_t)0)))
{
goto IL_0091;
}
}
{
X509Certificate_t219648422_0 * L_15 = (__this->____cert_13);
PKCS12_t1146479063_0 * L_16 = V_0;
NullCheck(L_16);
ArrayList_t536890563_0 * L_17 = PKCS12_get_Keys_m_1097686296_0(L_16, /*hidden argument*/NULL);
NullCheck(L_17);
Object_t * L_18 = (Object_t *)VirtFuncInvoker1< Object_t *, int32_t >::Invoke(21 /* System.Object System.Collections.ArrayList::get_Item(System.Int32) */, L_17, 0);
NullCheck(L_15);
VirtActionInvoker1< RSA_t1573116945_0 * >::Invoke(11 /* System.Void Mono.Security.X509.X509Certificate::set_RSA(System.Security.Cryptography.RSA) */, L_15, ((RSA_t1573116945_0 *)IsInstClass(L_18, RSA_t1573116945_0_il2cpp_TypeInfo_var)));
X509Certificate_t219648422_0 * L_19 = (__this->____cert_13);
PKCS12_t1146479063_0 * L_20 = V_0;
NullCheck(L_20);
ArrayList_t536890563_0 * L_21 = PKCS12_get_Keys_m_1097686296_0(L_20, /*hidden argument*/NULL);
NullCheck(L_21);
Object_t * L_22 = (Object_t *)VirtFuncInvoker1< Object_t *, int32_t >::Invoke(21 /* System.Object System.Collections.ArrayList::get_Item(System.Int32) */, L_21, 0);
NullCheck(L_19);
X509Certificate_set_DSA_m1562150692_0(L_19, ((DSA_t1573103491_0 *)IsInstClass(L_22, DSA_t1573103491_0_il2cpp_TypeInfo_var)), /*hidden argument*/NULL);
}
IL_0091:
{
return;
}
}
// System.Void System.Security.Cryptography.X509Certificates.X509Certificate2::Import(System.Byte[],System.String,System.Security.Cryptography.X509Certificates.X509KeyStorageFlags)
extern TypeInfo* X509Certificate_t219648422_0_il2cpp_TypeInfo_var;
extern TypeInfo* Exception_t2143823668_0_il2cpp_TypeInfo_var;
extern TypeInfo* Object_t_il2cpp_TypeInfo_var;
extern TypeInfo* CryptographicException_t_946073705_0_il2cpp_TypeInfo_var;
extern Il2CppCodeGenString* _stringLiteral1992575089_0;
extern "C" void X509Certificate2_Import_m295659102_0 (X509Certificate2_t1644507188_0 * __this, ByteU5BU5D_t_1238178395_0* ___rawData, String_t* ___password, int32_t ___keyStorageFlags, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
X509Certificate_t219648422_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(672);
Exception_t2143823668_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(45);
Object_t_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(0);
CryptographicException_t_946073705_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(131);
_stringLiteral1992575089_0 = il2cpp_codegen_string_literal_from_index(1442);
s_Il2CppMethodIntialized = true;
}
Exception_t2143823668_0 * V_0 = {0};
String_t* V_1 = {0};
Exception_t2143823668_0 * __last_unhandled_exception = 0;
NO_UNUSED_WARNING (__last_unhandled_exception);
Exception_t2143823668_0 * __exception_local = 0;
NO_UNUSED_WARNING (__exception_local);
int32_t __leave_target = 0;
NO_UNUSED_WARNING (__leave_target);
{
ByteU5BU5D_t_1238178395_0* L_0 = ___rawData;
String_t* L_1 = ___password;
int32_t L_2 = ___keyStorageFlags;
X509Certificate_Import_m2045724600_0(__this, L_0, L_1, L_2, /*hidden argument*/NULL);
String_t* L_3 = ___password;
if (L_3)
{
goto IL_0051;
}
}
IL_000f:
try
{ // begin try (depth: 1)
ByteU5BU5D_t_1238178395_0* L_4 = ___rawData;
X509Certificate_t219648422_0 * L_5 = (X509Certificate_t219648422_0 *)il2cpp_codegen_object_new (X509Certificate_t219648422_0_il2cpp_TypeInfo_var);
X509Certificate__ctor_m1688356825_0(L_5, L_4, /*hidden argument*/NULL);
__this->____cert_13 = L_5;
goto IL_004c;
} // end try (depth: 1)
catch(Il2CppExceptionWrapper& e)
{
__exception_local = (Exception_t2143823668_0 *)e.ex;
if(il2cpp_codegen_class_is_assignable_from (Exception_t2143823668_0_il2cpp_TypeInfo_var, e.ex->object.klass))
goto CATCH_0020;
throw e;
}
CATCH_0020:
{ // begin catch(System.Exception)
{
V_0 = ((Exception_t2143823668_0 *)__exception_local);
}
IL_0021:
try
{ // begin try (depth: 2)
ByteU5BU5D_t_1238178395_0* L_6 = ___rawData;
X509Certificate2_ImportPkcs12_m976921138_0(__this, L_6, (String_t*)NULL, /*hidden argument*/NULL);
goto IL_0047;
} // end try (depth: 2)
catch(Il2CppExceptionWrapper& e)
{
__exception_local = (Exception_t2143823668_0 *)e.ex;
if(il2cpp_codegen_class_is_assignable_from (Object_t_il2cpp_TypeInfo_var, e.ex->object.klass))
goto CATCH_002e;
throw e;
}
CATCH_002e:
{ // begin catch(System.Object)
{
String_t* L_7 = Locale_GetText_m_1025094110_0(NULL /*static, unused*/, _stringLiteral1992575089_0, /*hidden argument*/NULL);
V_1 = L_7;
String_t* L_8 = V_1;
Exception_t2143823668_0 * L_9 = V_0;
CryptographicException_t_946073705_0 * L_10 = (CryptographicException_t_946073705_0 *)il2cpp_codegen_object_new (CryptographicException_t_946073705_0_il2cpp_TypeInfo_var);
CryptographicException__ctor_m_1752690547_0(L_10, L_8, L_9, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_10);
}
IL_0042:
{
goto IL_0047;
}
} // end catch (depth: 2)
IL_0047:
{
goto IL_004c;
}
} // end catch (depth: 1)
IL_004c:
{
goto IL_0070;
}
IL_0051:
try
{ // begin try (depth: 1)
ByteU5BU5D_t_1238178395_0* L_11 = ___rawData;
String_t* L_12 = ___password;
X509Certificate2_ImportPkcs12_m976921138_0(__this, L_11, L_12, /*hidden argument*/NULL);
goto IL_0070;
} // end try (depth: 1)
catch(Il2CppExceptionWrapper& e)
{
__exception_local = (Exception_t2143823668_0 *)e.ex;
if(il2cpp_codegen_class_is_assignable_from (Object_t_il2cpp_TypeInfo_var, e.ex->object.klass))
goto CATCH_005e;
throw e;
}
CATCH_005e:
{ // begin catch(System.Object)
ByteU5BU5D_t_1238178395_0* L_13 = ___rawData;
X509Certificate_t219648422_0 * L_14 = (X509Certificate_t219648422_0 *)il2cpp_codegen_object_new (X509Certificate_t219648422_0_il2cpp_TypeInfo_var);
X509Certificate__ctor_m1688356825_0(L_14, L_13, /*hidden argument*/NULL);
__this->____cert_13 = L_14;
goto IL_0070;
} // end catch (depth: 1)
IL_0070:
{
return;
}
}
// System.Void System.Security.Cryptography.X509Certificates.X509Certificate2::Reset()
extern TypeInfo* String_t_il2cpp_TypeInfo_var;
extern "C" void X509Certificate2_Reset_m1463369551_0 (X509Certificate2_t1644507188_0 * __this, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
String_t_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(11);
s_Il2CppMethodIntialized = true;
}
{
__this->____cert_13 = (X509Certificate_t219648422_0 *)NULL;
__this->____archived_5 = (bool)0;
__this->____extensions_6 = (X509ExtensionCollection_t_424340636_0 *)NULL;
IL2CPP_RUNTIME_CLASS_INIT(String_t_il2cpp_TypeInfo_var);
String_t* L_0 = ((String_t_StaticFields*)String_t_il2cpp_TypeInfo_var->static_fields)->___Empty_2;
__this->____name_7 = L_0;
__this->____serial_8 = (String_t*)NULL;
__this->____publicKey_9 = (PublicKey_t_188668797_0 *)NULL;
__this->___issuer_name_10 = (X500DistinguishedName_t414226495_0 *)NULL;
__this->___subject_name_11 = (X500DistinguishedName_t414226495_0 *)NULL;
__this->___signature_algorithm_12 = (Oid_t1024680945_0 *)NULL;
X509Certificate_Reset_m_125048279_0(__this, /*hidden argument*/NULL);
return;
}
}
// System.String System.Security.Cryptography.X509Certificates.X509Certificate2::ToString()
extern Il2CppCodeGenString* _stringLiteral708750714_0;
extern "C" String_t* X509Certificate2_ToString_m_1779297807_0 (X509Certificate2_t1644507188_0 * __this, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
_stringLiteral708750714_0 = il2cpp_codegen_string_literal_from_index(2260);
s_Il2CppMethodIntialized = true;
}
{
X509Certificate_t219648422_0 * L_0 = (__this->____cert_13);
if (L_0)
{
goto IL_0011;
}
}
{
return _stringLiteral708750714_0;
}
IL_0011:
{
String_t* L_1 = X509Certificate_ToString_m_2084474520_0(__this, (bool)1, /*hidden argument*/NULL);
return L_1;
}
}
// System.String System.Security.Cryptography.X509Certificates.X509Certificate2::ToString(System.Boolean)
extern TypeInfo* StringBuilder_t586045924_0_il2cpp_TypeInfo_var;
extern TypeInfo* Int32_t1628762099_0_il2cpp_TypeInfo_var;
extern TypeInfo* DateTime_t_818288618_0_il2cpp_TypeInfo_var;
extern TypeInfo* RSA_t1573116945_0_il2cpp_TypeInfo_var;
extern TypeInfo* DSA_t1573103491_0_il2cpp_TypeInfo_var;
extern TypeInfo* X509Certificate2_t1644507188_0_il2cpp_TypeInfo_var;
extern Il2CppCodeGenString* _stringLiteral708750714_0;
extern Il2CppCodeGenString* _stringLiteral_695946663_0;
extern Il2CppCodeGenString* _stringLiteral457129483_0;
extern Il2CppCodeGenString* _stringLiteral_1987300088_0;
extern Il2CppCodeGenString* _stringLiteral1651127490_0;
extern Il2CppCodeGenString* _stringLiteral_285874347_0;
extern Il2CppCodeGenString* _stringLiteral627949544_0;
extern Il2CppCodeGenString* _stringLiteral1761623786_0;
extern Il2CppCodeGenString* _stringLiteral283790875_0;
extern Il2CppCodeGenString* _stringLiteral_1490112857_0;
extern Il2CppCodeGenString* _stringLiteral81440_0;
extern Il2CppCodeGenString* _stringLiteral67986_0;
extern Il2CppCodeGenString* _stringLiteral_2004947111_0;
extern Il2CppCodeGenString* _stringLiteral_1485933384_0;
extern "C" String_t* X509Certificate2_ToString_m1920339368_0 (X509Certificate2_t1644507188_0 * __this, bool ___verbose, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
StringBuilder_t586045924_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(36);
Int32_t1628762099_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(8);
DateTime_t_818288618_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(172);
RSA_t1573116945_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(502);
DSA_t1573103491_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(489);
X509Certificate2_t1644507188_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(668);
_stringLiteral708750714_0 = il2cpp_codegen_string_literal_from_index(2260);
_stringLiteral_695946663_0 = il2cpp_codegen_string_literal_from_index(2261);
_stringLiteral457129483_0 = il2cpp_codegen_string_literal_from_index(1437);
_stringLiteral_1987300088_0 = il2cpp_codegen_string_literal_from_index(1438);
_stringLiteral1651127490_0 = il2cpp_codegen_string_literal_from_index(2262);
_stringLiteral_285874347_0 = il2cpp_codegen_string_literal_from_index(1439);
_stringLiteral627949544_0 = il2cpp_codegen_string_literal_from_index(1440);
_stringLiteral1761623786_0 = il2cpp_codegen_string_literal_from_index(2263);
_stringLiteral283790875_0 = il2cpp_codegen_string_literal_from_index(2264);
_stringLiteral_1490112857_0 = il2cpp_codegen_string_literal_from_index(2265);
_stringLiteral81440_0 = il2cpp_codegen_string_literal_from_index(1465);
_stringLiteral67986_0 = il2cpp_codegen_string_literal_from_index(1469);
_stringLiteral_2004947111_0 = il2cpp_codegen_string_literal_from_index(2266);
_stringLiteral_1485933384_0 = il2cpp_codegen_string_literal_from_index(2267);
s_Il2CppMethodIntialized = true;
}
String_t* V_0 = {0};
StringBuilder_t586045924_0 * V_1 = {0};
AsymmetricAlgorithm_t1451338986_0 * V_2 = {0};
{
X509Certificate_t219648422_0 * L_0 = (__this->____cert_13);
if (L_0)
{
goto IL_0011;
}
}
{
return _stringLiteral708750714_0;
}
IL_0011:
{
bool L_1 = ___verbose;
if (L_1)
{
goto IL_001f;
}
}
{
String_t* L_2 = X509Certificate_ToString_m_2084474520_0(__this, (bool)1, /*hidden argument*/NULL);
return L_2;
}
IL_001f:
{
String_t* L_3 = Environment_get_NewLine_m1034655108_0(NULL /*static, unused*/, /*hidden argument*/NULL);
V_0 = L_3;
StringBuilder_t586045924_0 * L_4 = (StringBuilder_t586045924_0 *)il2cpp_codegen_object_new (StringBuilder_t586045924_0_il2cpp_TypeInfo_var);
StringBuilder__ctor_m135953004_0(L_4, /*hidden argument*/NULL);
V_1 = L_4;
StringBuilder_t586045924_0 * L_5 = V_1;
String_t* L_6 = V_0;
int32_t L_7 = X509Certificate2_get_Version_m_1027313281_0(__this, /*hidden argument*/NULL);
int32_t L_8 = L_7;
Object_t * L_9 = Box(Int32_t1628762099_0_il2cpp_TypeInfo_var, &L_8);
NullCheck(L_5);
StringBuilder_AppendFormat_m_807612160_0(L_5, _stringLiteral_695946663_0, L_6, L_9, /*hidden argument*/NULL);
StringBuilder_t586045924_0 * L_10 = V_1;
String_t* L_11 = V_0;
String_t* L_12 = X509Certificate_get_Subject_m_281987648_0(__this, /*hidden argument*/NULL);
NullCheck(L_10);
StringBuilder_AppendFormat_m_807612160_0(L_10, _stringLiteral457129483_0, L_11, L_12, /*hidden argument*/NULL);
StringBuilder_t586045924_0 * L_13 = V_1;
String_t* L_14 = V_0;
String_t* L_15 = X509Certificate_get_Issuer_m681285767_0(__this, /*hidden argument*/NULL);
NullCheck(L_13);
StringBuilder_AppendFormat_m_807612160_0(L_13, _stringLiteral_1987300088_0, L_14, L_15, /*hidden argument*/NULL);
StringBuilder_t586045924_0 * L_16 = V_1;
String_t* L_17 = V_0;
String_t* L_18 = X509Certificate2_get_SerialNumber_m_1022240341_0(__this, /*hidden argument*/NULL);
NullCheck(L_16);
StringBuilder_AppendFormat_m_807612160_0(L_16, _stringLiteral1651127490_0, L_17, L_18, /*hidden argument*/NULL);
StringBuilder_t586045924_0 * L_19 = V_1;
String_t* L_20 = V_0;
DateTime_t_818288618_0 L_21 = X509Certificate2_get_NotBefore_m_237486960_0(__this, /*hidden argument*/NULL);
DateTime_t_818288618_0 L_22 = L_21;
Object_t * L_23 = Box(DateTime_t_818288618_0_il2cpp_TypeInfo_var, &L_22);
NullCheck(L_19);
StringBuilder_AppendFormat_m_807612160_0(L_19, _stringLiteral_285874347_0, L_20, L_23, /*hidden argument*/NULL);
StringBuilder_t586045924_0 * L_24 = V_1;
String_t* L_25 = V_0;
DateTime_t_818288618_0 L_26 = X509Certificate2_get_NotAfter_m_853905907_0(__this, /*hidden argument*/NULL);
DateTime_t_818288618_0 L_27 = L_26;
Object_t * L_28 = Box(DateTime_t_818288618_0_il2cpp_TypeInfo_var, &L_27);
NullCheck(L_24);
StringBuilder_AppendFormat_m_807612160_0(L_24, _stringLiteral627949544_0, L_25, L_28, /*hidden argument*/NULL);
StringBuilder_t586045924_0 * L_29 = V_1;
String_t* L_30 = V_0;
String_t* L_31 = X509Certificate2_get_Thumbprint_m1619061413_0(__this, /*hidden argument*/NULL);
NullCheck(L_29);
StringBuilder_AppendFormat_m_807612160_0(L_29, _stringLiteral1761623786_0, L_30, L_31, /*hidden argument*/NULL);
StringBuilder_t586045924_0 * L_32 = V_1;
String_t* L_33 = V_0;
Oid_t1024680945_0 * L_34 = X509Certificate2_get_SignatureAlgorithm_m_969560886_0(__this, /*hidden argument*/NULL);
NullCheck(L_34);
String_t* L_35 = Oid_get_FriendlyName_m937320993_0(L_34, /*hidden argument*/NULL);
Oid_t1024680945_0 * L_36 = X509Certificate2_get_SignatureAlgorithm_m_969560886_0(__this, /*hidden argument*/NULL);
NullCheck(L_36);
String_t* L_37 = Oid_get_Value_m216923304_0(L_36, /*hidden argument*/NULL);
NullCheck(L_32);
StringBuilder_AppendFormat_m508648398_0(L_32, _stringLiteral283790875_0, L_33, L_35, L_37, /*hidden argument*/NULL);
PublicKey_t_188668797_0 * L_38 = X509Certificate2_get_PublicKey_m1236823063_0(__this, /*hidden argument*/NULL);
NullCheck(L_38);
AsymmetricAlgorithm_t1451338986_0 * L_39 = PublicKey_get_Key_m_2000693542_0(L_38, /*hidden argument*/NULL);
V_2 = L_39;
StringBuilder_t586045924_0 * L_40 = V_1;
String_t* L_41 = V_0;
NullCheck(L_40);
StringBuilder_AppendFormat_m_571775566_0(L_40, _stringLiteral_1490112857_0, L_41, /*hidden argument*/NULL);
AsymmetricAlgorithm_t1451338986_0 * L_42 = V_2;
if (!((RSA_t1573116945_0 *)IsInstClass(L_42, RSA_t1573116945_0_il2cpp_TypeInfo_var)))
{
goto IL_0117;
}
}
{
StringBuilder_t586045924_0 * L_43 = V_1;
NullCheck(L_43);
StringBuilder_Append_m_396877221_0(L_43, _stringLiteral81440_0, /*hidden argument*/NULL);
goto IL_0140;
}
IL_0117:
{
AsymmetricAlgorithm_t1451338986_0 * L_44 = V_2;
if (!((DSA_t1573103491_0 *)IsInstClass(L_44, DSA_t1573103491_0_il2cpp_TypeInfo_var)))
{
goto IL_0133;
}
}
{
StringBuilder_t586045924_0 * L_45 = V_1;
NullCheck(L_45);
StringBuilder_Append_m_396877221_0(L_45, _stringLiteral67986_0, /*hidden argument*/NULL);
goto IL_0140;
}
IL_0133:
{
StringBuilder_t586045924_0 * L_46 = V_1;
AsymmetricAlgorithm_t1451338986_0 * L_47 = V_2;
NullCheck(L_47);
String_t* L_48 = (String_t*)VirtFuncInvoker0< String_t* >::Invoke(3 /* System.String System.Object::ToString() */, L_47);
NullCheck(L_46);
StringBuilder_Append_m_396877221_0(L_46, L_48, /*hidden argument*/NULL);
}
IL_0140:
{
StringBuilder_t586045924_0 * L_49 = V_1;
String_t* L_50 = V_0;
AsymmetricAlgorithm_t1451338986_0 * L_51 = V_2;
NullCheck(L_51);
int32_t L_52 = (int32_t)VirtFuncInvoker0< int32_t >::Invoke(5 /* System.Int32 System.Security.Cryptography.AsymmetricAlgorithm::get_KeySize() */, L_51);
int32_t L_53 = L_52;
Object_t * L_54 = Box(Int32_t1628762099_0_il2cpp_TypeInfo_var, &L_53);
NullCheck(L_49);
StringBuilder_AppendFormat_m_807612160_0(L_49, _stringLiteral_2004947111_0, L_50, L_54, /*hidden argument*/NULL);
StringBuilder_t586045924_0 * L_55 = V_1;
PublicKey_t_188668797_0 * L_56 = X509Certificate2_get_PublicKey_m1236823063_0(__this, /*hidden argument*/NULL);
NullCheck(L_56);
AsnEncodedData_t_194939595_0 * L_57 = PublicKey_get_EncodedKeyValue_m334858790_0(L_56, /*hidden argument*/NULL);
NullCheck(L_57);
ByteU5BU5D_t_1238178395_0* L_58 = AsnEncodedData_get_RawData_m334685068_0(L_57, /*hidden argument*/NULL);
IL2CPP_RUNTIME_CLASS_INIT(X509Certificate2_t1644507188_0_il2cpp_TypeInfo_var);
X509Certificate2_AppendBuffer_m158196497_0(NULL /*static, unused*/, L_55, L_58, /*hidden argument*/NULL);
StringBuilder_t586045924_0 * L_59 = V_1;
String_t* L_60 = V_0;
NullCheck(L_59);
StringBuilder_AppendFormat_m_571775566_0(L_59, _stringLiteral_1485933384_0, L_60, /*hidden argument*/NULL);
StringBuilder_t586045924_0 * L_61 = V_1;
PublicKey_t_188668797_0 * L_62 = X509Certificate2_get_PublicKey_m1236823063_0(__this, /*hidden argument*/NULL);
NullCheck(L_62);
AsnEncodedData_t_194939595_0 * L_63 = PublicKey_get_EncodedParameters_m_616556802_0(L_62, /*hidden argument*/NULL);
NullCheck(L_63);
ByteU5BU5D_t_1238178395_0* L_64 = AsnEncodedData_get_RawData_m334685068_0(L_63, /*hidden argument*/NULL);
X509Certificate2_AppendBuffer_m158196497_0(NULL /*static, unused*/, L_61, L_64, /*hidden argument*/NULL);
StringBuilder_t586045924_0 * L_65 = V_1;
String_t* L_66 = V_0;
NullCheck(L_65);
StringBuilder_Append_m_396877221_0(L_65, L_66, /*hidden argument*/NULL);
StringBuilder_t586045924_0 * L_67 = V_1;
NullCheck(L_67);
String_t* L_68 = StringBuilder_ToString_m350379841_0(L_67, /*hidden argument*/NULL);
return L_68;
}
}
// System.Void System.Security.Cryptography.X509Certificates.X509Certificate2::AppendBuffer(System.Text.StringBuilder,System.Byte[])
extern Il2CppCodeGenString* _stringLiteral3770_0;
extern Il2CppCodeGenString* _stringLiteral32_0;
extern "C" void X509Certificate2_AppendBuffer_m158196497_0 (Object_t * __this /* static, unused */, StringBuilder_t586045924_0 * ___sb, ByteU5BU5D_t_1238178395_0* ___buffer, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
_stringLiteral3770_0 = il2cpp_codegen_string_literal_from_index(132);
_stringLiteral32_0 = il2cpp_codegen_string_literal_from_index(232);
s_Il2CppMethodIntialized = true;
}
int32_t V_0 = 0;
{
ByteU5BU5D_t_1238178395_0* L_0 = ___buffer;
if (L_0)
{
goto IL_0007;
}
}
{
return;
}
IL_0007:
{
V_0 = 0;
goto IL_0041;
}
IL_000e:
{
StringBuilder_t586045924_0 * L_1 = ___sb;
ByteU5BU5D_t_1238178395_0* L_2 = ___buffer;
int32_t L_3 = V_0;
NullCheck(L_2);
IL2CPP_ARRAY_BOUNDS_CHECK(L_2, L_3);
String_t* L_4 = Byte_ToString_m_329952990_0(((uint8_t*)(uint8_t*)SZArrayLdElema(L_2, L_3, sizeof(uint8_t))), _stringLiteral3770_0, /*hidden argument*/NULL);
NullCheck(L_1);
StringBuilder_Append_m_396877221_0(L_1, L_4, /*hidden argument*/NULL);
int32_t L_5 = V_0;
ByteU5BU5D_t_1238178395_0* L_6 = ___buffer;
NullCheck(L_6);
if ((((int32_t)L_5) >= ((int32_t)((int32_t)((int32_t)(((int32_t)((int32_t)(((Array_t *)L_6)->max_length))))-(int32_t)1)))))
{
goto IL_003d;
}
}
{
StringBuilder_t586045924_0 * L_7 = ___sb;
NullCheck(L_7);
StringBuilder_Append_m_396877221_0(L_7, _stringLiteral32_0, /*hidden argument*/NULL);
}
IL_003d:
{
int32_t L_8 = V_0;
V_0 = ((int32_t)((int32_t)L_8+(int32_t)1));
}
IL_0041:
{
int32_t L_9 = V_0;
ByteU5BU5D_t_1238178395_0* L_10 = ___buffer;
NullCheck(L_10);
if ((((int32_t)L_9) < ((int32_t)(((int32_t)((int32_t)(((Array_t *)L_10)->max_length)))))))
{
goto IL_000e;
}
}
{
return;
}
}
// System.Boolean System.Security.Cryptography.X509Certificates.X509Certificate2::Verify()
extern TypeInfo* X509Certificate2_t1644507188_0_il2cpp_TypeInfo_var;
extern TypeInfo* CryptographicException_t_946073705_0_il2cpp_TypeInfo_var;
extern TypeInfo* CryptoConfig_t545185970_0_il2cpp_TypeInfo_var;
extern TypeInfo* X509Chain_t_259668440_0_il2cpp_TypeInfo_var;
extern Il2CppCodeGenString* _stringLiteral_915099461_0;
extern "C" bool X509Certificate2_Verify_m1278605553_0 (X509Certificate2_t1644507188_0 * __this, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
X509Certificate2_t1644507188_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(668);
CryptographicException_t_946073705_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(131);
CryptoConfig_t545185970_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(148);
X509Chain_t_259668440_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(673);
_stringLiteral_915099461_0 = il2cpp_codegen_string_literal_from_index(1554);
s_Il2CppMethodIntialized = true;
}
X509Chain_t_259668440_0 * V_0 = {0};
{
X509Certificate_t219648422_0 * L_0 = (__this->____cert_13);
if (L_0)
{
goto IL_0016;
}
}
{
IL2CPP_RUNTIME_CLASS_INIT(X509Certificate2_t1644507188_0_il2cpp_TypeInfo_var);
String_t* L_1 = ((X509Certificate2_t1644507188_0_StaticFields*)X509Certificate2_t1644507188_0_il2cpp_TypeInfo_var->static_fields)->___empty_error_14;
CryptographicException_t_946073705_0 * L_2 = (CryptographicException_t_946073705_0 *)il2cpp_codegen_object_new (CryptographicException_t_946073705_0_il2cpp_TypeInfo_var);
CryptographicException__ctor_m_1894244407_0(L_2, L_1, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_2);
}
IL_0016:
{
IL2CPP_RUNTIME_CLASS_INIT(CryptoConfig_t545185970_0_il2cpp_TypeInfo_var);
Object_t * L_3 = CryptoConfig_CreateFromName_m_817873472_0(NULL /*static, unused*/, _stringLiteral_915099461_0, /*hidden argument*/NULL);
V_0 = ((X509Chain_t_259668440_0 *)CastclassClass(L_3, X509Chain_t_259668440_0_il2cpp_TypeInfo_var));
X509Chain_t_259668440_0 * L_4 = V_0;
NullCheck(L_4);
bool L_5 = X509Chain_Build_m417178512_0(L_4, __this, /*hidden argument*/NULL);
if (L_5)
{
goto IL_0034;
}
}
{
return (bool)0;
}
IL_0034:
{
return (bool)1;
}
}
// Mono.Security.X509.X509Certificate System.Security.Cryptography.X509Certificates.X509Certificate2::get_MonoCertificate()
extern "C" X509Certificate_t219648422_0 * X509Certificate2_get_MonoCertificate_m_1746327304_0 (X509Certificate2_t1644507188_0 * __this, const MethodInfo* method)
{
{
X509Certificate_t219648422_0 * L_0 = (__this->____cert_13);
return L_0;
}
}
// System.Void System.Security.Cryptography.X509Certificates.X509Certificate2Collection::.ctor()
extern "C" void X509Certificate2Collection__ctor_m769271012_0 (X509Certificate2Collection_t_1899689486_0 * __this, const MethodInfo* method)
{
{
X509CertificateCollection__ctor_m784073364_0(__this, /*hidden argument*/NULL);
return;
}
}
// System.Void System.Security.Cryptography.X509Certificates.X509Certificate2Collection::.ctor(System.Security.Cryptography.X509Certificates.X509Certificate2Collection)
extern "C" void X509Certificate2Collection__ctor_m576565548_0 (X509Certificate2Collection_t_1899689486_0 * __this, X509Certificate2Collection_t_1899689486_0 * ___certificates, const MethodInfo* method)
{
{
X509CertificateCollection__ctor_m784073364_0(__this, /*hidden argument*/NULL);
X509Certificate2Collection_t_1899689486_0 * L_0 = ___certificates;
X509Certificate2Collection_AddRange_m1617477316_0(__this, L_0, /*hidden argument*/NULL);
return;
}
}
// System.Security.Cryptography.X509Certificates.X509Certificate2 System.Security.Cryptography.X509Certificates.X509Certificate2Collection::get_Item(System.Int32)
extern TypeInfo* ArgumentOutOfRangeException_t_1011290529_0_il2cpp_TypeInfo_var;
extern TypeInfo* X509Certificate2_t1644507188_0_il2cpp_TypeInfo_var;
extern Il2CppCodeGenString* _stringLiteral682528039_0;
extern Il2CppCodeGenString* _stringLiteral_389876516_0;
extern "C" X509Certificate2_t1644507188_0 * X509Certificate2Collection_get_Item_m1131271090_0 (X509Certificate2Collection_t_1899689486_0 * __this, int32_t ___index, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
ArgumentOutOfRangeException_t_1011290529_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(27);
X509Certificate2_t1644507188_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(668);
_stringLiteral682528039_0 = il2cpp_codegen_string_literal_from_index(2268);
_stringLiteral_389876516_0 = il2cpp_codegen_string_literal_from_index(2269);
s_Il2CppMethodIntialized = true;
}
{
int32_t L_0 = ___index;
if ((((int32_t)L_0) >= ((int32_t)0)))
{
goto IL_0012;
}
}
{
ArgumentOutOfRangeException_t_1011290529_0 * L_1 = (ArgumentOutOfRangeException_t_1011290529_0 *)il2cpp_codegen_object_new (ArgumentOutOfRangeException_t_1011290529_0_il2cpp_TypeInfo_var);
ArgumentOutOfRangeException__ctor_m2026296331_0(L_1, _stringLiteral682528039_0, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_1);
}
IL_0012:
{
int32_t L_2 = ___index;
ArrayList_t536890563_0 * L_3 = CollectionBase_get_InnerList_m_1454087326_0(__this, /*hidden argument*/NULL);
NullCheck(L_3);
int32_t L_4 = (int32_t)VirtFuncInvoker0< int32_t >::Invoke(23 /* System.Int32 System.Collections.ArrayList::get_Count() */, L_3);
if ((((int32_t)L_2) < ((int32_t)L_4)))
{
goto IL_002e;
}
}
{
ArgumentOutOfRangeException_t_1011290529_0 * L_5 = (ArgumentOutOfRangeException_t_1011290529_0 *)il2cpp_codegen_object_new (ArgumentOutOfRangeException_t_1011290529_0_il2cpp_TypeInfo_var);
ArgumentOutOfRangeException__ctor_m2026296331_0(L_5, _stringLiteral_389876516_0, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_5);
}
IL_002e:
{
ArrayList_t536890563_0 * L_6 = CollectionBase_get_InnerList_m_1454087326_0(__this, /*hidden argument*/NULL);
int32_t L_7 = ___index;
NullCheck(L_6);
Object_t * L_8 = (Object_t *)VirtFuncInvoker1< Object_t *, int32_t >::Invoke(21 /* System.Object System.Collections.ArrayList::get_Item(System.Int32) */, L_6, L_7);
return ((X509Certificate2_t1644507188_0 *)CastclassClass(L_8, X509Certificate2_t1644507188_0_il2cpp_TypeInfo_var));
}
}
// System.Int32 System.Security.Cryptography.X509Certificates.X509Certificate2Collection::Add(System.Security.Cryptography.X509Certificates.X509Certificate2)
extern TypeInfo* ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var;
extern Il2CppCodeGenString* _stringLiteral1952399767_0;
extern "C" int32_t X509Certificate2Collection_Add_m1268164793_0 (X509Certificate2Collection_t_1899689486_0 * __this, X509Certificate2_t1644507188_0 * ___certificate, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(2);
_stringLiteral1952399767_0 = il2cpp_codegen_string_literal_from_index(2270);
s_Il2CppMethodIntialized = true;
}
{
X509Certificate2_t1644507188_0 * L_0 = ___certificate;
if (L_0)
{
goto IL_0011;
}
}
{
ArgumentNullException_t_1072101840_0 * L_1 = (ArgumentNullException_t_1072101840_0 *)il2cpp_codegen_object_new (ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var);
ArgumentNullException__ctor_m135444188_0(L_1, _stringLiteral1952399767_0, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_1);
}
IL_0011:
{
ArrayList_t536890563_0 * L_2 = CollectionBase_get_InnerList_m_1454087326_0(__this, /*hidden argument*/NULL);
X509Certificate2_t1644507188_0 * L_3 = ___certificate;
NullCheck(L_2);
int32_t L_4 = (int32_t)VirtFuncInvoker1< int32_t, Object_t * >::Invoke(30 /* System.Int32 System.Collections.ArrayList::Add(System.Object) */, L_2, L_3);
return L_4;
}
}
// System.Void System.Security.Cryptography.X509Certificates.X509Certificate2Collection::AddRange(System.Security.Cryptography.X509Certificates.X509Certificate2Collection)
extern TypeInfo* ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var;
extern Il2CppCodeGenString* _stringLiteral394850748_0;
extern "C" void X509Certificate2Collection_AddRange_m1617477316_0 (X509Certificate2Collection_t_1899689486_0 * __this, X509Certificate2Collection_t_1899689486_0 * ___certificates, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(2);
_stringLiteral394850748_0 = il2cpp_codegen_string_literal_from_index(2140);
s_Il2CppMethodIntialized = true;
}
{
X509Certificate2Collection_t_1899689486_0 * L_0 = ___certificates;
if (L_0)
{
goto IL_0011;
}
}
{
ArgumentNullException_t_1072101840_0 * L_1 = (ArgumentNullException_t_1072101840_0 *)il2cpp_codegen_object_new (ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var);
ArgumentNullException__ctor_m135444188_0(L_1, _stringLiteral394850748_0, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_1);
}
IL_0011:
{
ArrayList_t536890563_0 * L_2 = CollectionBase_get_InnerList_m_1454087326_0(__this, /*hidden argument*/NULL);
X509Certificate2Collection_t_1899689486_0 * L_3 = ___certificates;
NullCheck(L_2);
VirtActionInvoker1< Object_t * >::Invoke(44 /* System.Void System.Collections.ArrayList::AddRange(System.Collections.ICollection) */, L_2, L_3);
return;
}
}
// System.Boolean System.Security.Cryptography.X509Certificates.X509Certificate2Collection::Contains(System.Security.Cryptography.X509Certificates.X509Certificate2)
extern TypeInfo* ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var;
extern TypeInfo* IEnumerator_t1412936761_0_il2cpp_TypeInfo_var;
extern TypeInfo* X509Certificate2_t1644507188_0_il2cpp_TypeInfo_var;
extern TypeInfo* IDisposable_t_2098447282_0_il2cpp_TypeInfo_var;
extern Il2CppCodeGenString* _stringLiteral1952399767_0;
extern "C" bool X509Certificate2Collection_Contains_m1344146715_0 (X509Certificate2Collection_t_1899689486_0 * __this, X509Certificate2_t1644507188_0 * ___certificate, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(2);
IEnumerator_t1412936761_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(159);
X509Certificate2_t1644507188_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(668);
IDisposable_t_2098447282_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(142);
_stringLiteral1952399767_0 = il2cpp_codegen_string_literal_from_index(2270);
s_Il2CppMethodIntialized = true;
}
X509Certificate2_t1644507188_0 * V_0 = {0};
Object_t * V_1 = {0};
bool V_2 = false;
Object_t * V_3 = {0};
Exception_t2143823668_0 * __last_unhandled_exception = 0;
NO_UNUSED_WARNING (__last_unhandled_exception);
Exception_t2143823668_0 * __exception_local = 0;
NO_UNUSED_WARNING (__exception_local);
int32_t __leave_target = 0;
NO_UNUSED_WARNING (__leave_target);
{
X509Certificate2_t1644507188_0 * L_0 = ___certificate;
if (L_0)
{
goto IL_0011;
}
}
{
ArgumentNullException_t_1072101840_0 * L_1 = (ArgumentNullException_t_1072101840_0 *)il2cpp_codegen_object_new (ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var);
ArgumentNullException__ctor_m135444188_0(L_1, _stringLiteral1952399767_0, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_1);
}
IL_0011:
{
ArrayList_t536890563_0 * L_2 = CollectionBase_get_InnerList_m_1454087326_0(__this, /*hidden argument*/NULL);
NullCheck(L_2);
Object_t * L_3 = (Object_t *)VirtFuncInvoker0< Object_t * >::Invoke(43 /* System.Collections.IEnumerator System.Collections.ArrayList::GetEnumerator() */, L_2);
V_1 = L_3;
}
IL_001d:
try
{ // begin try (depth: 1)
{
goto IL_0041;
}
IL_0022:
{
Object_t * L_4 = V_1;
NullCheck(L_4);
Object_t * L_5 = (Object_t *)InterfaceFuncInvoker0< Object_t * >::Invoke(0 /* System.Object System.Collections.IEnumerator::get_Current() */, IEnumerator_t1412936761_0_il2cpp_TypeInfo_var, L_4);
V_0 = ((X509Certificate2_t1644507188_0 *)CastclassClass(L_5, X509Certificate2_t1644507188_0_il2cpp_TypeInfo_var));
X509Certificate2_t1644507188_0 * L_6 = V_0;
X509Certificate2_t1644507188_0 * L_7 = ___certificate;
NullCheck(L_6);
bool L_8 = (bool)VirtFuncInvoker1< bool, X509Certificate_t1524084820_0 * >::Invoke(6 /* System.Boolean System.Security.Cryptography.X509Certificates.X509Certificate::Equals(System.Security.Cryptography.X509Certificates.X509Certificate) */, L_6, L_7);
if (!L_8)
{
goto IL_0041;
}
}
IL_003a:
{
V_2 = (bool)1;
IL2CPP_LEAVE(0x65, FINALLY_0051);
}
IL_0041:
{
Object_t * L_9 = V_1;
NullCheck(L_9);
bool L_10 = (bool)InterfaceFuncInvoker0< bool >::Invoke(1 /* System.Boolean System.Collections.IEnumerator::MoveNext() */, IEnumerator_t1412936761_0_il2cpp_TypeInfo_var, L_9);
if (L_10)
{
goto IL_0022;
}
}
IL_004c:
{
IL2CPP_LEAVE(0x63, FINALLY_0051);
}
} // end try (depth: 1)
catch(Il2CppExceptionWrapper& e)
{
__last_unhandled_exception = (Exception_t2143823668_0 *)e.ex;
goto FINALLY_0051;
}
FINALLY_0051:
{ // begin finally (depth: 1)
{
Object_t * L_11 = V_1;
V_3 = ((Object_t *)IsInst(L_11, IDisposable_t_2098447282_0_il2cpp_TypeInfo_var));
Object_t * L_12 = V_3;
if (L_12)
{
goto IL_005c;
}
}
IL_005b:
{
IL2CPP_END_FINALLY(81)
}
IL_005c:
{
Object_t * L_13 = V_3;
NullCheck(L_13);
InterfaceActionInvoker0::Invoke(0 /* System.Void System.IDisposable::Dispose() */, IDisposable_t_2098447282_0_il2cpp_TypeInfo_var, L_13);
IL2CPP_END_FINALLY(81)
}
} // end finally (depth: 1)
IL2CPP_CLEANUP(81)
{
IL2CPP_JUMP_TBL(0x65, IL_0065)
IL2CPP_JUMP_TBL(0x63, IL_0063)
IL2CPP_RETHROW_IF_UNHANDLED(Exception_t2143823668_0 *)
}
IL_0063:
{
return (bool)0;
}
IL_0065:
{
bool L_14 = V_2;
return L_14;
}
}
// System.Security.Cryptography.X509Certificates.X509Certificate2Collection System.Security.Cryptography.X509Certificates.X509Certificate2Collection::Find(System.Security.Cryptography.X509Certificates.X509FindType,System.Object,System.Boolean)
extern TypeInfo* ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var;
extern TypeInfo* String_t_il2cpp_TypeInfo_var;
extern TypeInfo* DateTime_t_818288618_0_il2cpp_TypeInfo_var;
extern TypeInfo* Exception_t2143823668_0_il2cpp_TypeInfo_var;
extern TypeInfo* ObjectU5BU5D_t1774424924_0_il2cpp_TypeInfo_var;
extern TypeInfo* CryptographicException_t_946073705_0_il2cpp_TypeInfo_var;
extern TypeInfo* CryptoConfig_t545185970_0_il2cpp_TypeInfo_var;
extern TypeInfo* CryptographicUnexpectedOperationException_t1195262097_0_il2cpp_TypeInfo_var;
extern TypeInfo* ArgumentException_t1159624695_0_il2cpp_TypeInfo_var;
extern TypeInfo* Int32_t1628762099_0_il2cpp_TypeInfo_var;
extern TypeInfo* X509FindType_t1641478092_0_il2cpp_TypeInfo_var;
extern TypeInfo* CultureInfo_t_1039475404_0_il2cpp_TypeInfo_var;
extern TypeInfo* X509Certificate2Collection_t_1899689486_0_il2cpp_TypeInfo_var;
extern TypeInfo* IEnumerator_t1412936761_0_il2cpp_TypeInfo_var;
extern TypeInfo* X509Certificate2_t1644507188_0_il2cpp_TypeInfo_var;
extern TypeInfo* X509SubjectKeyIdentifierExtension_t_580700310_0_il2cpp_TypeInfo_var;
extern TypeInfo* X509KeyUsageExtension_t_1020729148_0_il2cpp_TypeInfo_var;
extern TypeInfo* Object_t_il2cpp_TypeInfo_var;
extern TypeInfo* IDisposable_t_2098447282_0_il2cpp_TypeInfo_var;
extern Il2CppCodeGenString* _stringLiteral421222200_0;
extern Il2CppCodeGenString* _stringLiteral2054421550_0;
extern Il2CppCodeGenString* _stringLiteral_891985903_0;
extern Il2CppCodeGenString* _stringLiteral_416715489_0;
extern Il2CppCodeGenString* _stringLiteral745463446_0;
extern Il2CppCodeGenString* _stringLiteral_1205773471_0;
extern Il2CppCodeGenString* _stringLiteral249048592_0;
extern Il2CppCodeGenString* _stringLiteral_455597451_0;
extern Il2CppCodeGenString* _stringLiteral_455597450_0;
extern "C" X509Certificate2Collection_t_1899689486_0 * X509Certificate2Collection_Find_m162772545_0 (X509Certificate2Collection_t_1899689486_0 * __this, int32_t ___findType, Object_t * ___findValue, bool ___validOnly, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(2);
String_t_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(11);
DateTime_t_818288618_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(172);
Exception_t2143823668_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(45);
ObjectU5BU5D_t1774424924_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(19);
CryptographicException_t_946073705_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(131);
CryptoConfig_t545185970_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(148);
CryptographicUnexpectedOperationException_t1195262097_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(485);
ArgumentException_t1159624695_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(4);
Int32_t1628762099_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(8);
X509FindType_t1641478092_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(674);
CultureInfo_t_1039475404_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(28);
X509Certificate2Collection_t_1899689486_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(675);
IEnumerator_t1412936761_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(159);
X509Certificate2_t1644507188_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(668);
X509SubjectKeyIdentifierExtension_t_580700310_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(676);
X509KeyUsageExtension_t_1020729148_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(677);
Object_t_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(0);
IDisposable_t_2098447282_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(142);
_stringLiteral421222200_0 = il2cpp_codegen_string_literal_from_index(2271);
_stringLiteral2054421550_0 = il2cpp_codegen_string_literal_from_index(2272);
_stringLiteral_891985903_0 = il2cpp_codegen_string_literal_from_index(2273);
_stringLiteral_416715489_0 = il2cpp_codegen_string_literal_from_index(2274);
_stringLiteral745463446_0 = il2cpp_codegen_string_literal_from_index(2275);
_stringLiteral_1205773471_0 = il2cpp_codegen_string_literal_from_index(2276);
_stringLiteral249048592_0 = il2cpp_codegen_string_literal_from_index(2277);
_stringLiteral_455597451_0 = il2cpp_codegen_string_literal_from_index(1546);
_stringLiteral_455597450_0 = il2cpp_codegen_string_literal_from_index(1548);
s_Il2CppMethodIntialized = true;
}
String_t* V_0 = {0};
String_t* V_1 = {0};
int32_t V_2 = {0};
DateTime_t_818288618_0 V_3 = {0};
Exception_t2143823668_0 * V_4 = {0};
String_t* V_5 = {0};
Exception_t2143823668_0 * V_6 = {0};
String_t* V_7 = {0};
String_t* V_8 = {0};
Exception_t2143823668_0 * V_9 = {0};
String_t* V_10 = {0};
Exception_t2143823668_0 * V_11 = {0};
String_t* V_12 = {0};
String_t* V_13 = {0};
CultureInfo_t_1039475404_0 * V_14 = {0};
X509Certificate2Collection_t_1899689486_0 * V_15 = {0};
X509Certificate2_t1644507188_0 * V_16 = {0};
Object_t * V_17 = {0};
bool V_18 = false;
String_t* V_19 = {0};
String_t* V_20 = {0};
X509SubjectKeyIdentifierExtension_t_580700310_0 * V_21 = {0};
X509KeyUsageExtension_t_1020729148_0 * V_22 = {0};
int32_t V_23 = {0};
Object_t * V_24 = {0};
Exception_t2143823668_0 * __last_unhandled_exception = 0;
NO_UNUSED_WARNING (__last_unhandled_exception);
Exception_t2143823668_0 * __exception_local = 0;
NO_UNUSED_WARNING (__exception_local);
int32_t __leave_target = 0;
NO_UNUSED_WARNING (__leave_target);
int32_t G_B31_0 = 0;
int32_t G_B51_0 = 0;
{
Object_t * L_0 = ___findValue;
if (L_0)
{
goto IL_0011;
}
}
{
ArgumentNullException_t_1072101840_0 * L_1 = (ArgumentNullException_t_1072101840_0 *)il2cpp_codegen_object_new (ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var);
ArgumentNullException__ctor_m135444188_0(L_1, _stringLiteral421222200_0, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_1);
}
IL_0011:
{
IL2CPP_RUNTIME_CLASS_INIT(String_t_il2cpp_TypeInfo_var);
String_t* L_2 = ((String_t_StaticFields*)String_t_il2cpp_TypeInfo_var->static_fields)->___Empty_2;
V_0 = L_2;
String_t* L_3 = ((String_t_StaticFields*)String_t_il2cpp_TypeInfo_var->static_fields)->___Empty_2;
V_1 = L_3;
V_2 = 0;
IL2CPP_RUNTIME_CLASS_INIT(DateTime_t_818288618_0_il2cpp_TypeInfo_var);
DateTime_t_818288618_0 L_4 = ((DateTime_t_818288618_0_StaticFields*)DateTime_t_818288618_0_il2cpp_TypeInfo_var->static_fields)->___MinValue_13;
V_3 = L_4;
int32_t L_5 = ___findType;
V_23 = L_5;
int32_t L_6 = V_23;
if (L_6 == 0)
{
goto IL_0070;
}
if (L_6 == 1)
{
goto IL_0070;
}
if (L_6 == 2)
{
goto IL_0070;
}
if (L_6 == 3)
{
goto IL_0070;
}
if (L_6 == 4)
{
goto IL_0070;
}
if (L_6 == 5)
{
goto IL_0070;
}
if (L_6 == 6)
{
goto IL_0174;
}
if (L_6 == 7)
{
goto IL_0174;
}
if (L_6 == 8)
{
goto IL_0174;
}
if (L_6 == 9)
{
goto IL_0070;
}
if (L_6 == 10)
{
goto IL_00b5;
}
if (L_6 == 11)
{
goto IL_00b5;
}
if (L_6 == 12)
{
goto IL_00b5;
}
if (L_6 == 13)
{
goto IL_012f;
}
if (L_6 == 14)
{
goto IL_0070;
}
}
{
goto IL_01b9;
}
IL_0070:
try
{ // begin try (depth: 1)
Object_t * L_7 = ___findValue;
V_0 = ((String_t*)CastclassSealed(L_7, String_t_il2cpp_TypeInfo_var));
goto IL_00b0;
} // end try (depth: 1)
catch(Il2CppExceptionWrapper& e)
{
__exception_local = (Exception_t2143823668_0 *)e.ex;
if(il2cpp_codegen_class_is_assignable_from (Exception_t2143823668_0_il2cpp_TypeInfo_var, e.ex->object.klass))
goto CATCH_007c;
throw e;
}
CATCH_007c:
{ // begin catch(System.Exception)
{
V_4 = ((Exception_t2143823668_0 *)__exception_local);
ObjectU5BU5D_t1774424924_0* L_8 = ((ObjectU5BU5D_t1774424924_0*)SZArrayNew(ObjectU5BU5D_t1774424924_0_il2cpp_TypeInfo_var, (uint32_t)2));
Object_t * L_9 = ___findValue;
NullCheck(L_9);
Type_t * L_10 = Object_GetType_m2022236990_0(L_9, /*hidden argument*/NULL);
NullCheck(L_8);
IL2CPP_ARRAY_BOUNDS_CHECK(L_8, 0);
ArrayElementTypeCheck (L_8, L_10);
*((Object_t **)(Object_t **)SZArrayLdElema(L_8, 0, sizeof(Object_t *))) = (Object_t *)L_10;
ObjectU5BU5D_t1774424924_0* L_11 = L_8;
NullCheck(L_11);
IL2CPP_ARRAY_BOUNDS_CHECK(L_11, 1);
ArrayElementTypeCheck (L_11, _stringLiteral_891985903_0);
*((Object_t **)(Object_t **)SZArrayLdElema(L_11, 1, sizeof(Object_t *))) = (Object_t *)_stringLiteral_891985903_0;
String_t* L_12 = Locale_GetText_m946430094_0(NULL /*static, unused*/, _stringLiteral2054421550_0, L_11, /*hidden argument*/NULL);
V_5 = L_12;
String_t* L_13 = V_5;
Exception_t2143823668_0 * L_14 = V_4;
CryptographicException_t_946073705_0 * L_15 = (CryptographicException_t_946073705_0 *)il2cpp_codegen_object_new (CryptographicException_t_946073705_0_il2cpp_TypeInfo_var);
CryptographicException__ctor_m_1752690547_0(L_15, L_13, L_14, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_15);
}
IL_00ab:
{
goto IL_00b0;
}
} // end catch (depth: 1)
IL_00b0:
{
goto IL_01dc;
}
IL_00b5:
try
{ // begin try (depth: 1)
Object_t * L_16 = ___findValue;
V_1 = ((String_t*)CastclassSealed(L_16, String_t_il2cpp_TypeInfo_var));
goto IL_00f5;
} // end try (depth: 1)
catch(Il2CppExceptionWrapper& e)
{
__exception_local = (Exception_t2143823668_0 *)e.ex;
if(il2cpp_codegen_class_is_assignable_from (Exception_t2143823668_0_il2cpp_TypeInfo_var, e.ex->object.klass))
goto CATCH_00c1;
throw e;
}
CATCH_00c1:
{ // begin catch(System.Exception)
{
V_6 = ((Exception_t2143823668_0 *)__exception_local);
ObjectU5BU5D_t1774424924_0* L_17 = ((ObjectU5BU5D_t1774424924_0*)SZArrayNew(ObjectU5BU5D_t1774424924_0_il2cpp_TypeInfo_var, (uint32_t)2));
Object_t * L_18 = ___findValue;
NullCheck(L_18);
Type_t * L_19 = Object_GetType_m2022236990_0(L_18, /*hidden argument*/NULL);
NullCheck(L_17);
IL2CPP_ARRAY_BOUNDS_CHECK(L_17, 0);
ArrayElementTypeCheck (L_17, L_19);
*((Object_t **)(Object_t **)SZArrayLdElema(L_17, 0, sizeof(Object_t *))) = (Object_t *)L_19;
ObjectU5BU5D_t1774424924_0* L_20 = L_17;
NullCheck(L_20);
IL2CPP_ARRAY_BOUNDS_CHECK(L_20, 1);
ArrayElementTypeCheck (L_20, _stringLiteral_416715489_0);
*((Object_t **)(Object_t **)SZArrayLdElema(L_20, 1, sizeof(Object_t *))) = (Object_t *)_stringLiteral_416715489_0;
String_t* L_21 = Locale_GetText_m946430094_0(NULL /*static, unused*/, _stringLiteral2054421550_0, L_20, /*hidden argument*/NULL);
V_7 = L_21;
String_t* L_22 = V_7;
Exception_t2143823668_0 * L_23 = V_6;
CryptographicException_t_946073705_0 * L_24 = (CryptographicException_t_946073705_0 *)il2cpp_codegen_object_new (CryptographicException_t_946073705_0_il2cpp_TypeInfo_var);
CryptographicException__ctor_m_1752690547_0(L_24, L_22, L_23, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_24);
}
IL_00f0:
{
goto IL_00f5;
}
} // end catch (depth: 1)
IL_00f5:
try
{ // begin try (depth: 1)
String_t* L_25 = V_1;
IL2CPP_RUNTIME_CLASS_INIT(CryptoConfig_t545185970_0_il2cpp_TypeInfo_var);
CryptoConfig_EncodeOID_m_695186360_0(NULL /*static, unused*/, L_25, /*hidden argument*/NULL);
goto IL_012a;
} // end try (depth: 1)
catch(Il2CppExceptionWrapper& e)
{
__exception_local = (Exception_t2143823668_0 *)e.ex;
if(il2cpp_codegen_class_is_assignable_from (CryptographicUnexpectedOperationException_t1195262097_0_il2cpp_TypeInfo_var, e.ex->object.klass))
goto CATCH_0101;
throw e;
}
CATCH_0101:
{ // begin catch(System.Security.Cryptography.CryptographicUnexpectedOperationException)
{
ObjectU5BU5D_t1774424924_0* L_26 = ((ObjectU5BU5D_t1774424924_0*)SZArrayNew(ObjectU5BU5D_t1774424924_0_il2cpp_TypeInfo_var, (uint32_t)1));
String_t* L_27 = V_1;
NullCheck(L_26);
IL2CPP_ARRAY_BOUNDS_CHECK(L_26, 0);
ArrayElementTypeCheck (L_26, L_27);
*((Object_t **)(Object_t **)SZArrayLdElema(L_26, 0, sizeof(Object_t *))) = (Object_t *)L_27;
String_t* L_28 = Locale_GetText_m946430094_0(NULL /*static, unused*/, _stringLiteral745463446_0, L_26, /*hidden argument*/NULL);
V_8 = L_28;
String_t* L_29 = V_8;
ArgumentException_t1159624695_0 * L_30 = (ArgumentException_t1159624695_0 *)il2cpp_codegen_object_new (ArgumentException_t1159624695_0_il2cpp_TypeInfo_var);
ArgumentException__ctor_m732321503_0(L_30, _stringLiteral421222200_0, L_29, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_30);
}
IL_0125:
{
goto IL_012a;
}
} // end catch (depth: 1)
IL_012a:
{
goto IL_01dc;
}
IL_012f:
try
{ // begin try (depth: 1)
Object_t * L_31 = ___findValue;
V_2 = ((*(int32_t*)((int32_t*)UnBox (L_31, Int32_t1628762099_0_il2cpp_TypeInfo_var))));
goto IL_016f;
} // end try (depth: 1)
catch(Il2CppExceptionWrapper& e)
{
__exception_local = (Exception_t2143823668_0 *)e.ex;
if(il2cpp_codegen_class_is_assignable_from (Exception_t2143823668_0_il2cpp_TypeInfo_var, e.ex->object.klass))
goto CATCH_013b;
throw e;
}
CATCH_013b:
{ // begin catch(System.Exception)
{
V_9 = ((Exception_t2143823668_0 *)__exception_local);
ObjectU5BU5D_t1774424924_0* L_32 = ((ObjectU5BU5D_t1774424924_0*)SZArrayNew(ObjectU5BU5D_t1774424924_0_il2cpp_TypeInfo_var, (uint32_t)2));
Object_t * L_33 = ___findValue;
NullCheck(L_33);
Type_t * L_34 = Object_GetType_m2022236990_0(L_33, /*hidden argument*/NULL);
NullCheck(L_32);
IL2CPP_ARRAY_BOUNDS_CHECK(L_32, 0);
ArrayElementTypeCheck (L_32, L_34);
*((Object_t **)(Object_t **)SZArrayLdElema(L_32, 0, sizeof(Object_t *))) = (Object_t *)L_34;
ObjectU5BU5D_t1774424924_0* L_35 = L_32;
NullCheck(L_35);
IL2CPP_ARRAY_BOUNDS_CHECK(L_35, 1);
ArrayElementTypeCheck (L_35, _stringLiteral_416715489_0);
*((Object_t **)(Object_t **)SZArrayLdElema(L_35, 1, sizeof(Object_t *))) = (Object_t *)_stringLiteral_416715489_0;
String_t* L_36 = Locale_GetText_m946430094_0(NULL /*static, unused*/, _stringLiteral2054421550_0, L_35, /*hidden argument*/NULL);
V_10 = L_36;
String_t* L_37 = V_10;
Exception_t2143823668_0 * L_38 = V_9;
CryptographicException_t_946073705_0 * L_39 = (CryptographicException_t_946073705_0 *)il2cpp_codegen_object_new (CryptographicException_t_946073705_0_il2cpp_TypeInfo_var);
CryptographicException__ctor_m_1752690547_0(L_39, L_37, L_38, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_39);
}
IL_016a:
{
goto IL_016f;
}
} // end catch (depth: 1)
IL_016f:
{
goto IL_01dc;
}
IL_0174:
try
{ // begin try (depth: 1)
Object_t * L_40 = ___findValue;
V_3 = ((*(DateTime_t_818288618_0 *)((DateTime_t_818288618_0 *)UnBox (L_40, DateTime_t_818288618_0_il2cpp_TypeInfo_var))));
goto IL_01b4;
} // end try (depth: 1)
catch(Il2CppExceptionWrapper& e)
{
__exception_local = (Exception_t2143823668_0 *)e.ex;
if(il2cpp_codegen_class_is_assignable_from (Exception_t2143823668_0_il2cpp_TypeInfo_var, e.ex->object.klass))
goto CATCH_0180;
throw e;
}
CATCH_0180:
{ // begin catch(System.Exception)
{
V_11 = ((Exception_t2143823668_0 *)__exception_local);
ObjectU5BU5D_t1774424924_0* L_41 = ((ObjectU5BU5D_t1774424924_0*)SZArrayNew(ObjectU5BU5D_t1774424924_0_il2cpp_TypeInfo_var, (uint32_t)2));
Object_t * L_42 = ___findValue;
NullCheck(L_42);
Type_t * L_43 = Object_GetType_m2022236990_0(L_42, /*hidden argument*/NULL);
NullCheck(L_41);
IL2CPP_ARRAY_BOUNDS_CHECK(L_41, 0);
ArrayElementTypeCheck (L_41, L_43);
*((Object_t **)(Object_t **)SZArrayLdElema(L_41, 0, sizeof(Object_t *))) = (Object_t *)L_43;
ObjectU5BU5D_t1774424924_0* L_44 = L_41;
NullCheck(L_44);
IL2CPP_ARRAY_BOUNDS_CHECK(L_44, 1);
ArrayElementTypeCheck (L_44, _stringLiteral_1205773471_0);
*((Object_t **)(Object_t **)SZArrayLdElema(L_44, 1, sizeof(Object_t *))) = (Object_t *)_stringLiteral_1205773471_0;
String_t* L_45 = Locale_GetText_m946430094_0(NULL /*static, unused*/, _stringLiteral2054421550_0, L_44, /*hidden argument*/NULL);
V_12 = L_45;
String_t* L_46 = V_12;
Exception_t2143823668_0 * L_47 = V_11;
CryptographicException_t_946073705_0 * L_48 = (CryptographicException_t_946073705_0 *)il2cpp_codegen_object_new (CryptographicException_t_946073705_0_il2cpp_TypeInfo_var);
CryptographicException__ctor_m_1752690547_0(L_48, L_46, L_47, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_48);
}
IL_01af:
{
goto IL_01b4;
}
} // end catch (depth: 1)
IL_01b4:
{
goto IL_01dc;
}
IL_01b9:
{
ObjectU5BU5D_t1774424924_0* L_49 = ((ObjectU5BU5D_t1774424924_0*)SZArrayNew(ObjectU5BU5D_t1774424924_0_il2cpp_TypeInfo_var, (uint32_t)1));
int32_t L_50 = ___findType;
int32_t L_51 = L_50;
Object_t * L_52 = Box(X509FindType_t1641478092_0_il2cpp_TypeInfo_var, &L_51);
NullCheck(L_49);
IL2CPP_ARRAY_BOUNDS_CHECK(L_49, 0);
ArrayElementTypeCheck (L_49, L_52);
*((Object_t **)(Object_t **)SZArrayLdElema(L_49, 0, sizeof(Object_t *))) = (Object_t *)L_52;
String_t* L_53 = Locale_GetText_m946430094_0(NULL /*static, unused*/, _stringLiteral249048592_0, L_49, /*hidden argument*/NULL);
V_13 = L_53;
String_t* L_54 = V_13;
CryptographicException_t_946073705_0 * L_55 = (CryptographicException_t_946073705_0 *)il2cpp_codegen_object_new (CryptographicException_t_946073705_0_il2cpp_TypeInfo_var);
CryptographicException__ctor_m_1894244407_0(L_55, L_54, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_55);
}
IL_01dc:
{
IL2CPP_RUNTIME_CLASS_INIT(CultureInfo_t_1039475404_0_il2cpp_TypeInfo_var);
CultureInfo_t_1039475404_0 * L_56 = CultureInfo_get_InvariantCulture_m764001524_0(NULL /*static, unused*/, /*hidden argument*/NULL);
V_14 = L_56;
X509Certificate2Collection_t_1899689486_0 * L_57 = (X509Certificate2Collection_t_1899689486_0 *)il2cpp_codegen_object_new (X509Certificate2Collection_t_1899689486_0_il2cpp_TypeInfo_var);
X509Certificate2Collection__ctor_m769271012_0(L_57, /*hidden argument*/NULL);
V_15 = L_57;
ArrayList_t536890563_0 * L_58 = CollectionBase_get_InnerList_m_1454087326_0(__this, /*hidden argument*/NULL);
NullCheck(L_58);
Object_t * L_59 = (Object_t *)VirtFuncInvoker0< Object_t * >::Invoke(43 /* System.Collections.IEnumerator System.Collections.ArrayList::GetEnumerator() */, L_58);
V_17 = L_59;
}
IL_01f7:
try
{ // begin try (depth: 1)
{
goto IL_045a;
}
IL_01fc:
{
Object_t * L_60 = V_17;
NullCheck(L_60);
Object_t * L_61 = (Object_t *)InterfaceFuncInvoker0< Object_t * >::Invoke(0 /* System.Object System.Collections.IEnumerator::get_Current() */, IEnumerator_t1412936761_0_il2cpp_TypeInfo_var, L_60);
V_16 = ((X509Certificate2_t1644507188_0 *)CastclassClass(L_61, X509Certificate2_t1644507188_0_il2cpp_TypeInfo_var));
V_18 = (bool)0;
int32_t L_62 = ___findType;
V_23 = L_62;
int32_t L_63 = V_23;
if (L_63 == 0)
{
goto IL_0258;
}
if (L_63 == 1)
{
goto IL_028a;
}
if (L_63 == 2)
{
goto IL_02ab;
}
if (L_63 == 3)
{
goto IL_02c5;
}
if (L_63 == 4)
{
goto IL_02e6;
}
if (L_63 == 5)
{
goto IL_0300;
}
if (L_63 == 6)
{
goto IL_03c7;
}
if (L_63 == 7)
{
goto IL_03f0;
}
if (L_63 == 8)
{
goto IL_0404;
}
if (L_63 == 9)
{
goto IL_031a;
}
if (L_63 == 10)
{
goto IL_0358;
}
if (L_63 == 11)
{
goto IL_036e;
}
if (L_63 == 12)
{
goto IL_0373;
}
if (L_63 == 13)
{
goto IL_038d;
}
if (L_63 == 14)
{
goto IL_031f;
}
}
IL_0253:
{
goto IL_0418;
}
IL_0258:
{
String_t* L_64 = V_0;
X509Certificate2_t1644507188_0 * L_65 = V_16;
NullCheck(L_65);
String_t* L_66 = X509Certificate2_get_Thumbprint_m1619061413_0(L_65, /*hidden argument*/NULL);
CultureInfo_t_1039475404_0 * L_67 = V_14;
IL2CPP_RUNTIME_CLASS_INIT(String_t_il2cpp_TypeInfo_var);
int32_t L_68 = String_Compare_m279494420_0(NULL /*static, unused*/, L_64, L_66, (bool)1, L_67, /*hidden argument*/NULL);
if (!L_68)
{
goto IL_0282;
}
}
IL_026d:
{
String_t* L_69 = V_0;
X509Certificate2_t1644507188_0 * L_70 = V_16;
NullCheck(L_70);
String_t* L_71 = (String_t*)VirtFuncInvoker0< String_t* >::Invoke(8 /* System.String System.Security.Cryptography.X509Certificates.X509Certificate::GetCertHashString() */, L_70);
CultureInfo_t_1039475404_0 * L_72 = V_14;
IL2CPP_RUNTIME_CLASS_INIT(String_t_il2cpp_TypeInfo_var);
int32_t L_73 = String_Compare_m279494420_0(NULL /*static, unused*/, L_69, L_71, (bool)1, L_72, /*hidden argument*/NULL);
G_B31_0 = ((((int32_t)L_73) == ((int32_t)0))? 1 : 0);
goto IL_0283;
}
IL_0282:
{
G_B31_0 = 1;
}
IL_0283:
{
V_18 = (bool)G_B31_0;
goto IL_0418;
}
IL_028a:
{
X509Certificate2_t1644507188_0 * L_74 = V_16;
NullCheck(L_74);
String_t* L_75 = X509Certificate2_GetNameInfo_m750863125_0(L_74, 0, (bool)0, /*hidden argument*/NULL);
V_19 = L_75;
String_t* L_76 = V_19;
String_t* L_77 = V_0;
NullCheck(L_76);
int32_t L_78 = String_IndexOf_m864002126_0(L_76, L_77, 3, /*hidden argument*/NULL);
V_18 = (bool)((((int32_t)((((int32_t)L_78) < ((int32_t)0))? 1 : 0)) == ((int32_t)0))? 1 : 0);
goto IL_0418;
}
IL_02ab:
{
String_t* L_79 = V_0;
X509Certificate2_t1644507188_0 * L_80 = V_16;
NullCheck(L_80);
String_t* L_81 = X509Certificate_get_Subject_m_281987648_0(L_80, /*hidden argument*/NULL);
CultureInfo_t_1039475404_0 * L_82 = V_14;
IL2CPP_RUNTIME_CLASS_INIT(String_t_il2cpp_TypeInfo_var);
int32_t L_83 = String_Compare_m279494420_0(NULL /*static, unused*/, L_79, L_81, (bool)1, L_82, /*hidden argument*/NULL);
V_18 = (bool)((((int32_t)L_83) == ((int32_t)0))? 1 : 0);
goto IL_0418;
}
IL_02c5:
{
X509Certificate2_t1644507188_0 * L_84 = V_16;
NullCheck(L_84);
String_t* L_85 = X509Certificate2_GetNameInfo_m750863125_0(L_84, 0, (bool)1, /*hidden argument*/NULL);
V_20 = L_85;
String_t* L_86 = V_20;
String_t* L_87 = V_0;
NullCheck(L_86);
int32_t L_88 = String_IndexOf_m864002126_0(L_86, L_87, 3, /*hidden argument*/NULL);
V_18 = (bool)((((int32_t)((((int32_t)L_88) < ((int32_t)0))? 1 : 0)) == ((int32_t)0))? 1 : 0);
goto IL_0418;
}
IL_02e6:
{
String_t* L_89 = V_0;
X509Certificate2_t1644507188_0 * L_90 = V_16;
NullCheck(L_90);
String_t* L_91 = X509Certificate_get_Issuer_m681285767_0(L_90, /*hidden argument*/NULL);
CultureInfo_t_1039475404_0 * L_92 = V_14;
IL2CPP_RUNTIME_CLASS_INIT(String_t_il2cpp_TypeInfo_var);
int32_t L_93 = String_Compare_m279494420_0(NULL /*static, unused*/, L_89, L_91, (bool)1, L_92, /*hidden argument*/NULL);
V_18 = (bool)((((int32_t)L_93) == ((int32_t)0))? 1 : 0);
goto IL_0418;
}
IL_0300:
{
String_t* L_94 = V_0;
X509Certificate2_t1644507188_0 * L_95 = V_16;
NullCheck(L_95);
String_t* L_96 = X509Certificate2_get_SerialNumber_m_1022240341_0(L_95, /*hidden argument*/NULL);
CultureInfo_t_1039475404_0 * L_97 = V_14;
IL2CPP_RUNTIME_CLASS_INIT(String_t_il2cpp_TypeInfo_var);
int32_t L_98 = String_Compare_m279494420_0(NULL /*static, unused*/, L_94, L_96, (bool)1, L_97, /*hidden argument*/NULL);
V_18 = (bool)((((int32_t)L_98) == ((int32_t)0))? 1 : 0);
goto IL_0418;
}
IL_031a:
{
goto IL_0418;
}
IL_031f:
{
X509Certificate2_t1644507188_0 * L_99 = V_16;
NullCheck(L_99);
X509ExtensionCollection_t_424340636_0 * L_100 = X509Certificate2_get_Extensions_m_449572364_0(L_99, /*hidden argument*/NULL);
NullCheck(L_100);
X509Extension_t_1686437850_0 * L_101 = X509ExtensionCollection_get_Item_m_1953551359_0(L_100, _stringLiteral_455597451_0, /*hidden argument*/NULL);
V_21 = ((X509SubjectKeyIdentifierExtension_t_580700310_0 *)IsInstSealed(L_101, X509SubjectKeyIdentifierExtension_t_580700310_0_il2cpp_TypeInfo_var));
X509SubjectKeyIdentifierExtension_t_580700310_0 * L_102 = V_21;
if (!L_102)
{
goto IL_0353;
}
}
IL_033e:
{
String_t* L_103 = V_0;
X509SubjectKeyIdentifierExtension_t_580700310_0 * L_104 = V_21;
NullCheck(L_104);
String_t* L_105 = X509SubjectKeyIdentifierExtension_get_SubjectKeyIdentifier_m_1800027776_0(L_104, /*hidden argument*/NULL);
CultureInfo_t_1039475404_0 * L_106 = V_14;
IL2CPP_RUNTIME_CLASS_INIT(String_t_il2cpp_TypeInfo_var);
int32_t L_107 = String_Compare_m279494420_0(NULL /*static, unused*/, L_103, L_105, (bool)1, L_106, /*hidden argument*/NULL);
V_18 = (bool)((((int32_t)L_107) == ((int32_t)0))? 1 : 0);
}
IL_0353:
{
goto IL_0418;
}
IL_0358:
{
X509Certificate2_t1644507188_0 * L_108 = V_16;
NullCheck(L_108);
X509ExtensionCollection_t_424340636_0 * L_109 = X509Certificate2_get_Extensions_m_449572364_0(L_108, /*hidden argument*/NULL);
NullCheck(L_109);
int32_t L_110 = X509ExtensionCollection_get_Count_m_1673707872_0(L_109, /*hidden argument*/NULL);
V_18 = (bool)((((int32_t)L_110) == ((int32_t)0))? 1 : 0);
goto IL_0418;
}
IL_036e:
{
goto IL_0418;
}
IL_0373:
{
X509Certificate2_t1644507188_0 * L_111 = V_16;
NullCheck(L_111);
X509ExtensionCollection_t_424340636_0 * L_112 = X509Certificate2_get_Extensions_m_449572364_0(L_111, /*hidden argument*/NULL);
String_t* L_113 = V_1;
NullCheck(L_112);
X509Extension_t_1686437850_0 * L_114 = X509ExtensionCollection_get_Item_m_1953551359_0(L_112, L_113, /*hidden argument*/NULL);
V_18 = (bool)((((int32_t)((((Object_t*)(X509Extension_t_1686437850_0 *)L_114) == ((Object_t*)(Object_t *)NULL))? 1 : 0)) == ((int32_t)0))? 1 : 0);
goto IL_0418;
}
IL_038d:
{
X509Certificate2_t1644507188_0 * L_115 = V_16;
NullCheck(L_115);
X509ExtensionCollection_t_424340636_0 * L_116 = X509Certificate2_get_Extensions_m_449572364_0(L_115, /*hidden argument*/NULL);
NullCheck(L_116);
X509Extension_t_1686437850_0 * L_117 = X509ExtensionCollection_get_Item_m_1953551359_0(L_116, _stringLiteral_455597450_0, /*hidden argument*/NULL);
V_22 = ((X509KeyUsageExtension_t_1020729148_0 *)IsInstSealed(L_117, X509KeyUsageExtension_t_1020729148_0_il2cpp_TypeInfo_var));
X509KeyUsageExtension_t_1020729148_0 * L_118 = V_22;
if (L_118)
{
goto IL_03b4;
}
}
IL_03ac:
{
V_18 = (bool)1;
goto IL_03c2;
}
IL_03b4:
{
X509KeyUsageExtension_t_1020729148_0 * L_119 = V_22;
NullCheck(L_119);
int32_t L_120 = X509KeyUsageExtension_get_KeyUsages_m_1117935937_0(L_119, /*hidden argument*/NULL);
int32_t L_121 = V_2;
int32_t L_122 = V_2;
V_18 = (bool)((((int32_t)((int32_t)((int32_t)L_120&(int32_t)L_121))) == ((int32_t)L_122))? 1 : 0);
}
IL_03c2:
{
goto IL_0418;
}
IL_03c7:
{
DateTime_t_818288618_0 L_123 = V_3;
X509Certificate2_t1644507188_0 * L_124 = V_16;
NullCheck(L_124);
DateTime_t_818288618_0 L_125 = X509Certificate2_get_NotBefore_m_237486960_0(L_124, /*hidden argument*/NULL);
IL2CPP_RUNTIME_CLASS_INIT(DateTime_t_818288618_0_il2cpp_TypeInfo_var);
bool L_126 = DateTime_op_GreaterThanOrEqual_m717787228_0(NULL /*static, unused*/, L_123, L_125, /*hidden argument*/NULL);
if (!L_126)
{
goto IL_03e8;
}
}
IL_03d9:
{
DateTime_t_818288618_0 L_127 = V_3;
X509Certificate2_t1644507188_0 * L_128 = V_16;
NullCheck(L_128);
DateTime_t_818288618_0 L_129 = X509Certificate2_get_NotAfter_m_853905907_0(L_128, /*hidden argument*/NULL);
IL2CPP_RUNTIME_CLASS_INIT(DateTime_t_818288618_0_il2cpp_TypeInfo_var);
bool L_130 = DateTime_op_LessThanOrEqual_m354447689_0(NULL /*static, unused*/, L_127, L_129, /*hidden argument*/NULL);
G_B51_0 = ((int32_t)(L_130));
goto IL_03e9;
}
IL_03e8:
{
G_B51_0 = 0;
}
IL_03e9:
{
V_18 = (bool)G_B51_0;
goto IL_0418;
}
IL_03f0:
{
DateTime_t_818288618_0 L_131 = V_3;
X509Certificate2_t1644507188_0 * L_132 = V_16;
NullCheck(L_132);
DateTime_t_818288618_0 L_133 = X509Certificate2_get_NotBefore_m_237486960_0(L_132, /*hidden argument*/NULL);
IL2CPP_RUNTIME_CLASS_INIT(DateTime_t_818288618_0_il2cpp_TypeInfo_var);
bool L_134 = DateTime_op_LessThan_m35073816_0(NULL /*static, unused*/, L_131, L_133, /*hidden argument*/NULL);
V_18 = L_134;
goto IL_0418;
}
IL_0404:
{
DateTime_t_818288618_0 L_135 = V_3;
X509Certificate2_t1644507188_0 * L_136 = V_16;
NullCheck(L_136);
DateTime_t_818288618_0 L_137 = X509Certificate2_get_NotAfter_m_853905907_0(L_136, /*hidden argument*/NULL);
IL2CPP_RUNTIME_CLASS_INIT(DateTime_t_818288618_0_il2cpp_TypeInfo_var);
bool L_138 = DateTime_op_GreaterThan_m_448950427_0(NULL /*static, unused*/, L_135, L_137, /*hidden argument*/NULL);
V_18 = L_138;
goto IL_0418;
}
IL_0418:
{
bool L_139 = V_18;
if (L_139)
{
goto IL_0424;
}
}
IL_041f:
{
goto IL_045a;
}
IL_0424:
{
bool L_140 = ___validOnly;
if (!L_140)
{
goto IL_0450;
}
}
IL_042a:
try
{ // begin try (depth: 2)
{
X509Certificate2_t1644507188_0 * L_141 = V_16;
NullCheck(L_141);
bool L_142 = X509Certificate2_Verify_m1278605553_0(L_141, /*hidden argument*/NULL);
if (!L_142)
{
goto IL_0440;
}
}
IL_0436:
{
X509Certificate2Collection_t_1899689486_0 * L_143 = V_15;
X509Certificate2_t1644507188_0 * L_144 = V_16;
NullCheck(L_143);
X509Certificate2Collection_Add_m1268164793_0(L_143, L_144, /*hidden argument*/NULL);
}
IL_0440:
{
goto IL_044b;
}
} // end try (depth: 2)
catch(Il2CppExceptionWrapper& e)
{
__exception_local = (Exception_t2143823668_0 *)e.ex;
if(il2cpp_codegen_class_is_assignable_from (Object_t_il2cpp_TypeInfo_var, e.ex->object.klass))
goto CATCH_0445;
throw e;
}
CATCH_0445:
{ // begin catch(System.Object)
goto IL_044b;
} // end catch (depth: 2)
IL_044b:
{
goto IL_045a;
}
IL_0450:
{
X509Certificate2Collection_t_1899689486_0 * L_145 = V_15;
X509Certificate2_t1644507188_0 * L_146 = V_16;
NullCheck(L_145);
X509Certificate2Collection_Add_m1268164793_0(L_145, L_146, /*hidden argument*/NULL);
}
IL_045a:
{
Object_t * L_147 = V_17;
NullCheck(L_147);
bool L_148 = (bool)InterfaceFuncInvoker0< bool >::Invoke(1 /* System.Boolean System.Collections.IEnumerator::MoveNext() */, IEnumerator_t1412936761_0_il2cpp_TypeInfo_var, L_147);
if (L_148)
{
goto IL_01fc;
}
}
IL_0466:
{
IL2CPP_LEAVE(0x481, FINALLY_046b);
}
} // end try (depth: 1)
catch(Il2CppExceptionWrapper& e)
{
__last_unhandled_exception = (Exception_t2143823668_0 *)e.ex;
goto FINALLY_046b;
}
FINALLY_046b:
{ // begin finally (depth: 1)
{
Object_t * L_149 = V_17;
V_24 = ((Object_t *)IsInst(L_149, IDisposable_t_2098447282_0_il2cpp_TypeInfo_var));
Object_t * L_150 = V_24;
if (L_150)
{
goto IL_0479;
}
}
IL_0478:
{
IL2CPP_END_FINALLY(1131)
}
IL_0479:
{
Object_t * L_151 = V_24;
NullCheck(L_151);
InterfaceActionInvoker0::Invoke(0 /* System.Void System.IDisposable::Dispose() */, IDisposable_t_2098447282_0_il2cpp_TypeInfo_var, L_151);
IL2CPP_END_FINALLY(1131)
}
} // end finally (depth: 1)
IL2CPP_CLEANUP(1131)
{
IL2CPP_JUMP_TBL(0x481, IL_0481)
IL2CPP_RETHROW_IF_UNHANDLED(Exception_t2143823668_0 *)
}
IL_0481:
{
X509Certificate2Collection_t_1899689486_0 * L_152 = V_15;
return L_152;
}
}
// System.Security.Cryptography.X509Certificates.X509Certificate2Enumerator System.Security.Cryptography.X509Certificates.X509Certificate2Collection::GetEnumerator()
extern TypeInfo* X509Certificate2Enumerator_t_1079037160_0_il2cpp_TypeInfo_var;
extern "C" X509Certificate2Enumerator_t_1079037160_0 * X509Certificate2Collection_GetEnumerator_m_92618981_0 (X509Certificate2Collection_t_1899689486_0 * __this, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
X509Certificate2Enumerator_t_1079037160_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(678);
s_Il2CppMethodIntialized = true;
}
{
X509Certificate2Enumerator_t_1079037160_0 * L_0 = (X509Certificate2Enumerator_t_1079037160_0 *)il2cpp_codegen_object_new (X509Certificate2Enumerator_t_1079037160_0_il2cpp_TypeInfo_var);
X509Certificate2Enumerator__ctor_m1258842310_0(L_0, __this, /*hidden argument*/NULL);
return L_0;
}
}
// System.Void System.Security.Cryptography.X509Certificates.X509Certificate2Enumerator::.ctor(System.Security.Cryptography.X509Certificates.X509Certificate2Collection)
extern TypeInfo* IEnumerable_t1412919357_0_il2cpp_TypeInfo_var;
extern "C" void X509Certificate2Enumerator__ctor_m1258842310_0 (X509Certificate2Enumerator_t_1079037160_0 * __this, X509Certificate2Collection_t_1899689486_0 * ___collection, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
IEnumerable_t1412919357_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(169);
s_Il2CppMethodIntialized = true;
}
{
Object__ctor_m1772956182_0(__this, /*hidden argument*/NULL);
X509Certificate2Collection_t_1899689486_0 * L_0 = ___collection;
NullCheck(L_0);
Object_t * L_1 = (Object_t *)InterfaceFuncInvoker0< Object_t * >::Invoke(0 /* System.Collections.IEnumerator System.Collections.IEnumerable::GetEnumerator() */, IEnumerable_t1412919357_0_il2cpp_TypeInfo_var, L_0);
__this->___enumerator_0 = L_1;
return;
}
}
// System.Object System.Security.Cryptography.X509Certificates.X509Certificate2Enumerator::System.Collections.IEnumerator.get_Current()
extern TypeInfo* IEnumerator_t1412936761_0_il2cpp_TypeInfo_var;
extern "C" Object_t * X509Certificate2Enumerator_System_Collections_IEnumerator_get_Current_m523796722_0 (X509Certificate2Enumerator_t_1079037160_0 * __this, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
IEnumerator_t1412936761_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(159);
s_Il2CppMethodIntialized = true;
}
{
Object_t * L_0 = (__this->___enumerator_0);
NullCheck(L_0);
Object_t * L_1 = (Object_t *)InterfaceFuncInvoker0< Object_t * >::Invoke(0 /* System.Object System.Collections.IEnumerator::get_Current() */, IEnumerator_t1412936761_0_il2cpp_TypeInfo_var, L_0);
return L_1;
}
}
// System.Boolean System.Security.Cryptography.X509Certificates.X509Certificate2Enumerator::System.Collections.IEnumerator.MoveNext()
extern TypeInfo* IEnumerator_t1412936761_0_il2cpp_TypeInfo_var;
extern "C" bool X509Certificate2Enumerator_System_Collections_IEnumerator_MoveNext_m_336499101_0 (X509Certificate2Enumerator_t_1079037160_0 * __this, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
IEnumerator_t1412936761_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(159);
s_Il2CppMethodIntialized = true;
}
{
Object_t * L_0 = (__this->___enumerator_0);
NullCheck(L_0);
bool L_1 = (bool)InterfaceFuncInvoker0< bool >::Invoke(1 /* System.Boolean System.Collections.IEnumerator::MoveNext() */, IEnumerator_t1412936761_0_il2cpp_TypeInfo_var, L_0);
return L_1;
}
}
// System.Void System.Security.Cryptography.X509Certificates.X509Certificate2Enumerator::System.Collections.IEnumerator.Reset()
extern TypeInfo* IEnumerator_t1412936761_0_il2cpp_TypeInfo_var;
extern "C" void X509Certificate2Enumerator_System_Collections_IEnumerator_Reset_m_1268171076_0 (X509Certificate2Enumerator_t_1079037160_0 * __this, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
IEnumerator_t1412936761_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(159);
s_Il2CppMethodIntialized = true;
}
{
Object_t * L_0 = (__this->___enumerator_0);
NullCheck(L_0);
InterfaceActionInvoker0::Invoke(2 /* System.Void System.Collections.IEnumerator::Reset() */, IEnumerator_t1412936761_0_il2cpp_TypeInfo_var, L_0);
return;
}
}
// System.Security.Cryptography.X509Certificates.X509Certificate2 System.Security.Cryptography.X509Certificates.X509Certificate2Enumerator::get_Current()
extern TypeInfo* IEnumerator_t1412936761_0_il2cpp_TypeInfo_var;
extern TypeInfo* X509Certificate2_t1644507188_0_il2cpp_TypeInfo_var;
extern "C" X509Certificate2_t1644507188_0 * X509Certificate2Enumerator_get_Current_m812721831_0 (X509Certificate2Enumerator_t_1079037160_0 * __this, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
IEnumerator_t1412936761_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(159);
X509Certificate2_t1644507188_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(668);
s_Il2CppMethodIntialized = true;
}
{
Object_t * L_0 = (__this->___enumerator_0);
NullCheck(L_0);
Object_t * L_1 = (Object_t *)InterfaceFuncInvoker0< Object_t * >::Invoke(0 /* System.Object System.Collections.IEnumerator::get_Current() */, IEnumerator_t1412936761_0_il2cpp_TypeInfo_var, L_0);
return ((X509Certificate2_t1644507188_0 *)CastclassClass(L_1, X509Certificate2_t1644507188_0_il2cpp_TypeInfo_var));
}
}
// System.Boolean System.Security.Cryptography.X509Certificates.X509Certificate2Enumerator::MoveNext()
extern TypeInfo* IEnumerator_t1412936761_0_il2cpp_TypeInfo_var;
extern "C" bool X509Certificate2Enumerator_MoveNext_m_809867392_0 (X509Certificate2Enumerator_t_1079037160_0 * __this, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
IEnumerator_t1412936761_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(159);
s_Il2CppMethodIntialized = true;
}
{
Object_t * L_0 = (__this->___enumerator_0);
NullCheck(L_0);
bool L_1 = (bool)InterfaceFuncInvoker0< bool >::Invoke(1 /* System.Boolean System.Collections.IEnumerator::MoveNext() */, IEnumerator_t1412936761_0_il2cpp_TypeInfo_var, L_0);
return L_1;
}
}
// System.Void System.Security.Cryptography.X509Certificates.X509Certificate2Enumerator::Reset()
extern TypeInfo* IEnumerator_t1412936761_0_il2cpp_TypeInfo_var;
extern "C" void X509Certificate2Enumerator_Reset_m_571715285_0 (X509Certificate2Enumerator_t_1079037160_0 * __this, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
IEnumerator_t1412936761_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(159);
s_Il2CppMethodIntialized = true;
}
{
Object_t * L_0 = (__this->___enumerator_0);
NullCheck(L_0);
InterfaceActionInvoker0::Invoke(2 /* System.Void System.Collections.IEnumerator::Reset() */, IEnumerator_t1412936761_0_il2cpp_TypeInfo_var, L_0);
return;
}
}
// System.Void System.Security.Cryptography.X509Certificates.X509CertificateCollection/X509CertificateEnumerator::.ctor(System.Security.Cryptography.X509Certificates.X509CertificateCollection)
extern TypeInfo* IEnumerable_t1412919357_0_il2cpp_TypeInfo_var;
extern "C" void X509CertificateEnumerator__ctor_m_1643662258_0 (X509CertificateEnumerator_t1745209186_0 * __this, X509CertificateCollection_t_798278404_0 * ___mappings, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
IEnumerable_t1412919357_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(169);
s_Il2CppMethodIntialized = true;
}
{
Object__ctor_m1772956182_0(__this, /*hidden argument*/NULL);
X509CertificateCollection_t_798278404_0 * L_0 = ___mappings;
NullCheck(L_0);
Object_t * L_1 = (Object_t *)InterfaceFuncInvoker0< Object_t * >::Invoke(0 /* System.Collections.IEnumerator System.Collections.IEnumerable::GetEnumerator() */, IEnumerable_t1412919357_0_il2cpp_TypeInfo_var, L_0);
__this->___enumerator_0 = L_1;
return;
}
}
// System.Object System.Security.Cryptography.X509Certificates.X509CertificateCollection/X509CertificateEnumerator::System.Collections.IEnumerator.get_Current()
extern TypeInfo* IEnumerator_t1412936761_0_il2cpp_TypeInfo_var;
extern "C" Object_t * X509CertificateEnumerator_System_Collections_IEnumerator_get_Current_m573192184_0 (X509CertificateEnumerator_t1745209186_0 * __this, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
IEnumerator_t1412936761_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(159);
s_Il2CppMethodIntialized = true;
}
{
Object_t * L_0 = (__this->___enumerator_0);
NullCheck(L_0);
Object_t * L_1 = (Object_t *)InterfaceFuncInvoker0< Object_t * >::Invoke(0 /* System.Object System.Collections.IEnumerator::get_Current() */, IEnumerator_t1412936761_0_il2cpp_TypeInfo_var, L_0);
return L_1;
}
}
// System.Boolean System.Security.Cryptography.X509Certificates.X509CertificateCollection/X509CertificateEnumerator::System.Collections.IEnumerator.MoveNext()
extern TypeInfo* IEnumerator_t1412936761_0_il2cpp_TypeInfo_var;
extern "C" bool X509CertificateEnumerator_System_Collections_IEnumerator_MoveNext_m_855352193_0 (X509CertificateEnumerator_t1745209186_0 * __this, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
IEnumerator_t1412936761_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(159);
s_Il2CppMethodIntialized = true;
}
{
Object_t * L_0 = (__this->___enumerator_0);
NullCheck(L_0);
bool L_1 = (bool)InterfaceFuncInvoker0< bool >::Invoke(1 /* System.Boolean System.Collections.IEnumerator::MoveNext() */, IEnumerator_t1412936761_0_il2cpp_TypeInfo_var, L_0);
return L_1;
}
}
// System.Void System.Security.Cryptography.X509Certificates.X509CertificateCollection/X509CertificateEnumerator::System.Collections.IEnumerator.Reset()
extern TypeInfo* IEnumerator_t1412936761_0_il2cpp_TypeInfo_var;
extern "C" void X509CertificateEnumerator_System_Collections_IEnumerator_Reset_m623123084_0 (X509CertificateEnumerator_t1745209186_0 * __this, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
IEnumerator_t1412936761_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(159);
s_Il2CppMethodIntialized = true;
}
{
Object_t * L_0 = (__this->___enumerator_0);
NullCheck(L_0);
InterfaceActionInvoker0::Invoke(2 /* System.Void System.Collections.IEnumerator::Reset() */, IEnumerator_t1412936761_0_il2cpp_TypeInfo_var, L_0);
return;
}
}
// System.Security.Cryptography.X509Certificates.X509Certificate System.Security.Cryptography.X509Certificates.X509CertificateCollection/X509CertificateEnumerator::get_Current()
extern TypeInfo* IEnumerator_t1412936761_0_il2cpp_TypeInfo_var;
extern TypeInfo* X509Certificate_t1524084820_0_il2cpp_TypeInfo_var;
extern "C" X509Certificate_t1524084820_0 * X509CertificateEnumerator_get_Current_m49822583_0 (X509CertificateEnumerator_t1745209186_0 * __this, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
IEnumerator_t1412936761_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(159);
X509Certificate_t1524084820_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(483);
s_Il2CppMethodIntialized = true;
}
{
Object_t * L_0 = (__this->___enumerator_0);
NullCheck(L_0);
Object_t * L_1 = (Object_t *)InterfaceFuncInvoker0< Object_t * >::Invoke(0 /* System.Object System.Collections.IEnumerator::get_Current() */, IEnumerator_t1412936761_0_il2cpp_TypeInfo_var, L_0);
return ((X509Certificate_t1524084820_0 *)CastclassClass(L_1, X509Certificate_t1524084820_0_il2cpp_TypeInfo_var));
}
}
// System.Boolean System.Security.Cryptography.X509Certificates.X509CertificateCollection/X509CertificateEnumerator::MoveNext()
extern TypeInfo* IEnumerator_t1412936761_0_il2cpp_TypeInfo_var;
extern "C" bool X509CertificateEnumerator_MoveNext_m1871957220_0 (X509CertificateEnumerator_t1745209186_0 * __this, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
IEnumerator_t1412936761_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(159);
s_Il2CppMethodIntialized = true;
}
{
Object_t * L_0 = (__this->___enumerator_0);
NullCheck(L_0);
bool L_1 = (bool)InterfaceFuncInvoker0< bool >::Invoke(1 /* System.Boolean System.Collections.IEnumerator::MoveNext() */, IEnumerator_t1412936761_0_il2cpp_TypeInfo_var, L_0);
return L_1;
}
}
// System.Void System.Security.Cryptography.X509Certificates.X509CertificateCollection/X509CertificateEnumerator::Reset()
extern TypeInfo* IEnumerator_t1412936761_0_il2cpp_TypeInfo_var;
extern "C" void X509CertificateEnumerator_Reset_m_1995329701_0 (X509CertificateEnumerator_t1745209186_0 * __this, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
IEnumerator_t1412936761_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(159);
s_Il2CppMethodIntialized = true;
}
{
Object_t * L_0 = (__this->___enumerator_0);
NullCheck(L_0);
InterfaceActionInvoker0::Invoke(2 /* System.Void System.Collections.IEnumerator::Reset() */, IEnumerator_t1412936761_0_il2cpp_TypeInfo_var, L_0);
return;
}
}
// System.Void System.Security.Cryptography.X509Certificates.X509CertificateCollection::.ctor()
extern "C" void X509CertificateCollection__ctor_m784073364_0 (X509CertificateCollection_t_798278404_0 * __this, const MethodInfo* method)
{
{
CollectionBase__ctor_m_1113953715_0(__this, /*hidden argument*/NULL);
return;
}
}
// System.Void System.Security.Cryptography.X509Certificates.X509CertificateCollection::.ctor(System.Security.Cryptography.X509Certificates.X509Certificate[])
extern "C" void X509CertificateCollection__ctor_m329398404_0 (X509CertificateCollection_t_798278404_0 * __this, X509CertificateU5BU5D_t_559883360_0* ___value, const MethodInfo* method)
{
{
CollectionBase__ctor_m_1113953715_0(__this, /*hidden argument*/NULL);
X509CertificateU5BU5D_t_559883360_0* L_0 = ___value;
X509CertificateCollection_AddRange_m1527743820_0(__this, L_0, /*hidden argument*/NULL);
return;
}
}
// System.Security.Cryptography.X509Certificates.X509Certificate System.Security.Cryptography.X509Certificates.X509CertificateCollection::get_Item(System.Int32)
extern TypeInfo* X509Certificate_t1524084820_0_il2cpp_TypeInfo_var;
extern "C" X509Certificate_t1524084820_0 * X509CertificateCollection_get_Item_m_1334331998_0 (X509CertificateCollection_t_798278404_0 * __this, int32_t ___index, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
X509Certificate_t1524084820_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(483);
s_Il2CppMethodIntialized = true;
}
{
ArrayList_t536890563_0 * L_0 = CollectionBase_get_InnerList_m_1454087326_0(__this, /*hidden argument*/NULL);
int32_t L_1 = ___index;
NullCheck(L_0);
Object_t * L_2 = (Object_t *)VirtFuncInvoker1< Object_t *, int32_t >::Invoke(21 /* System.Object System.Collections.ArrayList::get_Item(System.Int32) */, L_0, L_1);
return ((X509Certificate_t1524084820_0 *)CastclassClass(L_2, X509Certificate_t1524084820_0_il2cpp_TypeInfo_var));
}
}
// System.Void System.Security.Cryptography.X509Certificates.X509CertificateCollection::AddRange(System.Security.Cryptography.X509Certificates.X509Certificate[])
extern TypeInfo* ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var;
extern Il2CppCodeGenString* _stringLiteral111972721_0;
extern "C" void X509CertificateCollection_AddRange_m1527743820_0 (X509CertificateCollection_t_798278404_0 * __this, X509CertificateU5BU5D_t_559883360_0* ___value, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(2);
_stringLiteral111972721_0 = il2cpp_codegen_string_literal_from_index(54);
s_Il2CppMethodIntialized = true;
}
int32_t V_0 = 0;
{
X509CertificateU5BU5D_t_559883360_0* L_0 = ___value;
if (L_0)
{
goto IL_0011;
}
}
{
ArgumentNullException_t_1072101840_0 * L_1 = (ArgumentNullException_t_1072101840_0 *)il2cpp_codegen_object_new (ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var);
ArgumentNullException__ctor_m135444188_0(L_1, _stringLiteral111972721_0, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_1);
}
IL_0011:
{
V_0 = 0;
goto IL_002b;
}
IL_0018:
{
ArrayList_t536890563_0 * L_2 = CollectionBase_get_InnerList_m_1454087326_0(__this, /*hidden argument*/NULL);
X509CertificateU5BU5D_t_559883360_0* L_3 = ___value;
int32_t L_4 = V_0;
NullCheck(L_3);
IL2CPP_ARRAY_BOUNDS_CHECK(L_3, L_4);
int32_t L_5 = L_4;
NullCheck(L_2);
VirtFuncInvoker1< int32_t, Object_t * >::Invoke(30 /* System.Int32 System.Collections.ArrayList::Add(System.Object) */, L_2, (*(X509Certificate_t1524084820_0 **)(X509Certificate_t1524084820_0 **)SZArrayLdElema(L_3, L_5, sizeof(X509Certificate_t1524084820_0 *))));
int32_t L_6 = V_0;
V_0 = ((int32_t)((int32_t)L_6+(int32_t)1));
}
IL_002b:
{
int32_t L_7 = V_0;
X509CertificateU5BU5D_t_559883360_0* L_8 = ___value;
NullCheck(L_8);
if ((((int32_t)L_7) < ((int32_t)(((int32_t)((int32_t)(((Array_t *)L_8)->max_length)))))))
{
goto IL_0018;
}
}
{
return;
}
}
// System.Security.Cryptography.X509Certificates.X509CertificateCollection/X509CertificateEnumerator System.Security.Cryptography.X509Certificates.X509CertificateCollection::GetEnumerator()
extern TypeInfo* X509CertificateEnumerator_t1745209186_0_il2cpp_TypeInfo_var;
extern "C" X509CertificateEnumerator_t1745209186_0 * X509CertificateCollection_GetEnumerator_m1418993187_0 (X509CertificateCollection_t_798278404_0 * __this, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
X509CertificateEnumerator_t1745209186_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(679);
s_Il2CppMethodIntialized = true;
}
{
X509CertificateEnumerator_t1745209186_0 * L_0 = (X509CertificateEnumerator_t1745209186_0 *)il2cpp_codegen_object_new (X509CertificateEnumerator_t1745209186_0_il2cpp_TypeInfo_var);
X509CertificateEnumerator__ctor_m_1643662258_0(L_0, __this, /*hidden argument*/NULL);
return L_0;
}
}
// System.Int32 System.Security.Cryptography.X509Certificates.X509CertificateCollection::GetHashCode()
extern "C" int32_t X509CertificateCollection_GetHashCode_m252984435_0 (X509CertificateCollection_t_798278404_0 * __this, const MethodInfo* method)
{
{
ArrayList_t536890563_0 * L_0 = CollectionBase_get_InnerList_m_1454087326_0(__this, /*hidden argument*/NULL);
NullCheck(L_0);
int32_t L_1 = (int32_t)VirtFuncInvoker0< int32_t >::Invoke(2 /* System.Int32 System.Object::GetHashCode() */, L_0);
return L_1;
}
}
// System.Void System.Security.Cryptography.X509Certificates.X509Chain::.ctor()
extern "C" void X509Chain__ctor_m440780008_0 (X509Chain_t_259668440_0 * __this, const MethodInfo* method)
{
{
X509Chain__ctor_m_1407335329_0(__this, (bool)0, /*hidden argument*/NULL);
return;
}
}
// System.Void System.Security.Cryptography.X509Certificates.X509Chain::.ctor(System.Boolean)
extern TypeInfo* X509ChainElementCollection_t_1966363278_0_il2cpp_TypeInfo_var;
extern TypeInfo* X509ChainPolicy_t_1654318726_0_il2cpp_TypeInfo_var;
extern "C" void X509Chain__ctor_m_1407335329_0 (X509Chain_t_259668440_0 * __this, bool ___useMachineContext, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
X509ChainElementCollection_t_1966363278_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(680);
X509ChainPolicy_t_1654318726_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(681);
s_Il2CppMethodIntialized = true;
}
X509Chain_t_259668440_0 * G_B2_0 = {0};
X509Chain_t_259668440_0 * G_B1_0 = {0};
int32_t G_B3_0 = 0;
X509Chain_t_259668440_0 * G_B3_1 = {0};
{
Object__ctor_m1772956182_0(__this, /*hidden argument*/NULL);
bool L_0 = ___useMachineContext;
G_B1_0 = __this;
if (!L_0)
{
G_B2_0 = __this;
goto IL_0013;
}
}
{
G_B3_0 = 2;
G_B3_1 = G_B1_0;
goto IL_0014;
}
IL_0013:
{
G_B3_0 = 1;
G_B3_1 = G_B2_0;
}
IL_0014:
{
NullCheck(G_B3_1);
G_B3_1->___location_0 = G_B3_0;
X509ChainElementCollection_t_1966363278_0 * L_1 = (X509ChainElementCollection_t_1966363278_0 *)il2cpp_codegen_object_new (X509ChainElementCollection_t_1966363278_0_il2cpp_TypeInfo_var);
X509ChainElementCollection__ctor_m1079210340_0(L_1, /*hidden argument*/NULL);
__this->___elements_1 = L_1;
X509ChainPolicy_t_1654318726_0 * L_2 = (X509ChainPolicy_t_1654318726_0 *)il2cpp_codegen_object_new (X509ChainPolicy_t_1654318726_0_il2cpp_TypeInfo_var);
X509ChainPolicy__ctor_m1959063574_0(L_2, /*hidden argument*/NULL);
__this->___policy_2 = L_2;
return;
}
}
// System.Void System.Security.Cryptography.X509Certificates.X509Chain::.cctor()
extern TypeInfo* X509ChainStatusU5BU5D_t109390108_0_il2cpp_TypeInfo_var;
extern TypeInfo* X509Chain_t_259668440_0_il2cpp_TypeInfo_var;
extern "C" void X509Chain__cctor_m297182149_0 (Object_t * __this /* static, unused */, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
X509ChainStatusU5BU5D_t109390108_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(682);
X509Chain_t_259668440_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(673);
s_Il2CppMethodIntialized = true;
}
{
((X509Chain_t_259668440_0_StaticFields*)X509Chain_t_259668440_0_il2cpp_TypeInfo_var->static_fields)->___Empty_4 = ((X509ChainStatusU5BU5D_t109390108_0*)SZArrayNew(X509ChainStatusU5BU5D_t109390108_0_il2cpp_TypeInfo_var, (uint32_t)0));
return;
}
}
// System.Security.Cryptography.X509Certificates.X509ChainPolicy System.Security.Cryptography.X509Certificates.X509Chain::get_ChainPolicy()
extern "C" X509ChainPolicy_t_1654318726_0 * X509Chain_get_ChainPolicy_m_1153143153_0 (X509Chain_t_259668440_0 * __this, const MethodInfo* method)
{
{
X509ChainPolicy_t_1654318726_0 * L_0 = (__this->___policy_2);
return L_0;
}
}
// System.Boolean System.Security.Cryptography.X509Certificates.X509Chain::Build(System.Security.Cryptography.X509Certificates.X509Certificate2)
extern const Il2CppType* X509ChainStatus_t_1564130246_0_0_0_0_var;
extern TypeInfo* ArgumentException_t1159624695_0_il2cpp_TypeInfo_var;
extern TypeInfo* CryptographicException_t_946073705_0_il2cpp_TypeInfo_var;
extern TypeInfo* ArrayList_t536890563_0_il2cpp_TypeInfo_var;
extern TypeInfo* X509ChainStatus_t_1564130246_0_il2cpp_TypeInfo_var;
extern TypeInfo* Type_t_il2cpp_TypeInfo_var;
extern TypeInfo* X509ChainStatusU5BU5D_t109390108_0_il2cpp_TypeInfo_var;
extern Il2CppCodeGenString* _stringLiteral1952399767_0;
extern "C" bool X509Chain_Build_m417178512_0 (X509Chain_t_259668440_0 * __this, X509Certificate2_t1644507188_0 * ___certificate, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
X509ChainStatus_t_1564130246_0_0_0_0_var = il2cpp_codegen_type_from_index(683);
ArgumentException_t1159624695_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(4);
CryptographicException_t_946073705_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(131);
ArrayList_t536890563_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(55);
X509ChainStatus_t_1564130246_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(683);
Type_t_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(3);
X509ChainStatusU5BU5D_t109390108_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(682);
_stringLiteral1952399767_0 = il2cpp_codegen_string_literal_from_index(2270);
s_Il2CppMethodIntialized = true;
}
int32_t V_0 = {0};
CryptographicException_t_946073705_0 * V_1 = {0};
int32_t V_2 = {0};
ArrayList_t536890563_0 * V_3 = {0};
X509ChainElement_t_1009110092_0 * V_4 = {0};
X509ChainElementEnumerator_t_1145710952_0 * V_5 = {0};
X509ChainStatus_t_1564130246_0 V_6 = {0};
X509ChainStatusU5BU5D_t109390108_0* V_7 = {0};
int32_t V_8 = 0;
bool V_9 = false;
X509ChainStatus_t_1564130246_0 V_10 = {0};
X509ChainStatusU5BU5D_t109390108_0* V_11 = {0};
int32_t V_12 = 0;
int32_t V_13 = {0};
Exception_t2143823668_0 * __last_unhandled_exception = 0;
NO_UNUSED_WARNING (__last_unhandled_exception);
Exception_t2143823668_0 * __exception_local = 0;
NO_UNUSED_WARNING (__exception_local);
int32_t __leave_target = 0;
NO_UNUSED_WARNING (__leave_target);
{
X509Certificate2_t1644507188_0 * L_0 = ___certificate;
if (L_0)
{
goto IL_0011;
}
}
{
ArgumentException_t1159624695_0 * L_1 = (ArgumentException_t1159624695_0 *)il2cpp_codegen_object_new (ArgumentException_t1159624695_0_il2cpp_TypeInfo_var);
ArgumentException__ctor_m_750110749_0(L_1, _stringLiteral1952399767_0, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_1);
}
IL_0011:
{
X509Chain_Reset_m_1912787051_0(__this, /*hidden argument*/NULL);
}
IL_0017:
try
{ // begin try (depth: 1)
X509Certificate2_t1644507188_0 * L_2 = ___certificate;
int32_t L_3 = X509Chain_BuildChainFrom_m_1517945773_0(__this, L_2, /*hidden argument*/NULL);
V_0 = L_3;
int32_t L_4 = V_0;
X509Chain_ValidateChain_m976559422_0(__this, L_4, /*hidden argument*/NULL);
goto IL_003d;
} // end try (depth: 1)
catch(Il2CppExceptionWrapper& e)
{
__exception_local = (Exception_t2143823668_0 *)e.ex;
if(il2cpp_codegen_class_is_assignable_from (CryptographicException_t_946073705_0_il2cpp_TypeInfo_var, e.ex->object.klass))
goto CATCH_002b;
throw e;
}
CATCH_002b:
{ // begin catch(System.Security.Cryptography.CryptographicException)
{
V_1 = ((CryptographicException_t_946073705_0 *)__exception_local);
CryptographicException_t_946073705_0 * L_5 = V_1;
ArgumentException_t1159624695_0 * L_6 = (ArgumentException_t1159624695_0 *)il2cpp_codegen_object_new (ArgumentException_t1159624695_0_il2cpp_TypeInfo_var);
ArgumentException__ctor_m_1583747149_0(L_6, _stringLiteral1952399767_0, L_5, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_6);
}
IL_0038:
{
goto IL_003d;
}
} // end catch (depth: 1)
IL_003d:
{
V_2 = 0;
ArrayList_t536890563_0 * L_7 = (ArrayList_t536890563_0 *)il2cpp_codegen_object_new (ArrayList_t536890563_0_il2cpp_TypeInfo_var);
ArrayList__ctor_m1878432947_0(L_7, /*hidden argument*/NULL);
V_3 = L_7;
X509ChainElementCollection_t_1966363278_0 * L_8 = (__this->___elements_1);
NullCheck(L_8);
X509ChainElementEnumerator_t_1145710952_0 * L_9 = X509ChainElementCollection_GetEnumerator_m1375522587_0(L_8, /*hidden argument*/NULL);
V_5 = L_9;
goto IL_00bf;
}
IL_0057:
{
X509ChainElementEnumerator_t_1145710952_0 * L_10 = V_5;
NullCheck(L_10);
X509ChainElement_t_1009110092_0 * L_11 = X509ChainElementEnumerator_get_Current_m1994757799_0(L_10, /*hidden argument*/NULL);
V_4 = L_11;
X509ChainElement_t_1009110092_0 * L_12 = V_4;
NullCheck(L_12);
X509ChainStatusU5BU5D_t109390108_0* L_13 = X509ChainElement_get_ChainElementStatus_m1337819701_0(L_12, /*hidden argument*/NULL);
V_7 = L_13;
V_8 = 0;
goto IL_00b4;
}
IL_0071:
{
X509ChainStatusU5BU5D_t109390108_0* L_14 = V_7;
int32_t L_15 = V_8;
NullCheck(L_14);
IL2CPP_ARRAY_BOUNDS_CHECK(L_14, L_15);
V_6 = (*(X509ChainStatus_t_1564130246_0 *)((X509ChainStatus_t_1564130246_0 *)(X509ChainStatus_t_1564130246_0 *)SZArrayLdElema(L_14, L_15, sizeof(X509ChainStatus_t_1564130246_0 ))));
int32_t L_16 = V_2;
int32_t L_17 = X509ChainStatus_get_Status_m805216413_0((&V_6), /*hidden argument*/NULL);
int32_t L_18 = X509ChainStatus_get_Status_m805216413_0((&V_6), /*hidden argument*/NULL);
if ((((int32_t)((int32_t)((int32_t)L_16&(int32_t)L_17))) == ((int32_t)L_18)))
{
goto IL_00ae;
}
}
{
ArrayList_t536890563_0 * L_19 = V_3;
X509ChainStatus_t_1564130246_0 L_20 = V_6;
X509ChainStatus_t_1564130246_0 L_21 = L_20;
Object_t * L_22 = Box(X509ChainStatus_t_1564130246_0_il2cpp_TypeInfo_var, &L_21);
NullCheck(L_19);
VirtFuncInvoker1< int32_t, Object_t * >::Invoke(30 /* System.Int32 System.Collections.ArrayList::Add(System.Object) */, L_19, L_22);
int32_t L_23 = V_2;
int32_t L_24 = X509ChainStatus_get_Status_m805216413_0((&V_6), /*hidden argument*/NULL);
V_2 = ((int32_t)((int32_t)L_23|(int32_t)L_24));
}
IL_00ae:
{
int32_t L_25 = V_8;
V_8 = ((int32_t)((int32_t)L_25+(int32_t)1));
}
IL_00b4:
{
int32_t L_26 = V_8;
X509ChainStatusU5BU5D_t109390108_0* L_27 = V_7;
NullCheck(L_27);
if ((((int32_t)L_26) < ((int32_t)(((int32_t)((int32_t)(((Array_t *)L_27)->max_length)))))))
{
goto IL_0071;
}
}
IL_00bf:
{
X509ChainElementEnumerator_t_1145710952_0 * L_28 = V_5;
NullCheck(L_28);
bool L_29 = X509ChainElementEnumerator_MoveNext_m_1587033344_0(L_28, /*hidden argument*/NULL);
if (L_29)
{
goto IL_0057;
}
}
{
int32_t L_30 = V_0;
if (!L_30)
{
goto IL_00e3;
}
}
{
ArrayList_t536890563_0 * L_31 = V_3;
int32_t L_32 = V_0;
X509ChainStatus_t_1564130246_0 L_33 = {0};
X509ChainStatus__ctor_m452901827_0(&L_33, L_32, /*hidden argument*/NULL);
X509ChainStatus_t_1564130246_0 L_34 = L_33;
Object_t * L_35 = Box(X509ChainStatus_t_1564130246_0_il2cpp_TypeInfo_var, &L_34);
NullCheck(L_31);
VirtActionInvoker2< int32_t, Object_t * >::Invoke(36 /* System.Void System.Collections.ArrayList::Insert(System.Int32,System.Object) */, L_31, 0, L_35);
}
IL_00e3:
{
ArrayList_t536890563_0 * L_36 = V_3;
IL2CPP_RUNTIME_CLASS_INIT(Type_t_il2cpp_TypeInfo_var);
Type_t * L_37 = Type_GetTypeFromHandle_m_488061862_0(NULL /*static, unused*/, LoadTypeToken(X509ChainStatus_t_1564130246_0_0_0_0_var), /*hidden argument*/NULL);
NullCheck(L_36);
Array_t * L_38 = (Array_t *)VirtFuncInvoker1< Array_t *, Type_t * >::Invoke(48 /* System.Array System.Collections.ArrayList::ToArray(System.Type) */, L_36, L_37);
__this->___status_3 = ((X509ChainStatusU5BU5D_t109390108_0*)Castclass(L_38, X509ChainStatusU5BU5D_t109390108_0_il2cpp_TypeInfo_var));
X509ChainStatusU5BU5D_t109390108_0* L_39 = (__this->___status_3);
NullCheck(L_39);
if (!(((int32_t)((int32_t)(((Array_t *)L_39)->max_length)))))
{
goto IL_0120;
}
}
{
X509ChainPolicy_t_1654318726_0 * L_40 = X509Chain_get_ChainPolicy_m_1153143153_0(__this, /*hidden argument*/NULL);
NullCheck(L_40);
int32_t L_41 = X509ChainPolicy_get_VerificationFlags_m1052595485_0(L_40, /*hidden argument*/NULL);
if ((!(((uint32_t)L_41) == ((uint32_t)((int32_t)4095)))))
{
goto IL_0122;
}
}
IL_0120:
{
return (bool)1;
}
IL_0122:
{
V_9 = (bool)1;
X509ChainStatusU5BU5D_t109390108_0* L_42 = (__this->___status_3);
V_11 = L_42;
V_12 = 0;
goto IL_0325;
}
IL_0135:
{
X509ChainStatusU5BU5D_t109390108_0* L_43 = V_11;
int32_t L_44 = V_12;
NullCheck(L_43);
IL2CPP_ARRAY_BOUNDS_CHECK(L_43, L_44);
V_10 = (*(X509ChainStatus_t_1564130246_0 *)((X509ChainStatus_t_1564130246_0 *)(X509ChainStatus_t_1564130246_0 *)SZArrayLdElema(L_43, L_44, sizeof(X509ChainStatus_t_1564130246_0 ))));
int32_t L_45 = X509ChainStatus_get_Status_m805216413_0((&V_10), /*hidden argument*/NULL);
V_13 = L_45;
int32_t L_46 = V_13;
if ((((int32_t)L_46) == ((int32_t)1)))
{
goto IL_021a;
}
}
{
int32_t L_47 = V_13;
if ((((int32_t)L_47) == ((int32_t)2)))
{
goto IL_0237;
}
}
{
int32_t L_48 = V_13;
if ((((int32_t)L_48) == ((int32_t)((int32_t)32))))
{
goto IL_01fc;
}
}
{
int32_t L_49 = V_13;
if ((((int32_t)L_49) == ((int32_t)((int32_t)256))))
{
goto IL_02b0;
}
}
{
int32_t L_50 = V_13;
if ((((int32_t)L_50) == ((int32_t)((int32_t)512))))
{
goto IL_0271;
}
}
{
int32_t L_51 = V_13;
if ((((int32_t)L_51) == ((int32_t)((int32_t)1024))))
{
goto IL_0254;
}
}
{
int32_t L_52 = V_13;
if ((((int32_t)L_52) == ((int32_t)((int32_t)2048))))
{
goto IL_0292;
}
}
{
int32_t L_53 = V_13;
if ((((int32_t)L_53) == ((int32_t)((int32_t)4096))))
{
goto IL_0292;
}
}
{
int32_t L_54 = V_13;
if ((((int32_t)L_54) == ((int32_t)((int32_t)16384))))
{
goto IL_0292;
}
}
{
int32_t L_55 = V_13;
if ((((int32_t)L_55) == ((int32_t)((int32_t)32768))))
{
goto IL_0292;
}
}
{
int32_t L_56 = V_13;
if ((((int32_t)L_56) == ((int32_t)((int32_t)65536))))
{
goto IL_01fc;
}
}
{
int32_t L_57 = V_13;
if ((((int32_t)L_57) == ((int32_t)((int32_t)131072))))
{
goto IL_02ce;
}
}
{
int32_t L_58 = V_13;
if ((((int32_t)L_58) == ((int32_t)((int32_t)262144))))
{
goto IL_02eb;
}
}
{
int32_t L_59 = V_13;
if ((((int32_t)L_59) == ((int32_t)((int32_t)524288))))
{
goto IL_02f0;
}
}
{
int32_t L_60 = V_13;
if ((((int32_t)L_60) == ((int32_t)((int32_t)33554432))))
{
goto IL_0271;
}
}
{
goto IL_030e;
}
IL_01fc:
{
bool L_61 = V_9;
X509ChainPolicy_t_1654318726_0 * L_62 = X509Chain_get_ChainPolicy_m_1153143153_0(__this, /*hidden argument*/NULL);
NullCheck(L_62);
int32_t L_63 = X509ChainPolicy_get_VerificationFlags_m1052595485_0(L_62, /*hidden argument*/NULL);
V_9 = (bool)((int32_t)((int32_t)L_61&(int32_t)((((int32_t)((((int32_t)((int32_t)((int32_t)L_63&(int32_t)((int32_t)16)))) == ((int32_t)0))? 1 : 0)) == ((int32_t)0))? 1 : 0)));
goto IL_0316;
}
IL_021a:
{
bool L_64 = V_9;
X509ChainPolicy_t_1654318726_0 * L_65 = X509Chain_get_ChainPolicy_m_1153143153_0(__this, /*hidden argument*/NULL);
NullCheck(L_65);
int32_t L_66 = X509ChainPolicy_get_VerificationFlags_m1052595485_0(L_65, /*hidden argument*/NULL);
V_9 = (bool)((int32_t)((int32_t)L_64&(int32_t)((((int32_t)((((int32_t)((int32_t)((int32_t)L_66&(int32_t)1))) == ((int32_t)0))? 1 : 0)) == ((int32_t)0))? 1 : 0)));
goto IL_0316;
}
IL_0237:
{
bool L_67 = V_9;
X509ChainPolicy_t_1654318726_0 * L_68 = X509Chain_get_ChainPolicy_m_1153143153_0(__this, /*hidden argument*/NULL);
NullCheck(L_68);
int32_t L_69 = X509ChainPolicy_get_VerificationFlags_m1052595485_0(L_68, /*hidden argument*/NULL);
V_9 = (bool)((int32_t)((int32_t)L_67&(int32_t)((((int32_t)((((int32_t)((int32_t)((int32_t)L_69&(int32_t)4))) == ((int32_t)0))? 1 : 0)) == ((int32_t)0))? 1 : 0)));
goto IL_0316;
}
IL_0254:
{
bool L_70 = V_9;
X509ChainPolicy_t_1654318726_0 * L_71 = X509Chain_get_ChainPolicy_m_1153143153_0(__this, /*hidden argument*/NULL);
NullCheck(L_71);
int32_t L_72 = X509ChainPolicy_get_VerificationFlags_m1052595485_0(L_71, /*hidden argument*/NULL);
V_9 = (bool)((int32_t)((int32_t)L_70&(int32_t)((((int32_t)((((int32_t)((int32_t)((int32_t)L_72&(int32_t)8))) == ((int32_t)0))? 1 : 0)) == ((int32_t)0))? 1 : 0)));
goto IL_0316;
}
IL_0271:
{
bool L_73 = V_9;
X509ChainPolicy_t_1654318726_0 * L_74 = X509Chain_get_ChainPolicy_m_1153143153_0(__this, /*hidden argument*/NULL);
NullCheck(L_74);
int32_t L_75 = X509ChainPolicy_get_VerificationFlags_m1052595485_0(L_74, /*hidden argument*/NULL);
V_9 = (bool)((int32_t)((int32_t)L_73&(int32_t)((((int32_t)((((int32_t)((int32_t)((int32_t)L_75&(int32_t)((int32_t)128)))) == ((int32_t)0))? 1 : 0)) == ((int32_t)0))? 1 : 0)));
goto IL_0316;
}
IL_0292:
{
bool L_76 = V_9;
X509ChainPolicy_t_1654318726_0 * L_77 = X509Chain_get_ChainPolicy_m_1153143153_0(__this, /*hidden argument*/NULL);
NullCheck(L_77);
int32_t L_78 = X509ChainPolicy_get_VerificationFlags_m1052595485_0(L_77, /*hidden argument*/NULL);
V_9 = (bool)((int32_t)((int32_t)L_76&(int32_t)((((int32_t)((((int32_t)((int32_t)((int32_t)L_78&(int32_t)((int32_t)64)))) == ((int32_t)0))? 1 : 0)) == ((int32_t)0))? 1 : 0)));
goto IL_0316;
}
IL_02b0:
{
bool L_79 = V_9;
X509ChainPolicy_t_1654318726_0 * L_80 = X509Chain_get_ChainPolicy_m_1153143153_0(__this, /*hidden argument*/NULL);
NullCheck(L_80);
int32_t L_81 = X509ChainPolicy_get_VerificationFlags_m1052595485_0(L_80, /*hidden argument*/NULL);
V_9 = (bool)((int32_t)((int32_t)L_79&(int32_t)((((int32_t)((((int32_t)((int32_t)((int32_t)L_81&(int32_t)((int32_t)32)))) == ((int32_t)0))? 1 : 0)) == ((int32_t)0))? 1 : 0)));
goto IL_0316;
}
IL_02ce:
{
bool L_82 = V_9;
X509ChainPolicy_t_1654318726_0 * L_83 = X509Chain_get_ChainPolicy_m_1153143153_0(__this, /*hidden argument*/NULL);
NullCheck(L_83);
int32_t L_84 = X509ChainPolicy_get_VerificationFlags_m1052595485_0(L_83, /*hidden argument*/NULL);
V_9 = (bool)((int32_t)((int32_t)L_82&(int32_t)((((int32_t)((((int32_t)((int32_t)((int32_t)L_84&(int32_t)2))) == ((int32_t)0))? 1 : 0)) == ((int32_t)0))? 1 : 0)));
goto IL_0316;
}
IL_02eb:
{
goto IL_0316;
}
IL_02f0:
{
bool L_85 = V_9;
X509ChainPolicy_t_1654318726_0 * L_86 = X509Chain_get_ChainPolicy_m_1153143153_0(__this, /*hidden argument*/NULL);
NullCheck(L_86);
int32_t L_87 = X509ChainPolicy_get_VerificationFlags_m1052595485_0(L_86, /*hidden argument*/NULL);
V_9 = (bool)((int32_t)((int32_t)L_85&(int32_t)((((int32_t)((((int32_t)((int32_t)((int32_t)L_87&(int32_t)((int32_t)32)))) == ((int32_t)0))? 1 : 0)) == ((int32_t)0))? 1 : 0)));
goto IL_0316;
}
IL_030e:
{
V_9 = (bool)0;
goto IL_0316;
}
IL_0316:
{
bool L_88 = V_9;
if (L_88)
{
goto IL_031f;
}
}
{
return (bool)0;
}
IL_031f:
{
int32_t L_89 = V_12;
V_12 = ((int32_t)((int32_t)L_89+(int32_t)1));
}
IL_0325:
{
int32_t L_90 = V_12;
X509ChainStatusU5BU5D_t109390108_0* L_91 = V_11;
NullCheck(L_91);
if ((((int32_t)L_90) < ((int32_t)(((int32_t)((int32_t)(((Array_t *)L_91)->max_length)))))))
{
goto IL_0135;
}
}
{
return (bool)1;
}
}
// System.Void System.Security.Cryptography.X509Certificates.X509Chain::Reset()
extern "C" void X509Chain_Reset_m_1912787051_0 (X509Chain_t_259668440_0 * __this, const MethodInfo* method)
{
{
X509ChainStatusU5BU5D_t109390108_0* L_0 = (__this->___status_3);
if (!L_0)
{
goto IL_001f;
}
}
{
X509ChainStatusU5BU5D_t109390108_0* L_1 = (__this->___status_3);
NullCheck(L_1);
if (!(((int32_t)((int32_t)(((Array_t *)L_1)->max_length)))))
{
goto IL_001f;
}
}
{
__this->___status_3 = (X509ChainStatusU5BU5D_t109390108_0*)NULL;
}
IL_001f:
{
X509ChainElementCollection_t_1966363278_0 * L_2 = (__this->___elements_1);
NullCheck(L_2);
int32_t L_3 = X509ChainElementCollection_get_Count_m_763949768_0(L_2, /*hidden argument*/NULL);
if ((((int32_t)L_3) <= ((int32_t)0)))
{
goto IL_003b;
}
}
{
X509ChainElementCollection_t_1966363278_0 * L_4 = (__this->___elements_1);
NullCheck(L_4);
X509ChainElementCollection_Clear_m_1514656369_0(L_4, /*hidden argument*/NULL);
}
IL_003b:
{
X509Store_t_244520888_0 * L_5 = (__this->___roots_9);
if (!L_5)
{
goto IL_0058;
}
}
{
X509Store_t_244520888_0 * L_6 = (__this->___roots_9);
NullCheck(L_6);
X509Store_Close_m_580080674_0(L_6, /*hidden argument*/NULL);
__this->___roots_9 = (X509Store_t_244520888_0 *)NULL;
}
IL_0058:
{
X509Store_t_244520888_0 * L_7 = (__this->___cas_10);
if (!L_7)
{
goto IL_0075;
}
}
{
X509Store_t_244520888_0 * L_8 = (__this->___cas_10);
NullCheck(L_8);
X509Store_Close_m_580080674_0(L_8, /*hidden argument*/NULL);
__this->___cas_10 = (X509Store_t_244520888_0 *)NULL;
}
IL_0075:
{
__this->___collection_11 = (X509Certificate2Collection_t_1899689486_0 *)NULL;
__this->___bce_restriction_8 = (X509ChainElement_t_1009110092_0 *)NULL;
__this->___working_public_key_7 = (AsymmetricAlgorithm_t1451338986_0 *)NULL;
return;
}
}
// System.Security.Cryptography.X509Certificates.X509Store System.Security.Cryptography.X509Certificates.X509Chain::get_Roots()
extern TypeInfo* X509Store_t_244520888_0_il2cpp_TypeInfo_var;
extern "C" X509Store_t_244520888_0 * X509Chain_get_Roots_m_193291841_0 (X509Chain_t_259668440_0 * __this, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
X509Store_t_244520888_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(684);
s_Il2CppMethodIntialized = true;
}
{
X509Store_t_244520888_0 * L_0 = (__this->___roots_9);
if (L_0)
{
goto IL_0029;
}
}
{
int32_t L_1 = (__this->___location_0);
X509Store_t_244520888_0 * L_2 = (X509Store_t_244520888_0 *)il2cpp_codegen_object_new (X509Store_t_244520888_0_il2cpp_TypeInfo_var);
X509Store__ctor_m_495266554_0(L_2, 6, L_1, /*hidden argument*/NULL);
__this->___roots_9 = L_2;
X509Store_t_244520888_0 * L_3 = (__this->___roots_9);
NullCheck(L_3);
X509Store_Open_m_160412216_0(L_3, 0, /*hidden argument*/NULL);
}
IL_0029:
{
X509Store_t_244520888_0 * L_4 = (__this->___roots_9);
return L_4;
}
}
// System.Security.Cryptography.X509Certificates.X509Store System.Security.Cryptography.X509Certificates.X509Chain::get_CertificateAuthorities()
extern TypeInfo* X509Store_t_244520888_0_il2cpp_TypeInfo_var;
extern "C" X509Store_t_244520888_0 * X509Chain_get_CertificateAuthorities_m1238271486_0 (X509Chain_t_259668440_0 * __this, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
X509Store_t_244520888_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(684);
s_Il2CppMethodIntialized = true;
}
{
X509Store_t_244520888_0 * L_0 = (__this->___cas_10);
if (L_0)
{
goto IL_0029;
}
}
{
int32_t L_1 = (__this->___location_0);
X509Store_t_244520888_0 * L_2 = (X509Store_t_244520888_0 *)il2cpp_codegen_object_new (X509Store_t_244520888_0_il2cpp_TypeInfo_var);
X509Store__ctor_m_495266554_0(L_2, 3, L_1, /*hidden argument*/NULL);
__this->___cas_10 = L_2;
X509Store_t_244520888_0 * L_3 = (__this->___cas_10);
NullCheck(L_3);
X509Store_Open_m_160412216_0(L_3, 0, /*hidden argument*/NULL);
}
IL_0029:
{
X509Store_t_244520888_0 * L_4 = (__this->___cas_10);
return L_4;
}
}
// System.Security.Cryptography.X509Certificates.X509Certificate2Collection System.Security.Cryptography.X509Certificates.X509Chain::get_CertificateCollection()
extern TypeInfo* X509Certificate2Collection_t_1899689486_0_il2cpp_TypeInfo_var;
extern "C" X509Certificate2Collection_t_1899689486_0 * X509Chain_get_CertificateCollection_m1393875737_0 (X509Chain_t_259668440_0 * __this, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
X509Certificate2Collection_t_1899689486_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(675);
s_Il2CppMethodIntialized = true;
}
{
X509Certificate2Collection_t_1899689486_0 * L_0 = (__this->___collection_11);
if (L_0)
{
goto IL_0079;
}
}
{
X509ChainPolicy_t_1654318726_0 * L_1 = X509Chain_get_ChainPolicy_m_1153143153_0(__this, /*hidden argument*/NULL);
NullCheck(L_1);
X509Certificate2Collection_t_1899689486_0 * L_2 = X509ChainPolicy_get_ExtraStore_m_671292063_0(L_1, /*hidden argument*/NULL);
X509Certificate2Collection_t_1899689486_0 * L_3 = (X509Certificate2Collection_t_1899689486_0 *)il2cpp_codegen_object_new (X509Certificate2Collection_t_1899689486_0_il2cpp_TypeInfo_var);
X509Certificate2Collection__ctor_m576565548_0(L_3, L_2, /*hidden argument*/NULL);
__this->___collection_11 = L_3;
X509Store_t_244520888_0 * L_4 = X509Chain_get_Roots_m_193291841_0(__this, /*hidden argument*/NULL);
NullCheck(L_4);
X509Certificate2Collection_t_1899689486_0 * L_5 = X509Store_get_Certificates_m806880954_0(L_4, /*hidden argument*/NULL);
NullCheck(L_5);
int32_t L_6 = (int32_t)VirtFuncInvoker0< int32_t >::Invoke(5 /* System.Int32 System.Collections.CollectionBase::get_Count() */, L_5);
if ((((int32_t)L_6) <= ((int32_t)0)))
{
goto IL_004d;
}
}
{
X509Certificate2Collection_t_1899689486_0 * L_7 = (__this->___collection_11);
X509Store_t_244520888_0 * L_8 = X509Chain_get_Roots_m_193291841_0(__this, /*hidden argument*/NULL);
NullCheck(L_8);
X509Certificate2Collection_t_1899689486_0 * L_9 = X509Store_get_Certificates_m806880954_0(L_8, /*hidden argument*/NULL);
NullCheck(L_7);
X509Certificate2Collection_AddRange_m1617477316_0(L_7, L_9, /*hidden argument*/NULL);
}
IL_004d:
{
X509Store_t_244520888_0 * L_10 = X509Chain_get_CertificateAuthorities_m1238271486_0(__this, /*hidden argument*/NULL);
NullCheck(L_10);
X509Certificate2Collection_t_1899689486_0 * L_11 = X509Store_get_Certificates_m806880954_0(L_10, /*hidden argument*/NULL);
NullCheck(L_11);
int32_t L_12 = (int32_t)VirtFuncInvoker0< int32_t >::Invoke(5 /* System.Int32 System.Collections.CollectionBase::get_Count() */, L_11);
if ((((int32_t)L_12) <= ((int32_t)0)))
{
goto IL_0079;
}
}
{
X509Certificate2Collection_t_1899689486_0 * L_13 = (__this->___collection_11);
X509Store_t_244520888_0 * L_14 = X509Chain_get_CertificateAuthorities_m1238271486_0(__this, /*hidden argument*/NULL);
NullCheck(L_14);
X509Certificate2Collection_t_1899689486_0 * L_15 = X509Store_get_Certificates_m806880954_0(L_14, /*hidden argument*/NULL);
NullCheck(L_13);
X509Certificate2Collection_AddRange_m1617477316_0(L_13, L_15, /*hidden argument*/NULL);
}
IL_0079:
{
X509Certificate2Collection_t_1899689486_0 * L_16 = (__this->___collection_11);
return L_16;
}
}
// System.Security.Cryptography.X509Certificates.X509ChainStatusFlags System.Security.Cryptography.X509Certificates.X509Chain::BuildChainFrom(System.Security.Cryptography.X509Certificates.X509Certificate2)
extern "C" int32_t X509Chain_BuildChainFrom_m_1517945773_0 (X509Chain_t_259668440_0 * __this, X509Certificate2_t1644507188_0 * ___certificate, const MethodInfo* method)
{
{
X509ChainElementCollection_t_1966363278_0 * L_0 = (__this->___elements_1);
X509Certificate2_t1644507188_0 * L_1 = ___certificate;
NullCheck(L_0);
X509ChainElementCollection_Add_m2103492457_0(L_0, L_1, /*hidden argument*/NULL);
goto IL_0049;
}
IL_0011:
{
X509Certificate2_t1644507188_0 * L_2 = ___certificate;
X509Certificate2_t1644507188_0 * L_3 = X509Chain_FindParent_m_1482772832_0(__this, L_2, /*hidden argument*/NULL);
___certificate = L_3;
X509Certificate2_t1644507188_0 * L_4 = ___certificate;
if (L_4)
{
goto IL_0026;
}
}
{
return (int32_t)(((int32_t)65536));
}
IL_0026:
{
X509ChainElementCollection_t_1966363278_0 * L_5 = (__this->___elements_1);
X509Certificate2_t1644507188_0 * L_6 = ___certificate;
NullCheck(L_5);
bool L_7 = X509ChainElementCollection_Contains_m150098075_0(L_5, L_6, /*hidden argument*/NULL);
if (!L_7)
{
goto IL_003d;
}
}
{
return (int32_t)(((int32_t)128));
}
IL_003d:
{
X509ChainElementCollection_t_1966363278_0 * L_8 = (__this->___elements_1);
X509Certificate2_t1644507188_0 * L_9 = ___certificate;
NullCheck(L_8);
X509ChainElementCollection_Add_m2103492457_0(L_8, L_9, /*hidden argument*/NULL);
}
IL_0049:
{
X509Certificate2_t1644507188_0 * L_10 = ___certificate;
bool L_11 = X509Chain_IsChainComplete_m_853030542_0(__this, L_10, /*hidden argument*/NULL);
if (!L_11)
{
goto IL_0011;
}
}
{
X509Store_t_244520888_0 * L_12 = X509Chain_get_Roots_m_193291841_0(__this, /*hidden argument*/NULL);
NullCheck(L_12);
X509Certificate2Collection_t_1899689486_0 * L_13 = X509Store_get_Certificates_m806880954_0(L_12, /*hidden argument*/NULL);
X509Certificate2_t1644507188_0 * L_14 = ___certificate;
NullCheck(L_13);
bool L_15 = X509Certificate2Collection_Contains_m1344146715_0(L_13, L_14, /*hidden argument*/NULL);
if (L_15)
{
goto IL_0091;
}
}
{
X509ChainElementCollection_t_1966363278_0 * L_16 = (__this->___elements_1);
X509ChainElementCollection_t_1966363278_0 * L_17 = (__this->___elements_1);
NullCheck(L_17);
int32_t L_18 = X509ChainElementCollection_get_Count_m_763949768_0(L_17, /*hidden argument*/NULL);
NullCheck(L_16);
X509ChainElement_t_1009110092_0 * L_19 = X509ChainElementCollection_get_Item_m553083826_0(L_16, ((int32_t)((int32_t)L_18-(int32_t)1)), /*hidden argument*/NULL);
X509ChainElement_t_1009110092_0 * L_20 = L_19;
NullCheck(L_20);
int32_t L_21 = X509ChainElement_get_StatusFlags_m_2025154880_0(L_20, /*hidden argument*/NULL);
NullCheck(L_20);
X509ChainElement_set_StatusFlags_m_1615511355_0(L_20, ((int32_t)((int32_t)L_21|(int32_t)((int32_t)32))), /*hidden argument*/NULL);
}
IL_0091:
{
return (int32_t)(0);
}
}
// System.Security.Cryptography.X509Certificates.X509Certificate2 System.Security.Cryptography.X509Certificates.X509Chain::SelectBestFromCollection(System.Security.Cryptography.X509Certificates.X509Certificate2,System.Security.Cryptography.X509Certificates.X509Certificate2Collection)
extern TypeInfo* DateTime_t_818288618_0_il2cpp_TypeInfo_var;
extern TypeInfo* String_t_il2cpp_TypeInfo_var;
extern "C" X509Certificate2_t1644507188_0 * X509Chain_SelectBestFromCollection_m_1062882039_0 (X509Chain_t_259668440_0 * __this, X509Certificate2_t1644507188_0 * ___child, X509Certificate2Collection_t_1899689486_0 * ___c, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
DateTime_t_818288618_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(172);
String_t_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(11);
s_Il2CppMethodIntialized = true;
}
X509Certificate2Collection_t_1899689486_0 * V_0 = {0};
String_t* V_1 = {0};
X509Certificate2_t1644507188_0 * V_2 = {0};
X509Certificate2Enumerator_t_1079037160_0 * V_3 = {0};
String_t* V_4 = {0};
int32_t V_5 = 0;
int32_t V_6 = 0;
{
X509Certificate2Collection_t_1899689486_0 * L_0 = ___c;
NullCheck(L_0);
int32_t L_1 = (int32_t)VirtFuncInvoker0< int32_t >::Invoke(5 /* System.Int32 System.Collections.CollectionBase::get_Count() */, L_0);
V_5 = L_1;
int32_t L_2 = V_5;
if (!L_2)
{
goto IL_001c;
}
}
{
int32_t L_3 = V_5;
if ((((int32_t)L_3) == ((int32_t)1)))
{
goto IL_001e;
}
}
{
goto IL_0026;
}
IL_001c:
{
return (X509Certificate2_t1644507188_0 *)NULL;
}
IL_001e:
{
X509Certificate2Collection_t_1899689486_0 * L_4 = ___c;
NullCheck(L_4);
X509Certificate2_t1644507188_0 * L_5 = X509Certificate2Collection_get_Item_m1131271090_0(L_4, 0, /*hidden argument*/NULL);
return L_5;
}
IL_0026:
{
X509Certificate2Collection_t_1899689486_0 * L_6 = ___c;
X509ChainPolicy_t_1654318726_0 * L_7 = X509Chain_get_ChainPolicy_m_1153143153_0(__this, /*hidden argument*/NULL);
NullCheck(L_7);
DateTime_t_818288618_0 L_8 = X509ChainPolicy_get_VerificationTime_m_1855396410_0(L_7, /*hidden argument*/NULL);
DateTime_t_818288618_0 L_9 = L_8;
Object_t * L_10 = Box(DateTime_t_818288618_0_il2cpp_TypeInfo_var, &L_9);
NullCheck(L_6);
X509Certificate2Collection_t_1899689486_0 * L_11 = X509Certificate2Collection_Find_m162772545_0(L_6, 6, L_10, (bool)0, /*hidden argument*/NULL);
V_0 = L_11;
X509Certificate2Collection_t_1899689486_0 * L_12 = V_0;
NullCheck(L_12);
int32_t L_13 = (int32_t)VirtFuncInvoker0< int32_t >::Invoke(5 /* System.Int32 System.Collections.CollectionBase::get_Count() */, L_12);
V_6 = L_13;
int32_t L_14 = V_6;
if (!L_14)
{
goto IL_005b;
}
}
{
int32_t L_15 = V_6;
if ((((int32_t)L_15) == ((int32_t)1)))
{
goto IL_0062;
}
}
{
goto IL_006a;
}
IL_005b:
{
X509Certificate2Collection_t_1899689486_0 * L_16 = ___c;
V_0 = L_16;
goto IL_006f;
}
IL_0062:
{
X509Certificate2Collection_t_1899689486_0 * L_17 = V_0;
NullCheck(L_17);
X509Certificate2_t1644507188_0 * L_18 = X509Certificate2Collection_get_Item_m1131271090_0(L_17, 0, /*hidden argument*/NULL);
return L_18;
}
IL_006a:
{
goto IL_006f;
}
IL_006f:
{
X509Certificate2_t1644507188_0 * L_19 = ___child;
String_t* L_20 = X509Chain_GetAuthorityKeyIdentifier_m_834812150_0(__this, L_19, /*hidden argument*/NULL);
V_1 = L_20;
String_t* L_21 = V_1;
IL2CPP_RUNTIME_CLASS_INIT(String_t_il2cpp_TypeInfo_var);
bool L_22 = String_IsNullOrEmpty_m1256468773_0(NULL /*static, unused*/, L_21, /*hidden argument*/NULL);
if (!L_22)
{
goto IL_008a;
}
}
{
X509Certificate2Collection_t_1899689486_0 * L_23 = V_0;
NullCheck(L_23);
X509Certificate2_t1644507188_0 * L_24 = X509Certificate2Collection_get_Item_m1131271090_0(L_23, 0, /*hidden argument*/NULL);
return L_24;
}
IL_008a:
{
X509Certificate2Collection_t_1899689486_0 * L_25 = V_0;
NullCheck(L_25);
X509Certificate2Enumerator_t_1079037160_0 * L_26 = X509Certificate2Collection_GetEnumerator_m_92618981_0(L_25, /*hidden argument*/NULL);
V_3 = L_26;
goto IL_00b5;
}
IL_0096:
{
X509Certificate2Enumerator_t_1079037160_0 * L_27 = V_3;
NullCheck(L_27);
X509Certificate2_t1644507188_0 * L_28 = X509Certificate2Enumerator_get_Current_m812721831_0(L_27, /*hidden argument*/NULL);
V_2 = L_28;
X509Certificate2_t1644507188_0 * L_29 = V_2;
String_t* L_30 = X509Chain_GetSubjectKeyIdentifier_m2141872961_0(__this, L_29, /*hidden argument*/NULL);
V_4 = L_30;
String_t* L_31 = V_1;
String_t* L_32 = V_4;
IL2CPP_RUNTIME_CLASS_INIT(String_t_il2cpp_TypeInfo_var);
bool L_33 = String_op_Equality_m1260523650_0(NULL /*static, unused*/, L_31, L_32, /*hidden argument*/NULL);
if (!L_33)
{
goto IL_00b5;
}
}
{
X509Certificate2_t1644507188_0 * L_34 = V_2;
return L_34;
}
IL_00b5:
{
X509Certificate2Enumerator_t_1079037160_0 * L_35 = V_3;
NullCheck(L_35);
bool L_36 = X509Certificate2Enumerator_MoveNext_m_809867392_0(L_35, /*hidden argument*/NULL);
if (L_36)
{
goto IL_0096;
}
}
{
X509Certificate2Collection_t_1899689486_0 * L_37 = V_0;
NullCheck(L_37);
X509Certificate2_t1644507188_0 * L_38 = X509Certificate2Collection_get_Item_m1131271090_0(L_37, 0, /*hidden argument*/NULL);
return L_38;
}
}
// System.Security.Cryptography.X509Certificates.X509Certificate2 System.Security.Cryptography.X509Certificates.X509Chain::FindParent(System.Security.Cryptography.X509Certificates.X509Certificate2)
extern "C" X509Certificate2_t1644507188_0 * X509Chain_FindParent_m_1482772832_0 (X509Chain_t_259668440_0 * __this, X509Certificate2_t1644507188_0 * ___certificate, const MethodInfo* method)
{
X509Certificate2Collection_t_1899689486_0 * V_0 = {0};
String_t* V_1 = {0};
X509Certificate2_t1644507188_0 * V_2 = {0};
X509Certificate2_t1644507188_0 * G_B6_0 = {0};
{
X509Certificate2Collection_t_1899689486_0 * L_0 = X509Chain_get_CertificateCollection_m1393875737_0(__this, /*hidden argument*/NULL);
X509Certificate2_t1644507188_0 * L_1 = ___certificate;
NullCheck(L_1);
String_t* L_2 = X509Certificate_get_Issuer_m681285767_0(L_1, /*hidden argument*/NULL);
NullCheck(L_0);
X509Certificate2Collection_t_1899689486_0 * L_3 = X509Certificate2Collection_Find_m162772545_0(L_0, 2, L_2, (bool)0, /*hidden argument*/NULL);
V_0 = L_3;
X509Certificate2_t1644507188_0 * L_4 = ___certificate;
String_t* L_5 = X509Chain_GetAuthorityKeyIdentifier_m_834812150_0(__this, L_4, /*hidden argument*/NULL);
V_1 = L_5;
String_t* L_6 = V_1;
if (!L_6)
{
goto IL_0043;
}
}
{
String_t* L_7 = V_1;
NullCheck(L_7);
int32_t L_8 = String_get_Length_m_1314969965_0(L_7, /*hidden argument*/NULL);
if ((((int32_t)L_8) <= ((int32_t)0)))
{
goto IL_0043;
}
}
{
X509Certificate2Collection_t_1899689486_0 * L_9 = V_0;
X509Certificate2Collection_t_1899689486_0 * L_10 = X509Chain_get_CertificateCollection_m1393875737_0(__this, /*hidden argument*/NULL);
String_t* L_11 = V_1;
NullCheck(L_10);
X509Certificate2Collection_t_1899689486_0 * L_12 = X509Certificate2Collection_Find_m162772545_0(L_10, ((int32_t)14), L_11, (bool)0, /*hidden argument*/NULL);
NullCheck(L_9);
X509Certificate2Collection_AddRange_m1617477316_0(L_9, L_12, /*hidden argument*/NULL);
}
IL_0043:
{
X509Certificate2_t1644507188_0 * L_13 = ___certificate;
X509Certificate2Collection_t_1899689486_0 * L_14 = V_0;
X509Certificate2_t1644507188_0 * L_15 = X509Chain_SelectBestFromCollection_m_1062882039_0(__this, L_13, L_14, /*hidden argument*/NULL);
V_2 = L_15;
X509Certificate2_t1644507188_0 * L_16 = ___certificate;
X509Certificate2_t1644507188_0 * L_17 = V_2;
NullCheck(L_16);
bool L_18 = (bool)VirtFuncInvoker1< bool, X509Certificate_t1524084820_0 * >::Invoke(6 /* System.Boolean System.Security.Cryptography.X509Certificates.X509Certificate::Equals(System.Security.Cryptography.X509Certificates.X509Certificate) */, L_16, L_17);
if (!L_18)
{
goto IL_005e;
}
}
{
G_B6_0 = ((X509Certificate2_t1644507188_0 *)(NULL));
goto IL_005f;
}
IL_005e:
{
X509Certificate2_t1644507188_0 * L_19 = V_2;
G_B6_0 = L_19;
}
IL_005f:
{
return G_B6_0;
}
}
// System.Boolean System.Security.Cryptography.X509Certificates.X509Chain::IsChainComplete(System.Security.Cryptography.X509Certificates.X509Certificate2)
extern TypeInfo* String_t_il2cpp_TypeInfo_var;
extern "C" bool X509Chain_IsChainComplete_m_853030542_0 (X509Chain_t_259668440_0 * __this, X509Certificate2_t1644507188_0 * ___certificate, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
String_t_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(11);
s_Il2CppMethodIntialized = true;
}
String_t* V_0 = {0};
String_t* V_1 = {0};
{
X509Certificate2_t1644507188_0 * L_0 = ___certificate;
bool L_1 = X509Chain_IsSelfIssued_m397924845_0(__this, L_0, /*hidden argument*/NULL);
if (L_1)
{
goto IL_000e;
}
}
{
return (bool)0;
}
IL_000e:
{
X509Certificate2_t1644507188_0 * L_2 = ___certificate;
NullCheck(L_2);
int32_t L_3 = X509Certificate2_get_Version_m_1027313281_0(L_2, /*hidden argument*/NULL);
if ((((int32_t)L_3) >= ((int32_t)3)))
{
goto IL_001c;
}
}
{
return (bool)1;
}
IL_001c:
{
X509Certificate2_t1644507188_0 * L_4 = ___certificate;
String_t* L_5 = X509Chain_GetSubjectKeyIdentifier_m2141872961_0(__this, L_4, /*hidden argument*/NULL);
V_0 = L_5;
String_t* L_6 = V_0;
IL2CPP_RUNTIME_CLASS_INIT(String_t_il2cpp_TypeInfo_var);
bool L_7 = String_IsNullOrEmpty_m1256468773_0(NULL /*static, unused*/, L_6, /*hidden argument*/NULL);
if (!L_7)
{
goto IL_0031;
}
}
{
return (bool)1;
}
IL_0031:
{
X509Certificate2_t1644507188_0 * L_8 = ___certificate;
String_t* L_9 = X509Chain_GetAuthorityKeyIdentifier_m_834812150_0(__this, L_8, /*hidden argument*/NULL);
V_1 = L_9;
String_t* L_10 = V_1;
IL2CPP_RUNTIME_CLASS_INIT(String_t_il2cpp_TypeInfo_var);
bool L_11 = String_IsNullOrEmpty_m1256468773_0(NULL /*static, unused*/, L_10, /*hidden argument*/NULL);
if (!L_11)
{
goto IL_0046;
}
}
{
return (bool)1;
}
IL_0046:
{
String_t* L_12 = V_1;
String_t* L_13 = V_0;
IL2CPP_RUNTIME_CLASS_INIT(String_t_il2cpp_TypeInfo_var);
bool L_14 = String_op_Equality_m1260523650_0(NULL /*static, unused*/, L_12, L_13, /*hidden argument*/NULL);
return L_14;
}
}
// System.Boolean System.Security.Cryptography.X509Certificates.X509Chain::IsSelfIssued(System.Security.Cryptography.X509Certificates.X509Certificate2)
extern TypeInfo* String_t_il2cpp_TypeInfo_var;
extern "C" bool X509Chain_IsSelfIssued_m397924845_0 (X509Chain_t_259668440_0 * __this, X509Certificate2_t1644507188_0 * ___certificate, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
String_t_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(11);
s_Il2CppMethodIntialized = true;
}
{
X509Certificate2_t1644507188_0 * L_0 = ___certificate;
NullCheck(L_0);
String_t* L_1 = X509Certificate_get_Issuer_m681285767_0(L_0, /*hidden argument*/NULL);
X509Certificate2_t1644507188_0 * L_2 = ___certificate;
NullCheck(L_2);
String_t* L_3 = X509Certificate_get_Subject_m_281987648_0(L_2, /*hidden argument*/NULL);
IL2CPP_RUNTIME_CLASS_INIT(String_t_il2cpp_TypeInfo_var);
bool L_4 = String_op_Equality_m1260523650_0(NULL /*static, unused*/, L_1, L_3, /*hidden argument*/NULL);
return L_4;
}
}
// System.Void System.Security.Cryptography.X509Certificates.X509Chain::ValidateChain(System.Security.Cryptography.X509Certificates.X509ChainStatusFlags)
extern "C" void X509Chain_ValidateChain_m976559422_0 (X509Chain_t_259668440_0 * __this, int32_t ___flag, const MethodInfo* method)
{
int32_t V_0 = 0;
X509Certificate2_t1644507188_0 * V_1 = {0};
int32_t V_2 = 0;
{
X509ChainElementCollection_t_1966363278_0 * L_0 = (__this->___elements_1);
NullCheck(L_0);
int32_t L_1 = X509ChainElementCollection_get_Count_m_763949768_0(L_0, /*hidden argument*/NULL);
V_0 = ((int32_t)((int32_t)L_1-(int32_t)1));
X509ChainElementCollection_t_1966363278_0 * L_2 = (__this->___elements_1);
int32_t L_3 = V_0;
NullCheck(L_2);
X509ChainElement_t_1009110092_0 * L_4 = X509ChainElementCollection_get_Item_m553083826_0(L_2, L_3, /*hidden argument*/NULL);
NullCheck(L_4);
X509Certificate2_t1644507188_0 * L_5 = X509ChainElement_get_Certificate_m_1310525399_0(L_4, /*hidden argument*/NULL);
V_1 = L_5;
int32_t L_6 = ___flag;
if (((int32_t)((int32_t)L_6&(int32_t)((int32_t)65536))))
{
goto IL_004f;
}
}
{
int32_t L_7 = V_0;
X509Chain_Process_m940730694_0(__this, L_7, /*hidden argument*/NULL);
int32_t L_8 = V_0;
if (L_8)
{
goto IL_004b;
}
}
{
X509ChainElementCollection_t_1966363278_0 * L_9 = (__this->___elements_1);
NullCheck(L_9);
X509ChainElement_t_1009110092_0 * L_10 = X509ChainElementCollection_get_Item_m553083826_0(L_9, 0, /*hidden argument*/NULL);
NullCheck(L_10);
X509ChainElement_UncompressFlags_m_1168993588_0(L_10, /*hidden argument*/NULL);
return;
}
IL_004b:
{
int32_t L_11 = V_0;
V_0 = ((int32_t)((int32_t)L_11-(int32_t)1));
}
IL_004f:
{
X509Certificate2_t1644507188_0 * L_12 = V_1;
NullCheck(L_12);
PublicKey_t_188668797_0 * L_13 = X509Certificate2_get_PublicKey_m1236823063_0(L_12, /*hidden argument*/NULL);
NullCheck(L_13);
AsymmetricAlgorithm_t1451338986_0 * L_14 = PublicKey_get_Key_m_2000693542_0(L_13, /*hidden argument*/NULL);
__this->___working_public_key_7 = L_14;
X509Certificate2_t1644507188_0 * L_15 = V_1;
NullCheck(L_15);
X500DistinguishedName_t414226495_0 * L_16 = X509Certificate2_get_IssuerName_m_927345847_0(L_15, /*hidden argument*/NULL);
__this->___working_issuer_name_6 = L_16;
int32_t L_17 = V_0;
__this->___max_path_length_5 = L_17;
int32_t L_18 = V_0;
V_2 = L_18;
goto IL_008c;
}
IL_007a:
{
int32_t L_19 = V_2;
X509Chain_Process_m940730694_0(__this, L_19, /*hidden argument*/NULL);
int32_t L_20 = V_2;
X509Chain_PrepareForNextCertificate_m_1787915175_0(__this, L_20, /*hidden argument*/NULL);
int32_t L_21 = V_2;
V_2 = ((int32_t)((int32_t)L_21-(int32_t)1));
}
IL_008c:
{
int32_t L_22 = V_2;
if ((((int32_t)L_22) > ((int32_t)0)))
{
goto IL_007a;
}
}
{
X509Chain_Process_m940730694_0(__this, 0, /*hidden argument*/NULL);
int32_t L_23 = ___flag;
X509Chain_CheckRevocationOnChain_m1059846149_0(__this, L_23, /*hidden argument*/NULL);
X509Chain_WrapUp_m_896113695_0(__this, /*hidden argument*/NULL);
return;
}
}
// System.Void System.Security.Cryptography.X509Certificates.X509Chain::Process(System.Int32)
extern TypeInfo* String_t_il2cpp_TypeInfo_var;
extern TypeInfo* DateTime_t_818288618_0_il2cpp_TypeInfo_var;
extern Il2CppCodeGenString* _stringLiteral_902557053_0;
extern "C" void X509Chain_Process_m940730694_0 (X509Chain_t_259668440_0 * __this, int32_t ___n, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
String_t_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(11);
DateTime_t_818288618_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(172);
_stringLiteral_902557053_0 = il2cpp_codegen_string_literal_from_index(2235);
s_Il2CppMethodIntialized = true;
}
X509ChainElement_t_1009110092_0 * V_0 = {0};
X509Certificate2_t1644507188_0 * V_1 = {0};
X509Certificate2_t1644507188_0 * V_2 = {0};
bool V_3 = false;
X509Certificate2_t1644507188_0 * G_B6_0 = {0};
X509Chain_t_259668440_0 * G_B6_1 = {0};
X509Certificate2_t1644507188_0 * G_B5_0 = {0};
X509Chain_t_259668440_0 * G_B5_1 = {0};
AsymmetricAlgorithm_t1451338986_0 * G_B7_0 = {0};
X509Certificate2_t1644507188_0 * G_B7_1 = {0};
X509Chain_t_259668440_0 * G_B7_2 = {0};
{
X509ChainElementCollection_t_1966363278_0 * L_0 = (__this->___elements_1);
int32_t L_1 = ___n;
NullCheck(L_0);
X509ChainElement_t_1009110092_0 * L_2 = X509ChainElementCollection_get_Item_m553083826_0(L_0, L_1, /*hidden argument*/NULL);
V_0 = L_2;
X509ChainElement_t_1009110092_0 * L_3 = V_0;
NullCheck(L_3);
X509Certificate2_t1644507188_0 * L_4 = X509ChainElement_get_Certificate_m_1310525399_0(L_3, /*hidden argument*/NULL);
V_1 = L_4;
int32_t L_5 = ___n;
X509ChainElementCollection_t_1966363278_0 * L_6 = (__this->___elements_1);
NullCheck(L_6);
int32_t L_7 = X509ChainElementCollection_get_Count_m_763949768_0(L_6, /*hidden argument*/NULL);
if ((((int32_t)L_5) == ((int32_t)((int32_t)((int32_t)L_7-(int32_t)1)))))
{
goto IL_007b;
}
}
{
X509Certificate2_t1644507188_0 * L_8 = V_1;
NullCheck(L_8);
X509Certificate_t219648422_0 * L_9 = X509Certificate2_get_MonoCertificate_m_1746327304_0(L_8, /*hidden argument*/NULL);
NullCheck(L_9);
String_t* L_10 = (String_t*)VirtFuncInvoker0< String_t* >::Invoke(6 /* System.String Mono.Security.X509.X509Certificate::get_KeyAlgorithm() */, L_9);
IL2CPP_RUNTIME_CLASS_INIT(String_t_il2cpp_TypeInfo_var);
bool L_11 = String_op_Equality_m1260523650_0(NULL /*static, unused*/, L_10, _stringLiteral_902557053_0, /*hidden argument*/NULL);
if (!L_11)
{
goto IL_007b;
}
}
{
X509Certificate2_t1644507188_0 * L_12 = V_1;
NullCheck(L_12);
X509Certificate_t219648422_0 * L_13 = X509Certificate2_get_MonoCertificate_m_1746327304_0(L_12, /*hidden argument*/NULL);
NullCheck(L_13);
ByteU5BU5D_t_1238178395_0* L_14 = (ByteU5BU5D_t_1238178395_0*)VirtFuncInvoker0< ByteU5BU5D_t_1238178395_0* >::Invoke(7 /* System.Byte[] Mono.Security.X509.X509Certificate::get_KeyAlgorithmParameters() */, L_13);
if (L_14)
{
goto IL_007b;
}
}
{
X509ChainElementCollection_t_1966363278_0 * L_15 = (__this->___elements_1);
int32_t L_16 = ___n;
NullCheck(L_15);
X509ChainElement_t_1009110092_0 * L_17 = X509ChainElementCollection_get_Item_m553083826_0(L_15, ((int32_t)((int32_t)L_16+(int32_t)1)), /*hidden argument*/NULL);
NullCheck(L_17);
X509Certificate2_t1644507188_0 * L_18 = X509ChainElement_get_Certificate_m_1310525399_0(L_17, /*hidden argument*/NULL);
V_2 = L_18;
X509Certificate2_t1644507188_0 * L_19 = V_1;
NullCheck(L_19);
X509Certificate_t219648422_0 * L_20 = X509Certificate2_get_MonoCertificate_m_1746327304_0(L_19, /*hidden argument*/NULL);
X509Certificate2_t1644507188_0 * L_21 = V_2;
NullCheck(L_21);
X509Certificate_t219648422_0 * L_22 = X509Certificate2_get_MonoCertificate_m_1746327304_0(L_21, /*hidden argument*/NULL);
NullCheck(L_22);
ByteU5BU5D_t_1238178395_0* L_23 = (ByteU5BU5D_t_1238178395_0*)VirtFuncInvoker0< ByteU5BU5D_t_1238178395_0* >::Invoke(7 /* System.Byte[] Mono.Security.X509.X509Certificate::get_KeyAlgorithmParameters() */, L_22);
NullCheck(L_20);
VirtActionInvoker1< ByteU5BU5D_t_1238178395_0* >::Invoke(8 /* System.Void Mono.Security.X509.X509Certificate::set_KeyAlgorithmParameters(System.Byte[]) */, L_20, L_23);
}
IL_007b:
{
AsymmetricAlgorithm_t1451338986_0 * L_24 = (__this->___working_public_key_7);
V_3 = (bool)((((Object_t*)(AsymmetricAlgorithm_t1451338986_0 *)L_24) == ((Object_t*)(Object_t *)NULL))? 1 : 0);
X509Certificate2_t1644507188_0 * L_25 = V_1;
bool L_26 = V_3;
G_B5_0 = L_25;
G_B5_1 = __this;
if (!L_26)
{
G_B6_0 = L_25;
G_B6_1 = __this;
goto IL_009d;
}
}
{
X509Certificate2_t1644507188_0 * L_27 = V_1;
NullCheck(L_27);
PublicKey_t_188668797_0 * L_28 = X509Certificate2_get_PublicKey_m1236823063_0(L_27, /*hidden argument*/NULL);
NullCheck(L_28);
AsymmetricAlgorithm_t1451338986_0 * L_29 = PublicKey_get_Key_m_2000693542_0(L_28, /*hidden argument*/NULL);
G_B7_0 = L_29;
G_B7_1 = G_B5_0;
G_B7_2 = G_B5_1;
goto IL_00a3;
}
IL_009d:
{
AsymmetricAlgorithm_t1451338986_0 * L_30 = (__this->___working_public_key_7);
G_B7_0 = L_30;
G_B7_1 = G_B6_0;
G_B7_2 = G_B6_1;
}
IL_00a3:
{
NullCheck(G_B7_2);
bool L_31 = X509Chain_IsSignedWith_m1198520936_0(G_B7_2, G_B7_1, G_B7_0, /*hidden argument*/NULL);
if (L_31)
{
goto IL_00e0;
}
}
{
bool L_32 = V_3;
if (L_32)
{
goto IL_00d2;
}
}
{
int32_t L_33 = ___n;
X509ChainElementCollection_t_1966363278_0 * L_34 = (__this->___elements_1);
NullCheck(L_34);
int32_t L_35 = X509ChainElementCollection_get_Count_m_763949768_0(L_34, /*hidden argument*/NULL);
if ((!(((uint32_t)L_33) == ((uint32_t)((int32_t)((int32_t)L_35-(int32_t)1))))))
{
goto IL_00d2;
}
}
{
X509Certificate2_t1644507188_0 * L_36 = V_1;
bool L_37 = X509Chain_IsSelfIssued_m397924845_0(__this, L_36, /*hidden argument*/NULL);
if (!L_37)
{
goto IL_00e0;
}
}
IL_00d2:
{
X509ChainElement_t_1009110092_0 * L_38 = V_0;
X509ChainElement_t_1009110092_0 * L_39 = L_38;
NullCheck(L_39);
int32_t L_40 = X509ChainElement_get_StatusFlags_m_2025154880_0(L_39, /*hidden argument*/NULL);
NullCheck(L_39);
X509ChainElement_set_StatusFlags_m_1615511355_0(L_39, ((int32_t)((int32_t)L_40|(int32_t)8)), /*hidden argument*/NULL);
}
IL_00e0:
{
X509ChainPolicy_t_1654318726_0 * L_41 = X509Chain_get_ChainPolicy_m_1153143153_0(__this, /*hidden argument*/NULL);
NullCheck(L_41);
DateTime_t_818288618_0 L_42 = X509ChainPolicy_get_VerificationTime_m_1855396410_0(L_41, /*hidden argument*/NULL);
X509Certificate2_t1644507188_0 * L_43 = V_1;
NullCheck(L_43);
DateTime_t_818288618_0 L_44 = X509Certificate2_get_NotBefore_m_237486960_0(L_43, /*hidden argument*/NULL);
IL2CPP_RUNTIME_CLASS_INIT(DateTime_t_818288618_0_il2cpp_TypeInfo_var);
bool L_45 = DateTime_op_LessThan_m35073816_0(NULL /*static, unused*/, L_42, L_44, /*hidden argument*/NULL);
if (L_45)
{
goto IL_0116;
}
}
{
X509ChainPolicy_t_1654318726_0 * L_46 = X509Chain_get_ChainPolicy_m_1153143153_0(__this, /*hidden argument*/NULL);
NullCheck(L_46);
DateTime_t_818288618_0 L_47 = X509ChainPolicy_get_VerificationTime_m_1855396410_0(L_46, /*hidden argument*/NULL);
X509Certificate2_t1644507188_0 * L_48 = V_1;
NullCheck(L_48);
DateTime_t_818288618_0 L_49 = X509Certificate2_get_NotAfter_m_853905907_0(L_48, /*hidden argument*/NULL);
IL2CPP_RUNTIME_CLASS_INIT(DateTime_t_818288618_0_il2cpp_TypeInfo_var);
bool L_50 = DateTime_op_GreaterThan_m_448950427_0(NULL /*static, unused*/, L_47, L_49, /*hidden argument*/NULL);
if (!L_50)
{
goto IL_0124;
}
}
IL_0116:
{
X509ChainElement_t_1009110092_0 * L_51 = V_0;
X509ChainElement_t_1009110092_0 * L_52 = L_51;
NullCheck(L_52);
int32_t L_53 = X509ChainElement_get_StatusFlags_m_2025154880_0(L_52, /*hidden argument*/NULL);
NullCheck(L_52);
X509ChainElement_set_StatusFlags_m_1615511355_0(L_52, ((int32_t)((int32_t)L_53|(int32_t)1)), /*hidden argument*/NULL);
}
IL_0124:
{
bool L_54 = V_3;
if (!L_54)
{
goto IL_012b;
}
}
{
return;
}
IL_012b:
{
X509Certificate2_t1644507188_0 * L_55 = V_1;
NullCheck(L_55);
X500DistinguishedName_t414226495_0 * L_56 = X509Certificate2_get_IssuerName_m_927345847_0(L_55, /*hidden argument*/NULL);
X500DistinguishedName_t414226495_0 * L_57 = (__this->___working_issuer_name_6);
bool L_58 = X500DistinguishedName_AreEqual_m_368319889_0(NULL /*static, unused*/, L_56, L_57, /*hidden argument*/NULL);
if (L_58)
{
goto IL_0153;
}
}
{
X509ChainElement_t_1009110092_0 * L_59 = V_0;
X509ChainElement_t_1009110092_0 * L_60 = L_59;
NullCheck(L_60);
int32_t L_61 = X509ChainElement_get_StatusFlags_m_2025154880_0(L_60, /*hidden argument*/NULL);
NullCheck(L_60);
X509ChainElement_set_StatusFlags_m_1615511355_0(L_60, ((int32_t)((int32_t)L_61|(int32_t)((int32_t)2048))), /*hidden argument*/NULL);
}
IL_0153:
{
X509Certificate2_t1644507188_0 * L_62 = V_1;
bool L_63 = X509Chain_IsSelfIssued_m397924845_0(__this, L_62, /*hidden argument*/NULL);
if (L_63)
{
goto IL_0165;
}
}
{
int32_t L_64 = ___n;
if (!L_64)
{
goto IL_0165;
}
}
IL_0165:
{
return;
}
}
// System.Void System.Security.Cryptography.X509Certificates.X509Chain::PrepareForNextCertificate(System.Int32)
extern TypeInfo* X509BasicConstraintsExtension_t_30568994_0_il2cpp_TypeInfo_var;
extern TypeInfo* X509KeyUsageExtension_t_1020729148_0_il2cpp_TypeInfo_var;
extern Il2CppCodeGenString* _stringLiteral_455597446_0;
extern Il2CppCodeGenString* _stringLiteral_455597450_0;
extern "C" void X509Chain_PrepareForNextCertificate_m_1787915175_0 (X509Chain_t_259668440_0 * __this, int32_t ___n, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
X509BasicConstraintsExtension_t_30568994_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(685);
X509KeyUsageExtension_t_1020729148_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(677);
_stringLiteral_455597446_0 = il2cpp_codegen_string_literal_from_index(1550);
_stringLiteral_455597450_0 = il2cpp_codegen_string_literal_from_index(1548);
s_Il2CppMethodIntialized = true;
}
X509ChainElement_t_1009110092_0 * V_0 = {0};
X509Certificate2_t1644507188_0 * V_1 = {0};
X509BasicConstraintsExtension_t_30568994_0 * V_2 = {0};
X509KeyUsageExtension_t_1020729148_0 * V_3 = {0};
int32_t V_4 = {0};
{
X509ChainElementCollection_t_1966363278_0 * L_0 = (__this->___elements_1);
int32_t L_1 = ___n;
NullCheck(L_0);
X509ChainElement_t_1009110092_0 * L_2 = X509ChainElementCollection_get_Item_m553083826_0(L_0, L_1, /*hidden argument*/NULL);
V_0 = L_2;
X509ChainElement_t_1009110092_0 * L_3 = V_0;
NullCheck(L_3);
X509Certificate2_t1644507188_0 * L_4 = X509ChainElement_get_Certificate_m_1310525399_0(L_3, /*hidden argument*/NULL);
V_1 = L_4;
X509Certificate2_t1644507188_0 * L_5 = V_1;
NullCheck(L_5);
X500DistinguishedName_t414226495_0 * L_6 = X509Certificate2_get_SubjectName_m_275453132_0(L_5, /*hidden argument*/NULL);
__this->___working_issuer_name_6 = L_6;
X509Certificate2_t1644507188_0 * L_7 = V_1;
NullCheck(L_7);
PublicKey_t_188668797_0 * L_8 = X509Certificate2_get_PublicKey_m1236823063_0(L_7, /*hidden argument*/NULL);
NullCheck(L_8);
AsymmetricAlgorithm_t1451338986_0 * L_9 = PublicKey_get_Key_m_2000693542_0(L_8, /*hidden argument*/NULL);
__this->___working_public_key_7 = L_9;
X509Certificate2_t1644507188_0 * L_10 = V_1;
NullCheck(L_10);
X509ExtensionCollection_t_424340636_0 * L_11 = X509Certificate2_get_Extensions_m_449572364_0(L_10, /*hidden argument*/NULL);
NullCheck(L_11);
X509Extension_t_1686437850_0 * L_12 = X509ExtensionCollection_get_Item_m_1953551359_0(L_11, _stringLiteral_455597446_0, /*hidden argument*/NULL);
V_2 = ((X509BasicConstraintsExtension_t_30568994_0 *)CastclassSealed(L_12, X509BasicConstraintsExtension_t_30568994_0_il2cpp_TypeInfo_var));
X509BasicConstraintsExtension_t_30568994_0 * L_13 = V_2;
if (!L_13)
{
goto IL_006f;
}
}
{
X509BasicConstraintsExtension_t_30568994_0 * L_14 = V_2;
NullCheck(L_14);
bool L_15 = X509BasicConstraintsExtension_get_CertificateAuthority_m_1496465103_0(L_14, /*hidden argument*/NULL);
if (L_15)
{
goto IL_006a;
}
}
{
X509ChainElement_t_1009110092_0 * L_16 = V_0;
X509ChainElement_t_1009110092_0 * L_17 = L_16;
NullCheck(L_17);
int32_t L_18 = X509ChainElement_get_StatusFlags_m_2025154880_0(L_17, /*hidden argument*/NULL);
NullCheck(L_17);
X509ChainElement_set_StatusFlags_m_1615511355_0(L_17, ((int32_t)((int32_t)L_18|(int32_t)((int32_t)1024))), /*hidden argument*/NULL);
}
IL_006a:
{
goto IL_008d;
}
IL_006f:
{
X509Certificate2_t1644507188_0 * L_19 = V_1;
NullCheck(L_19);
int32_t L_20 = X509Certificate2_get_Version_m_1027313281_0(L_19, /*hidden argument*/NULL);
if ((((int32_t)L_20) < ((int32_t)3)))
{
goto IL_008d;
}
}
{
X509ChainElement_t_1009110092_0 * L_21 = V_0;
X509ChainElement_t_1009110092_0 * L_22 = L_21;
NullCheck(L_22);
int32_t L_23 = X509ChainElement_get_StatusFlags_m_2025154880_0(L_22, /*hidden argument*/NULL);
NullCheck(L_22);
X509ChainElement_set_StatusFlags_m_1615511355_0(L_22, ((int32_t)((int32_t)L_23|(int32_t)((int32_t)1024))), /*hidden argument*/NULL);
}
IL_008d:
{
X509Certificate2_t1644507188_0 * L_24 = V_1;
bool L_25 = X509Chain_IsSelfIssued_m397924845_0(__this, L_24, /*hidden argument*/NULL);
if (L_25)
{
goto IL_00da;
}
}
{
int32_t L_26 = (__this->___max_path_length_5);
if ((((int32_t)L_26) <= ((int32_t)0)))
{
goto IL_00b8;
}
}
{
int32_t L_27 = (__this->___max_path_length_5);
__this->___max_path_length_5 = ((int32_t)((int32_t)L_27-(int32_t)1));
goto IL_00da;
}
IL_00b8:
{
X509ChainElement_t_1009110092_0 * L_28 = (__this->___bce_restriction_8);
if (!L_28)
{
goto IL_00da;
}
}
{
X509ChainElement_t_1009110092_0 * L_29 = (__this->___bce_restriction_8);
X509ChainElement_t_1009110092_0 * L_30 = L_29;
NullCheck(L_30);
int32_t L_31 = X509ChainElement_get_StatusFlags_m_2025154880_0(L_30, /*hidden argument*/NULL);
NullCheck(L_30);
X509ChainElement_set_StatusFlags_m_1615511355_0(L_30, ((int32_t)((int32_t)L_31|(int32_t)((int32_t)1024))), /*hidden argument*/NULL);
}
IL_00da:
{
X509BasicConstraintsExtension_t_30568994_0 * L_32 = V_2;
if (!L_32)
{
goto IL_010f;
}
}
{
X509BasicConstraintsExtension_t_30568994_0 * L_33 = V_2;
NullCheck(L_33);
bool L_34 = X509BasicConstraintsExtension_get_HasPathLengthConstraint_m_1512620129_0(L_33, /*hidden argument*/NULL);
if (!L_34)
{
goto IL_010f;
}
}
{
X509BasicConstraintsExtension_t_30568994_0 * L_35 = V_2;
NullCheck(L_35);
int32_t L_36 = X509BasicConstraintsExtension_get_PathLengthConstraint_m482430355_0(L_35, /*hidden argument*/NULL);
int32_t L_37 = (__this->___max_path_length_5);
if ((((int32_t)L_36) >= ((int32_t)L_37)))
{
goto IL_010f;
}
}
{
X509BasicConstraintsExtension_t_30568994_0 * L_38 = V_2;
NullCheck(L_38);
int32_t L_39 = X509BasicConstraintsExtension_get_PathLengthConstraint_m482430355_0(L_38, /*hidden argument*/NULL);
__this->___max_path_length_5 = L_39;
X509ChainElement_t_1009110092_0 * L_40 = V_0;
__this->___bce_restriction_8 = L_40;
}
IL_010f:
{
X509Certificate2_t1644507188_0 * L_41 = V_1;
NullCheck(L_41);
X509ExtensionCollection_t_424340636_0 * L_42 = X509Certificate2_get_Extensions_m_449572364_0(L_41, /*hidden argument*/NULL);
NullCheck(L_42);
X509Extension_t_1686437850_0 * L_43 = X509ExtensionCollection_get_Item_m_1953551359_0(L_42, _stringLiteral_455597450_0, /*hidden argument*/NULL);
V_3 = ((X509KeyUsageExtension_t_1020729148_0 *)CastclassSealed(L_43, X509KeyUsageExtension_t_1020729148_0_il2cpp_TypeInfo_var));
X509KeyUsageExtension_t_1020729148_0 * L_44 = V_3;
if (!L_44)
{
goto IL_014d;
}
}
{
V_4 = 4;
X509KeyUsageExtension_t_1020729148_0 * L_45 = V_3;
NullCheck(L_45);
int32_t L_46 = X509KeyUsageExtension_get_KeyUsages_m_1117935937_0(L_45, /*hidden argument*/NULL);
int32_t L_47 = V_4;
int32_t L_48 = V_4;
if ((((int32_t)((int32_t)((int32_t)L_46&(int32_t)L_47))) == ((int32_t)L_48)))
{
goto IL_014d;
}
}
{
X509ChainElement_t_1009110092_0 * L_49 = V_0;
X509ChainElement_t_1009110092_0 * L_50 = L_49;
NullCheck(L_50);
int32_t L_51 = X509ChainElement_get_StatusFlags_m_2025154880_0(L_50, /*hidden argument*/NULL);
NullCheck(L_50);
X509ChainElement_set_StatusFlags_m_1615511355_0(L_50, ((int32_t)((int32_t)L_51|(int32_t)((int32_t)16))), /*hidden argument*/NULL);
}
IL_014d:
{
X509ChainElement_t_1009110092_0 * L_52 = V_0;
X509Chain_ProcessCertificateExtensions_m1491797822_0(__this, L_52, /*hidden argument*/NULL);
return;
}
}
// System.Void System.Security.Cryptography.X509Certificates.X509Chain::WrapUp()
extern "C" void X509Chain_WrapUp_m_896113695_0 (X509Chain_t_259668440_0 * __this, const MethodInfo* method)
{
X509ChainElement_t_1009110092_0 * V_0 = {0};
X509Certificate2_t1644507188_0 * V_1 = {0};
int32_t V_2 = 0;
{
X509ChainElementCollection_t_1966363278_0 * L_0 = (__this->___elements_1);
NullCheck(L_0);
X509ChainElement_t_1009110092_0 * L_1 = X509ChainElementCollection_get_Item_m553083826_0(L_0, 0, /*hidden argument*/NULL);
V_0 = L_1;
X509ChainElement_t_1009110092_0 * L_2 = V_0;
NullCheck(L_2);
X509Certificate2_t1644507188_0 * L_3 = X509ChainElement_get_Certificate_m_1310525399_0(L_2, /*hidden argument*/NULL);
V_1 = L_3;
X509Certificate2_t1644507188_0 * L_4 = V_1;
bool L_5 = X509Chain_IsSelfIssued_m397924845_0(__this, L_4, /*hidden argument*/NULL);
if (!L_5)
{
goto IL_0020;
}
}
IL_0020:
{
X509ChainElement_t_1009110092_0 * L_6 = V_0;
X509Chain_ProcessCertificateExtensions_m1491797822_0(__this, L_6, /*hidden argument*/NULL);
X509ChainElementCollection_t_1966363278_0 * L_7 = (__this->___elements_1);
NullCheck(L_7);
int32_t L_8 = X509ChainElementCollection_get_Count_m_763949768_0(L_7, /*hidden argument*/NULL);
V_2 = ((int32_t)((int32_t)L_8-(int32_t)1));
goto IL_004f;
}
IL_003a:
{
X509ChainElementCollection_t_1966363278_0 * L_9 = (__this->___elements_1);
int32_t L_10 = V_2;
NullCheck(L_9);
X509ChainElement_t_1009110092_0 * L_11 = X509ChainElementCollection_get_Item_m553083826_0(L_9, L_10, /*hidden argument*/NULL);
NullCheck(L_11);
X509ChainElement_UncompressFlags_m_1168993588_0(L_11, /*hidden argument*/NULL);
int32_t L_12 = V_2;
V_2 = ((int32_t)((int32_t)L_12-(int32_t)1));
}
IL_004f:
{
int32_t L_13 = V_2;
if ((((int32_t)L_13) >= ((int32_t)0)))
{
goto IL_003a;
}
}
{
return;
}
}
// System.Void System.Security.Cryptography.X509Certificates.X509Chain::ProcessCertificateExtensions(System.Security.Cryptography.X509Certificates.X509ChainElement)
extern TypeInfo* X509Chain_t_259668440_0_il2cpp_TypeInfo_var;
extern TypeInfo* Dictionary_2_t_1305703446_0_il2cpp_TypeInfo_var;
extern const MethodInfo* Dictionary_2__ctor_m1958628151_0_MethodInfo_var;
extern Il2CppCodeGenString* _stringLiteral_455597450_0;
extern Il2CppCodeGenString* _stringLiteral_455597446_0;
extern "C" void X509Chain_ProcessCertificateExtensions_m1491797822_0 (X509Chain_t_259668440_0 * __this, X509ChainElement_t_1009110092_0 * ___element, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
X509Chain_t_259668440_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(673);
Dictionary_2_t_1305703446_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(116);
Dictionary_2__ctor_m1958628151_0_MethodInfo_var = il2cpp_codegen_method_info_from_index(2147483658);
_stringLiteral_455597450_0 = il2cpp_codegen_string_literal_from_index(1548);
_stringLiteral_455597446_0 = il2cpp_codegen_string_literal_from_index(1550);
s_Il2CppMethodIntialized = true;
}
X509Extension_t_1686437850_0 * V_0 = {0};
X509ExtensionEnumerator_t396311690_0 * V_1 = {0};
String_t* V_2 = {0};
Dictionary_2_t_1305703446_0 * V_3 = {0};
int32_t V_4 = 0;
{
X509ChainElement_t_1009110092_0 * L_0 = ___element;
NullCheck(L_0);
X509Certificate2_t1644507188_0 * L_1 = X509ChainElement_get_Certificate_m_1310525399_0(L_0, /*hidden argument*/NULL);
NullCheck(L_1);
X509ExtensionCollection_t_424340636_0 * L_2 = X509Certificate2_get_Extensions_m_449572364_0(L_1, /*hidden argument*/NULL);
NullCheck(L_2);
X509ExtensionEnumerator_t396311690_0 * L_3 = X509ExtensionCollection_GetEnumerator_m_215497837_0(L_2, /*hidden argument*/NULL);
V_1 = L_3;
goto IL_00a3;
}
IL_0016:
{
X509ExtensionEnumerator_t396311690_0 * L_4 = V_1;
NullCheck(L_4);
X509Extension_t_1686437850_0 * L_5 = X509ExtensionEnumerator_get_Current_m_399698457_0(L_4, /*hidden argument*/NULL);
V_0 = L_5;
X509Extension_t_1686437850_0 * L_6 = V_0;
NullCheck(L_6);
bool L_7 = X509Extension_get_Critical_m1925069548_0(L_6, /*hidden argument*/NULL);
if (!L_7)
{
goto IL_00a3;
}
}
{
X509Extension_t_1686437850_0 * L_8 = V_0;
NullCheck(L_8);
Oid_t1024680945_0 * L_9 = AsnEncodedData_get_Oid_m_2033850686_0(L_8, /*hidden argument*/NULL);
NullCheck(L_9);
String_t* L_10 = Oid_get_Value_m216923304_0(L_9, /*hidden argument*/NULL);
V_2 = L_10;
String_t* L_11 = V_2;
if (!L_11)
{
goto IL_008c;
}
}
{
IL2CPP_RUNTIME_CLASS_INIT(X509Chain_t_259668440_0_il2cpp_TypeInfo_var);
Dictionary_2_t_1305703446_0 * L_12 = ((X509Chain_t_259668440_0_StaticFields*)X509Chain_t_259668440_0_il2cpp_TypeInfo_var->static_fields)->___U3CU3Ef__switchU24mapB_12;
if (L_12)
{
goto IL_0069;
}
}
{
Dictionary_2_t_1305703446_0 * L_13 = (Dictionary_2_t_1305703446_0 *)il2cpp_codegen_object_new (Dictionary_2_t_1305703446_0_il2cpp_TypeInfo_var);
Dictionary_2__ctor_m1958628151_0(L_13, 2, /*hidden argument*/Dictionary_2__ctor_m1958628151_0_MethodInfo_var);
V_3 = L_13;
Dictionary_2_t_1305703446_0 * L_14 = V_3;
NullCheck(L_14);
VirtActionInvoker2< String_t*, int32_t >::Invoke(28 /* System.Void System.Collections.Generic.Dictionary`2<System.String,System.Int32>::Add(!0,!1) */, L_14, _stringLiteral_455597450_0, 0);
Dictionary_2_t_1305703446_0 * L_15 = V_3;
NullCheck(L_15);
VirtActionInvoker2< String_t*, int32_t >::Invoke(28 /* System.Void System.Collections.Generic.Dictionary`2<System.String,System.Int32>::Add(!0,!1) */, L_15, _stringLiteral_455597446_0, 0);
Dictionary_2_t_1305703446_0 * L_16 = V_3;
IL2CPP_RUNTIME_CLASS_INIT(X509Chain_t_259668440_0_il2cpp_TypeInfo_var);
((X509Chain_t_259668440_0_StaticFields*)X509Chain_t_259668440_0_il2cpp_TypeInfo_var->static_fields)->___U3CU3Ef__switchU24mapB_12 = L_16;
}
IL_0069:
{
IL2CPP_RUNTIME_CLASS_INIT(X509Chain_t_259668440_0_il2cpp_TypeInfo_var);
Dictionary_2_t_1305703446_0 * L_17 = ((X509Chain_t_259668440_0_StaticFields*)X509Chain_t_259668440_0_il2cpp_TypeInfo_var->static_fields)->___U3CU3Ef__switchU24mapB_12;
String_t* L_18 = V_2;
NullCheck(L_17);
bool L_19 = (bool)VirtFuncInvoker2< bool, String_t*, int32_t* >::Invoke(33 /* System.Boolean System.Collections.Generic.Dictionary`2<System.String,System.Int32>::TryGetValue(!0,!1&) */, L_17, L_18, (&V_4));
if (!L_19)
{
goto IL_008c;
}
}
{
int32_t L_20 = V_4;
if (!L_20)
{
goto IL_0087;
}
}
{
goto IL_008c;
}
IL_0087:
{
goto IL_00a3;
}
IL_008c:
{
X509ChainElement_t_1009110092_0 * L_21 = ___element;
X509ChainElement_t_1009110092_0 * L_22 = L_21;
NullCheck(L_22);
int32_t L_23 = X509ChainElement_get_StatusFlags_m_2025154880_0(L_22, /*hidden argument*/NULL);
NullCheck(L_22);
X509ChainElement_set_StatusFlags_m_1615511355_0(L_22, ((int32_t)((int32_t)L_23|(int32_t)((int32_t)256))), /*hidden argument*/NULL);
goto IL_00a3;
}
IL_00a3:
{
X509ExtensionEnumerator_t396311690_0 * L_24 = V_1;
NullCheck(L_24);
bool L_25 = X509ExtensionEnumerator_MoveNext_m1312248716_0(L_24, /*hidden argument*/NULL);
if (L_25)
{
goto IL_0016;
}
}
{
return;
}
}
// System.Boolean System.Security.Cryptography.X509Certificates.X509Chain::IsSignedWith(System.Security.Cryptography.X509Certificates.X509Certificate2,System.Security.Cryptography.AsymmetricAlgorithm)
extern "C" bool X509Chain_IsSignedWith_m1198520936_0 (X509Chain_t_259668440_0 * __this, X509Certificate2_t1644507188_0 * ___signed, AsymmetricAlgorithm_t1451338986_0 * ___pubkey, const MethodInfo* method)
{
X509Certificate_t219648422_0 * V_0 = {0};
{
AsymmetricAlgorithm_t1451338986_0 * L_0 = ___pubkey;
if (L_0)
{
goto IL_0008;
}
}
{
return (bool)0;
}
IL_0008:
{
X509Certificate2_t1644507188_0 * L_1 = ___signed;
NullCheck(L_1);
X509Certificate_t219648422_0 * L_2 = X509Certificate2_get_MonoCertificate_m_1746327304_0(L_1, /*hidden argument*/NULL);
V_0 = L_2;
X509Certificate_t219648422_0 * L_3 = V_0;
AsymmetricAlgorithm_t1451338986_0 * L_4 = ___pubkey;
NullCheck(L_3);
bool L_5 = X509Certificate_VerifySignature_m1482842161_0(L_3, L_4, /*hidden argument*/NULL);
return L_5;
}
}
// System.String System.Security.Cryptography.X509Certificates.X509Chain::GetSubjectKeyIdentifier(System.Security.Cryptography.X509Certificates.X509Certificate2)
extern TypeInfo* X509SubjectKeyIdentifierExtension_t_580700310_0_il2cpp_TypeInfo_var;
extern TypeInfo* String_t_il2cpp_TypeInfo_var;
extern Il2CppCodeGenString* _stringLiteral_455597451_0;
extern "C" String_t* X509Chain_GetSubjectKeyIdentifier_m2141872961_0 (X509Chain_t_259668440_0 * __this, X509Certificate2_t1644507188_0 * ___certificate, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
X509SubjectKeyIdentifierExtension_t_580700310_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(676);
String_t_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(11);
_stringLiteral_455597451_0 = il2cpp_codegen_string_literal_from_index(1546);
s_Il2CppMethodIntialized = true;
}
X509SubjectKeyIdentifierExtension_t_580700310_0 * V_0 = {0};
String_t* G_B3_0 = {0};
{
X509Certificate2_t1644507188_0 * L_0 = ___certificate;
NullCheck(L_0);
X509ExtensionCollection_t_424340636_0 * L_1 = X509Certificate2_get_Extensions_m_449572364_0(L_0, /*hidden argument*/NULL);
NullCheck(L_1);
X509Extension_t_1686437850_0 * L_2 = X509ExtensionCollection_get_Item_m_1953551359_0(L_1, _stringLiteral_455597451_0, /*hidden argument*/NULL);
V_0 = ((X509SubjectKeyIdentifierExtension_t_580700310_0 *)CastclassSealed(L_2, X509SubjectKeyIdentifierExtension_t_580700310_0_il2cpp_TypeInfo_var));
X509SubjectKeyIdentifierExtension_t_580700310_0 * L_3 = V_0;
if (L_3)
{
goto IL_0026;
}
}
{
IL2CPP_RUNTIME_CLASS_INIT(String_t_il2cpp_TypeInfo_var);
String_t* L_4 = ((String_t_StaticFields*)String_t_il2cpp_TypeInfo_var->static_fields)->___Empty_2;
G_B3_0 = L_4;
goto IL_002c;
}
IL_0026:
{
X509SubjectKeyIdentifierExtension_t_580700310_0 * L_5 = V_0;
NullCheck(L_5);
String_t* L_6 = X509SubjectKeyIdentifierExtension_get_SubjectKeyIdentifier_m_1800027776_0(L_5, /*hidden argument*/NULL);
G_B3_0 = L_6;
}
IL_002c:
{
return G_B3_0;
}
}
// System.String System.Security.Cryptography.X509Certificates.X509Chain::GetAuthorityKeyIdentifier(System.Security.Cryptography.X509Certificates.X509Certificate2)
extern Il2CppCodeGenString* _stringLiteral_455597388_0;
extern "C" String_t* X509Chain_GetAuthorityKeyIdentifier_m_834812150_0 (X509Chain_t_259668440_0 * __this, X509Certificate2_t1644507188_0 * ___certificate, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
_stringLiteral_455597388_0 = il2cpp_codegen_string_literal_from_index(2278);
s_Il2CppMethodIntialized = true;
}
{
X509Certificate2_t1644507188_0 * L_0 = ___certificate;
NullCheck(L_0);
X509Certificate_t219648422_0 * L_1 = X509Certificate2_get_MonoCertificate_m_1746327304_0(L_0, /*hidden argument*/NULL);
NullCheck(L_1);
X509ExtensionCollection_t_1920699060_0 * L_2 = X509Certificate_get_Extensions_m577630462_0(L_1, /*hidden argument*/NULL);
NullCheck(L_2);
X509Extension_t_556260338_0 * L_3 = X509ExtensionCollection_get_Item_m2008681985_0(L_2, _stringLiteral_455597388_0, /*hidden argument*/NULL);
String_t* L_4 = X509Chain_GetAuthorityKeyIdentifier_m1262096688_0(__this, L_3, /*hidden argument*/NULL);
return L_4;
}
}
// System.String System.Security.Cryptography.X509Certificates.X509Chain::GetAuthorityKeyIdentifier(Mono.Security.X509.X509Crl)
extern Il2CppCodeGenString* _stringLiteral_455597388_0;
extern "C" String_t* X509Chain_GetAuthorityKeyIdentifier_m_492051502_0 (X509Chain_t_259668440_0 * __this, X509Crl_t_956935956_0 * ___crl, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
_stringLiteral_455597388_0 = il2cpp_codegen_string_literal_from_index(2278);
s_Il2CppMethodIntialized = true;
}
{
X509Crl_t_956935956_0 * L_0 = ___crl;
NullCheck(L_0);
X509ExtensionCollection_t_1920699060_0 * L_1 = X509Crl_get_Extensions_m_1915263804_0(L_0, /*hidden argument*/NULL);
NullCheck(L_1);
X509Extension_t_556260338_0 * L_2 = X509ExtensionCollection_get_Item_m2008681985_0(L_1, _stringLiteral_455597388_0, /*hidden argument*/NULL);
String_t* L_3 = X509Chain_GetAuthorityKeyIdentifier_m1262096688_0(__this, L_2, /*hidden argument*/NULL);
return L_3;
}
}
// System.String System.Security.Cryptography.X509Certificates.X509Chain::GetAuthorityKeyIdentifier(Mono.Security.X509.X509Extension)
extern TypeInfo* String_t_il2cpp_TypeInfo_var;
extern TypeInfo* AuthorityKeyIdentifierExtension_t828014411_0_il2cpp_TypeInfo_var;
extern TypeInfo* StringBuilder_t586045924_0_il2cpp_TypeInfo_var;
extern Il2CppCodeGenString* _stringLiteral86106_0;
extern "C" String_t* X509Chain_GetAuthorityKeyIdentifier_m1262096688_0 (X509Chain_t_259668440_0 * __this, X509Extension_t_556260338_0 * ___ext, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
String_t_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(11);
AuthorityKeyIdentifierExtension_t828014411_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(686);
StringBuilder_t586045924_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(36);
_stringLiteral86106_0 = il2cpp_codegen_string_literal_from_index(2279);
s_Il2CppMethodIntialized = true;
}
AuthorityKeyIdentifierExtension_t828014411_0 * V_0 = {0};
ByteU5BU5D_t_1238178395_0* V_1 = {0};
StringBuilder_t586045924_0 * V_2 = {0};
uint8_t V_3 = 0x0;
ByteU5BU5D_t_1238178395_0* V_4 = {0};
int32_t V_5 = 0;
{
X509Extension_t_556260338_0 * L_0 = ___ext;
if (L_0)
{
goto IL_000c;
}
}
{
IL2CPP_RUNTIME_CLASS_INIT(String_t_il2cpp_TypeInfo_var);
String_t* L_1 = ((String_t_StaticFields*)String_t_il2cpp_TypeInfo_var->static_fields)->___Empty_2;
return L_1;
}
IL_000c:
{
X509Extension_t_556260338_0 * L_2 = ___ext;
AuthorityKeyIdentifierExtension_t828014411_0 * L_3 = (AuthorityKeyIdentifierExtension_t828014411_0 *)il2cpp_codegen_object_new (AuthorityKeyIdentifierExtension_t828014411_0_il2cpp_TypeInfo_var);
AuthorityKeyIdentifierExtension__ctor_m273322001_0(L_3, L_2, /*hidden argument*/NULL);
V_0 = L_3;
AuthorityKeyIdentifierExtension_t828014411_0 * L_4 = V_0;
NullCheck(L_4);
ByteU5BU5D_t_1238178395_0* L_5 = AuthorityKeyIdentifierExtension_get_Identifier_m_1009625593_0(L_4, /*hidden argument*/NULL);
V_1 = L_5;
ByteU5BU5D_t_1238178395_0* L_6 = V_1;
if (L_6)
{
goto IL_0026;
}
}
{
IL2CPP_RUNTIME_CLASS_INIT(String_t_il2cpp_TypeInfo_var);
String_t* L_7 = ((String_t_StaticFields*)String_t_il2cpp_TypeInfo_var->static_fields)->___Empty_2;
return L_7;
}
IL_0026:
{
StringBuilder_t586045924_0 * L_8 = (StringBuilder_t586045924_0 *)il2cpp_codegen_object_new (StringBuilder_t586045924_0_il2cpp_TypeInfo_var);
StringBuilder__ctor_m135953004_0(L_8, /*hidden argument*/NULL);
V_2 = L_8;
ByteU5BU5D_t_1238178395_0* L_9 = V_1;
V_4 = L_9;
V_5 = 0;
goto IL_0056;
}
IL_0037:
{
ByteU5BU5D_t_1238178395_0* L_10 = V_4;
int32_t L_11 = V_5;
NullCheck(L_10);
IL2CPP_ARRAY_BOUNDS_CHECK(L_10, L_11);
int32_t L_12 = L_11;
V_3 = (*(uint8_t*)(uint8_t*)SZArrayLdElema(L_10, L_12, sizeof(uint8_t)));
StringBuilder_t586045924_0 * L_13 = V_2;
String_t* L_14 = Byte_ToString_m_329952990_0((&V_3), _stringLiteral86106_0, /*hidden argument*/NULL);
NullCheck(L_13);
StringBuilder_Append_m_396877221_0(L_13, L_14, /*hidden argument*/NULL);
int32_t L_15 = V_5;
V_5 = ((int32_t)((int32_t)L_15+(int32_t)1));
}
IL_0056:
{
int32_t L_16 = V_5;
ByteU5BU5D_t_1238178395_0* L_17 = V_4;
NullCheck(L_17);
if ((((int32_t)L_16) < ((int32_t)(((int32_t)((int32_t)(((Array_t *)L_17)->max_length)))))))
{
goto IL_0037;
}
}
{
StringBuilder_t586045924_0 * L_18 = V_2;
NullCheck(L_18);
String_t* L_19 = StringBuilder_ToString_m350379841_0(L_18, /*hidden argument*/NULL);
return L_19;
}
}
// System.Void System.Security.Cryptography.X509Certificates.X509Chain::CheckRevocationOnChain(System.Security.Cryptography.X509Certificates.X509ChainStatusFlags)
extern TypeInfo* InvalidOperationException_t_523179548_0_il2cpp_TypeInfo_var;
extern Il2CppCodeGenString* _stringLiteral_866243822_0;
extern "C" void X509Chain_CheckRevocationOnChain_m1059846149_0 (X509Chain_t_259668440_0 * __this, int32_t ___flag, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
InvalidOperationException_t_523179548_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(72);
_stringLiteral_866243822_0 = il2cpp_codegen_string_literal_from_index(2280);
s_Il2CppMethodIntialized = true;
}
bool V_0 = false;
bool V_1 = false;
bool V_2 = false;
int32_t V_3 = 0;
bool V_4 = false;
X509ChainElement_t_1009110092_0 * V_5 = {0};
int32_t V_6 = {0};
int32_t V_7 = {0};
{
int32_t L_0 = ___flag;
V_0 = (bool)((((int32_t)((((int32_t)((int32_t)((int32_t)L_0&(int32_t)((int32_t)65536)))) == ((int32_t)0))? 1 : 0)) == ((int32_t)0))? 1 : 0);
X509ChainPolicy_t_1654318726_0 * L_1 = X509Chain_get_ChainPolicy_m_1153143153_0(__this, /*hidden argument*/NULL);
NullCheck(L_1);
int32_t L_2 = X509ChainPolicy_get_RevocationMode_m_1676949895_0(L_1, /*hidden argument*/NULL);
V_6 = L_2;
int32_t L_3 = V_6;
if (L_3 == 0)
{
goto IL_0041;
}
if (L_3 == 1)
{
goto IL_0033;
}
if (L_3 == 2)
{
goto IL_003a;
}
}
{
goto IL_0042;
}
IL_0033:
{
V_1 = (bool)1;
goto IL_0052;
}
IL_003a:
{
V_1 = (bool)0;
goto IL_0052;
}
IL_0041:
{
return;
}
IL_0042:
{
String_t* L_4 = Locale_GetText_m_1025094110_0(NULL /*static, unused*/, _stringLiteral_866243822_0, /*hidden argument*/NULL);
InvalidOperationException_t_523179548_0 * L_5 = (InvalidOperationException_t_523179548_0 *)il2cpp_codegen_object_new (InvalidOperationException_t_523179548_0_il2cpp_TypeInfo_var);
InvalidOperationException__ctor_m1485483280_0(L_5, L_4, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_5);
}
IL_0052:
{
bool L_6 = V_0;
V_2 = L_6;
X509ChainElementCollection_t_1966363278_0 * L_7 = (__this->___elements_1);
NullCheck(L_7);
int32_t L_8 = X509ChainElementCollection_get_Count_m_763949768_0(L_7, /*hidden argument*/NULL);
V_3 = ((int32_t)((int32_t)L_8-(int32_t)1));
goto IL_0164;
}
IL_0067:
{
V_4 = (bool)1;
X509ChainPolicy_t_1654318726_0 * L_9 = X509Chain_get_ChainPolicy_m_1153143153_0(__this, /*hidden argument*/NULL);
NullCheck(L_9);
int32_t L_10 = X509ChainPolicy_get_RevocationFlag_m852524363_0(L_9, /*hidden argument*/NULL);
V_7 = L_10;
int32_t L_11 = V_7;
if (L_11 == 0)
{
goto IL_008f;
}
if (L_11 == 1)
{
goto IL_009a;
}
if (L_11 == 2)
{
goto IL_00a2;
}
}
{
goto IL_00bc;
}
IL_008f:
{
int32_t L_12 = V_3;
V_4 = (bool)((((int32_t)L_12) == ((int32_t)0))? 1 : 0);
goto IL_00bc;
}
IL_009a:
{
V_4 = (bool)1;
goto IL_00bc;
}
IL_00a2:
{
int32_t L_13 = V_3;
X509ChainElementCollection_t_1966363278_0 * L_14 = (__this->___elements_1);
NullCheck(L_14);
int32_t L_15 = X509ChainElementCollection_get_Count_m_763949768_0(L_14, /*hidden argument*/NULL);
V_4 = (bool)((((int32_t)((((int32_t)L_13) == ((int32_t)((int32_t)((int32_t)L_15-(int32_t)1))))? 1 : 0)) == ((int32_t)0))? 1 : 0);
goto IL_00bc;
}
IL_00bc:
{
X509ChainElementCollection_t_1966363278_0 * L_16 = (__this->___elements_1);
int32_t L_17 = V_3;
NullCheck(L_16);
X509ChainElement_t_1009110092_0 * L_18 = X509ChainElementCollection_get_Item_m553083826_0(L_16, L_17, /*hidden argument*/NULL);
V_5 = L_18;
bool L_19 = V_2;
if (L_19)
{
goto IL_00e2;
}
}
{
bool L_20 = V_2;
X509ChainElement_t_1009110092_0 * L_21 = V_5;
NullCheck(L_21);
int32_t L_22 = X509ChainElement_get_StatusFlags_m_2025154880_0(L_21, /*hidden argument*/NULL);
V_2 = (bool)((int32_t)((int32_t)L_20|(int32_t)((((int32_t)((((int32_t)((int32_t)((int32_t)L_22&(int32_t)8))) == ((int32_t)0))? 1 : 0)) == ((int32_t)0))? 1 : 0)));
}
IL_00e2:
{
bool L_23 = V_2;
if (!L_23)
{
goto IL_0110;
}
}
{
X509ChainElement_t_1009110092_0 * L_24 = V_5;
X509ChainElement_t_1009110092_0 * L_25 = L_24;
NullCheck(L_25);
int32_t L_26 = X509ChainElement_get_StatusFlags_m_2025154880_0(L_25, /*hidden argument*/NULL);
NullCheck(L_25);
X509ChainElement_set_StatusFlags_m_1615511355_0(L_25, ((int32_t)((int32_t)L_26|(int32_t)((int32_t)64))), /*hidden argument*/NULL);
X509ChainElement_t_1009110092_0 * L_27 = V_5;
X509ChainElement_t_1009110092_0 * L_28 = L_27;
NullCheck(L_28);
int32_t L_29 = X509ChainElement_get_StatusFlags_m_2025154880_0(L_28, /*hidden argument*/NULL);
NullCheck(L_28);
X509ChainElement_set_StatusFlags_m_1615511355_0(L_28, ((int32_t)((int32_t)L_29|(int32_t)((int32_t)16777216))), /*hidden argument*/NULL);
goto IL_0160;
}
IL_0110:
{
bool L_30 = V_4;
if (!L_30)
{
goto IL_0160;
}
}
{
bool L_31 = V_0;
if (L_31)
{
goto IL_0160;
}
}
{
X509ChainElement_t_1009110092_0 * L_32 = V_5;
NullCheck(L_32);
X509Certificate2_t1644507188_0 * L_33 = X509ChainElement_get_Certificate_m_1310525399_0(L_32, /*hidden argument*/NULL);
bool L_34 = X509Chain_IsSelfIssued_m397924845_0(__this, L_33, /*hidden argument*/NULL);
if (L_34)
{
goto IL_0160;
}
}
{
X509ChainElement_t_1009110092_0 * L_35 = V_5;
X509ChainElement_t_1009110092_0 * L_36 = L_35;
NullCheck(L_36);
int32_t L_37 = X509ChainElement_get_StatusFlags_m_2025154880_0(L_36, /*hidden argument*/NULL);
X509ChainElement_t_1009110092_0 * L_38 = V_5;
NullCheck(L_38);
X509Certificate2_t1644507188_0 * L_39 = X509ChainElement_get_Certificate_m_1310525399_0(L_38, /*hidden argument*/NULL);
int32_t L_40 = V_3;
bool L_41 = V_1;
int32_t L_42 = X509Chain_CheckRevocation_m_1342605852_0(__this, L_39, ((int32_t)((int32_t)L_40+(int32_t)1)), L_41, /*hidden argument*/NULL);
NullCheck(L_36);
X509ChainElement_set_StatusFlags_m_1615511355_0(L_36, ((int32_t)((int32_t)L_37|(int32_t)L_42)), /*hidden argument*/NULL);
bool L_43 = V_2;
X509ChainElement_t_1009110092_0 * L_44 = V_5;
NullCheck(L_44);
int32_t L_45 = X509ChainElement_get_StatusFlags_m_2025154880_0(L_44, /*hidden argument*/NULL);
V_2 = (bool)((int32_t)((int32_t)L_43|(int32_t)((((int32_t)((((int32_t)((int32_t)((int32_t)L_45&(int32_t)4))) == ((int32_t)0))? 1 : 0)) == ((int32_t)0))? 1 : 0)));
}
IL_0160:
{
int32_t L_46 = V_3;
V_3 = ((int32_t)((int32_t)L_46-(int32_t)1));
}
IL_0164:
{
int32_t L_47 = V_3;
if ((((int32_t)L_47) >= ((int32_t)0)))
{
goto IL_0067;
}
}
{
return;
}
}
// System.Security.Cryptography.X509Certificates.X509ChainStatusFlags System.Security.Cryptography.X509Certificates.X509Chain::CheckRevocation(System.Security.Cryptography.X509Certificates.X509Certificate2,System.Int32,System.Boolean)
extern "C" int32_t X509Chain_CheckRevocation_m_1342605852_0 (X509Chain_t_259668440_0 * __this, X509Certificate2_t1644507188_0 * ___certificate, int32_t ___ca, bool ___online, const MethodInfo* method)
{
int32_t V_0 = {0};
X509ChainElement_t_1009110092_0 * V_1 = {0};
X509Certificate2_t1644507188_0 * V_2 = {0};
{
V_0 = ((int32_t)64);
X509ChainElementCollection_t_1966363278_0 * L_0 = (__this->___elements_1);
int32_t L_1 = ___ca;
NullCheck(L_0);
X509ChainElement_t_1009110092_0 * L_2 = X509ChainElementCollection_get_Item_m553083826_0(L_0, L_1, /*hidden argument*/NULL);
V_1 = L_2;
X509ChainElement_t_1009110092_0 * L_3 = V_1;
NullCheck(L_3);
X509Certificate2_t1644507188_0 * L_4 = X509ChainElement_get_Certificate_m_1310525399_0(L_3, /*hidden argument*/NULL);
V_2 = L_4;
goto IL_004c;
}
IL_001c:
{
X509Certificate2_t1644507188_0 * L_5 = ___certificate;
X509Certificate2_t1644507188_0 * L_6 = V_2;
bool L_7 = ___online;
int32_t L_8 = X509Chain_CheckRevocation_m1219092751_0(__this, L_5, L_6, L_7, /*hidden argument*/NULL);
V_0 = L_8;
int32_t L_9 = V_0;
if ((((int32_t)L_9) == ((int32_t)((int32_t)64))))
{
goto IL_0033;
}
}
{
goto IL_006b;
}
IL_0033:
{
int32_t L_10 = ___ca;
___ca = ((int32_t)((int32_t)L_10+(int32_t)1));
X509ChainElementCollection_t_1966363278_0 * L_11 = (__this->___elements_1);
int32_t L_12 = ___ca;
NullCheck(L_11);
X509ChainElement_t_1009110092_0 * L_13 = X509ChainElementCollection_get_Item_m553083826_0(L_11, L_12, /*hidden argument*/NULL);
V_1 = L_13;
X509ChainElement_t_1009110092_0 * L_14 = V_1;
NullCheck(L_14);
X509Certificate2_t1644507188_0 * L_15 = X509ChainElement_get_Certificate_m_1310525399_0(L_14, /*hidden argument*/NULL);
V_2 = L_15;
}
IL_004c:
{
X509Certificate2_t1644507188_0 * L_16 = V_2;
bool L_17 = X509Chain_IsSelfIssued_m397924845_0(__this, L_16, /*hidden argument*/NULL);
if (!L_17)
{
goto IL_006b;
}
}
{
int32_t L_18 = ___ca;
X509ChainElementCollection_t_1966363278_0 * L_19 = (__this->___elements_1);
NullCheck(L_19);
int32_t L_20 = X509ChainElementCollection_get_Count_m_763949768_0(L_19, /*hidden argument*/NULL);
if ((((int32_t)L_18) < ((int32_t)((int32_t)((int32_t)L_20-(int32_t)1)))))
{
goto IL_001c;
}
}
IL_006b:
{
int32_t L_21 = V_0;
if ((!(((uint32_t)L_21) == ((uint32_t)((int32_t)64)))))
{
goto IL_007d;
}
}
{
X509Certificate2_t1644507188_0 * L_22 = ___certificate;
X509Certificate2_t1644507188_0 * L_23 = V_2;
bool L_24 = ___online;
int32_t L_25 = X509Chain_CheckRevocation_m1219092751_0(__this, L_22, L_23, L_24, /*hidden argument*/NULL);
V_0 = L_25;
}
IL_007d:
{
int32_t L_26 = V_0;
return L_26;
}
}
// System.Security.Cryptography.X509Certificates.X509ChainStatusFlags System.Security.Cryptography.X509Certificates.X509Chain::CheckRevocation(System.Security.Cryptography.X509Certificates.X509Certificate2,System.Security.Cryptography.X509Certificates.X509Certificate2,System.Boolean)
extern TypeInfo* X509KeyUsageExtension_t_1020729148_0_il2cpp_TypeInfo_var;
extern TypeInfo* DateTime_t_818288618_0_il2cpp_TypeInfo_var;
extern Il2CppCodeGenString* _stringLiteral_455597450_0;
extern "C" int32_t X509Chain_CheckRevocation_m1219092751_0 (X509Chain_t_259668440_0 * __this, X509Certificate2_t1644507188_0 * ___certificate, X509Certificate2_t1644507188_0 * ___ca_cert, bool ___online, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
X509KeyUsageExtension_t_1020729148_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(677);
DateTime_t_818288618_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(172);
_stringLiteral_455597450_0 = il2cpp_codegen_string_literal_from_index(1548);
s_Il2CppMethodIntialized = true;
}
X509KeyUsageExtension_t_1020729148_0 * V_0 = {0};
int32_t V_1 = {0};
X509Crl_t_956935956_0 * V_2 = {0};
X509CrlEntry_t_830724962_0 * V_3 = {0};
{
X509Certificate2_t1644507188_0 * L_0 = ___ca_cert;
NullCheck(L_0);
X509ExtensionCollection_t_424340636_0 * L_1 = X509Certificate2_get_Extensions_m_449572364_0(L_0, /*hidden argument*/NULL);
NullCheck(L_1);
X509Extension_t_1686437850_0 * L_2 = X509ExtensionCollection_get_Item_m_1953551359_0(L_1, _stringLiteral_455597450_0, /*hidden argument*/NULL);
V_0 = ((X509KeyUsageExtension_t_1020729148_0 *)CastclassSealed(L_2, X509KeyUsageExtension_t_1020729148_0_il2cpp_TypeInfo_var));
X509KeyUsageExtension_t_1020729148_0 * L_3 = V_0;
if (!L_3)
{
goto IL_002f;
}
}
{
V_1 = 2;
X509KeyUsageExtension_t_1020729148_0 * L_4 = V_0;
NullCheck(L_4);
int32_t L_5 = X509KeyUsageExtension_get_KeyUsages_m_1117935937_0(L_4, /*hidden argument*/NULL);
int32_t L_6 = V_1;
int32_t L_7 = V_1;
if ((((int32_t)((int32_t)((int32_t)L_5&(int32_t)L_6))) == ((int32_t)L_7)))
{
goto IL_002f;
}
}
{
return (int32_t)(((int32_t)64));
}
IL_002f:
{
X509Certificate2_t1644507188_0 * L_8 = ___ca_cert;
X509Crl_t_956935956_0 * L_9 = X509Chain_FindCrl_m1761802781_0(__this, L_8, /*hidden argument*/NULL);
V_2 = L_9;
X509Crl_t_956935956_0 * L_10 = V_2;
if (L_10)
{
goto IL_0043;
}
}
{
bool L_11 = ___online;
if (!L_11)
{
goto IL_0043;
}
}
IL_0043:
{
X509Crl_t_956935956_0 * L_12 = V_2;
if (!L_12)
{
goto IL_00d5;
}
}
{
X509Crl_t_956935956_0 * L_13 = V_2;
X509Certificate2_t1644507188_0 * L_14 = ___ca_cert;
NullCheck(L_14);
PublicKey_t_188668797_0 * L_15 = X509Certificate2_get_PublicKey_m1236823063_0(L_14, /*hidden argument*/NULL);
NullCheck(L_15);
AsymmetricAlgorithm_t1451338986_0 * L_16 = PublicKey_get_Key_m_2000693542_0(L_15, /*hidden argument*/NULL);
NullCheck(L_13);
bool L_17 = X509Crl_VerifySignature_m_175878101_0(L_13, L_16, /*hidden argument*/NULL);
if (L_17)
{
goto IL_0062;
}
}
{
return (int32_t)(((int32_t)64));
}
IL_0062:
{
X509Crl_t_956935956_0 * L_18 = V_2;
X509Certificate2_t1644507188_0 * L_19 = ___certificate;
NullCheck(L_19);
X509Certificate_t219648422_0 * L_20 = X509Certificate2_get_MonoCertificate_m_1746327304_0(L_19, /*hidden argument*/NULL);
NullCheck(L_18);
X509CrlEntry_t_830724962_0 * L_21 = X509Crl_GetCrlEntry_m698190412_0(L_18, L_20, /*hidden argument*/NULL);
V_3 = L_21;
X509CrlEntry_t_830724962_0 * L_22 = V_3;
if (!L_22)
{
goto IL_00a0;
}
}
{
X509CrlEntry_t_830724962_0 * L_23 = V_3;
bool L_24 = X509Chain_ProcessCrlEntryExtensions_m_82878874_0(__this, L_23, /*hidden argument*/NULL);
if (L_24)
{
goto IL_0083;
}
}
{
return (int32_t)(4);
}
IL_0083:
{
X509CrlEntry_t_830724962_0 * L_25 = V_3;
NullCheck(L_25);
DateTime_t_818288618_0 L_26 = X509CrlEntry_get_RevocationDate_m1346115726_0(L_25, /*hidden argument*/NULL);
X509ChainPolicy_t_1654318726_0 * L_27 = X509Chain_get_ChainPolicy_m_1153143153_0(__this, /*hidden argument*/NULL);
NullCheck(L_27);
DateTime_t_818288618_0 L_28 = X509ChainPolicy_get_VerificationTime_m_1855396410_0(L_27, /*hidden argument*/NULL);
IL2CPP_RUNTIME_CLASS_INIT(DateTime_t_818288618_0_il2cpp_TypeInfo_var);
bool L_29 = DateTime_op_LessThanOrEqual_m354447689_0(NULL /*static, unused*/, L_26, L_28, /*hidden argument*/NULL);
if (!L_29)
{
goto IL_00a0;
}
}
{
return (int32_t)(4);
}
IL_00a0:
{
X509Crl_t_956935956_0 * L_30 = V_2;
NullCheck(L_30);
DateTime_t_818288618_0 L_31 = X509Crl_get_NextUpdate_m1145701656_0(L_30, /*hidden argument*/NULL);
X509ChainPolicy_t_1654318726_0 * L_32 = X509Chain_get_ChainPolicy_m_1153143153_0(__this, /*hidden argument*/NULL);
NullCheck(L_32);
DateTime_t_818288618_0 L_33 = X509ChainPolicy_get_VerificationTime_m_1855396410_0(L_32, /*hidden argument*/NULL);
IL2CPP_RUNTIME_CLASS_INIT(DateTime_t_818288618_0_il2cpp_TypeInfo_var);
bool L_34 = DateTime_op_LessThan_m35073816_0(NULL /*static, unused*/, L_31, L_33, /*hidden argument*/NULL);
if (!L_34)
{
goto IL_00c1;
}
}
{
return (int32_t)(((int32_t)16777280));
}
IL_00c1:
{
X509Crl_t_956935956_0 * L_35 = V_2;
bool L_36 = X509Chain_ProcessCrlExtensions_m_946998922_0(__this, L_35, /*hidden argument*/NULL);
if (L_36)
{
goto IL_00d0;
}
}
{
return (int32_t)(((int32_t)64));
}
IL_00d0:
{
goto IL_00d8;
}
IL_00d5:
{
return (int32_t)(((int32_t)64));
}
IL_00d8:
{
return (int32_t)(0);
}
}
// Mono.Security.X509.X509Crl System.Security.Cryptography.X509Certificates.X509Chain::FindCrl(System.Security.Cryptography.X509Certificates.X509Certificate2)
extern TypeInfo* IEnumerator_t1412936761_0_il2cpp_TypeInfo_var;
extern TypeInfo* X509Crl_t_956935956_0_il2cpp_TypeInfo_var;
extern TypeInfo* String_t_il2cpp_TypeInfo_var;
extern TypeInfo* IDisposable_t_2098447282_0_il2cpp_TypeInfo_var;
extern "C" X509Crl_t_956935956_0 * X509Chain_FindCrl_m1761802781_0 (X509Chain_t_259668440_0 * __this, X509Certificate2_t1644507188_0 * ___caCertificate, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
IEnumerator_t1412936761_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(159);
X509Crl_t_956935956_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(687);
String_t_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(11);
IDisposable_t_2098447282_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(142);
s_Il2CppMethodIntialized = true;
}
String_t* V_0 = {0};
String_t* V_1 = {0};
X509Crl_t_956935956_0 * V_2 = {0};
Object_t * V_3 = {0};
X509Crl_t_956935956_0 * V_4 = {0};
Object_t * V_5 = {0};
X509Crl_t_956935956_0 * V_6 = {0};
Object_t * V_7 = {0};
Object_t * V_8 = {0};
Exception_t2143823668_0 * __last_unhandled_exception = 0;
NO_UNUSED_WARNING (__last_unhandled_exception);
Exception_t2143823668_0 * __exception_local = 0;
NO_UNUSED_WARNING (__exception_local);
int32_t __leave_target = 0;
NO_UNUSED_WARNING (__leave_target);
{
X509Certificate2_t1644507188_0 * L_0 = ___caCertificate;
NullCheck(L_0);
X500DistinguishedName_t414226495_0 * L_1 = X509Certificate2_get_SubjectName_m_275453132_0(L_0, /*hidden argument*/NULL);
NullCheck(L_1);
String_t* L_2 = X500DistinguishedName_Decode_m1854433232_0(L_1, 0, /*hidden argument*/NULL);
V_0 = L_2;
X509Certificate2_t1644507188_0 * L_3 = ___caCertificate;
String_t* L_4 = X509Chain_GetSubjectKeyIdentifier_m2141872961_0(__this, L_3, /*hidden argument*/NULL);
V_1 = L_4;
X509Store_t_244520888_0 * L_5 = X509Chain_get_CertificateAuthorities_m1238271486_0(__this, /*hidden argument*/NULL);
NullCheck(L_5);
X509Store_t_477609936_0 * L_6 = X509Store_get_Store_m466869703_0(L_5, /*hidden argument*/NULL);
NullCheck(L_6);
ArrayList_t536890563_0 * L_7 = X509Store_get_Crls_m_2073308099_0(L_6, /*hidden argument*/NULL);
NullCheck(L_7);
Object_t * L_8 = (Object_t *)VirtFuncInvoker0< Object_t * >::Invoke(43 /* System.Collections.IEnumerator System.Collections.ArrayList::GetEnumerator() */, L_7);
V_3 = L_8;
}
IL_002b:
try
{ // begin try (depth: 1)
{
goto IL_0072;
}
IL_0030:
{
Object_t * L_9 = V_3;
NullCheck(L_9);
Object_t * L_10 = (Object_t *)InterfaceFuncInvoker0< Object_t * >::Invoke(0 /* System.Object System.Collections.IEnumerator::get_Current() */, IEnumerator_t1412936761_0_il2cpp_TypeInfo_var, L_9);
V_2 = ((X509Crl_t_956935956_0 *)CastclassClass(L_10, X509Crl_t_956935956_0_il2cpp_TypeInfo_var));
X509Crl_t_956935956_0 * L_11 = V_2;
NullCheck(L_11);
String_t* L_12 = X509Crl_get_IssuerName_m_1274426262_0(L_11, /*hidden argument*/NULL);
String_t* L_13 = V_0;
IL2CPP_RUNTIME_CLASS_INIT(String_t_il2cpp_TypeInfo_var);
bool L_14 = String_op_Equality_m1260523650_0(NULL /*static, unused*/, L_12, L_13, /*hidden argument*/NULL);
if (!L_14)
{
goto IL_0072;
}
}
IL_004d:
{
String_t* L_15 = V_1;
NullCheck(L_15);
int32_t L_16 = String_get_Length_m_1314969965_0(L_15, /*hidden argument*/NULL);
if (!L_16)
{
goto IL_006a;
}
}
IL_0058:
{
String_t* L_17 = V_1;
X509Crl_t_956935956_0 * L_18 = V_2;
String_t* L_19 = X509Chain_GetAuthorityKeyIdentifier_m_492051502_0(__this, L_18, /*hidden argument*/NULL);
IL2CPP_RUNTIME_CLASS_INIT(String_t_il2cpp_TypeInfo_var);
bool L_20 = String_op_Equality_m1260523650_0(NULL /*static, unused*/, L_17, L_19, /*hidden argument*/NULL);
if (!L_20)
{
goto IL_0072;
}
}
IL_006a:
{
X509Crl_t_956935956_0 * L_21 = V_2;
V_6 = L_21;
IL2CPP_LEAVE(0x123, FINALLY_0082);
}
IL_0072:
{
Object_t * L_22 = V_3;
NullCheck(L_22);
bool L_23 = (bool)InterfaceFuncInvoker0< bool >::Invoke(1 /* System.Boolean System.Collections.IEnumerator::MoveNext() */, IEnumerator_t1412936761_0_il2cpp_TypeInfo_var, L_22);
if (L_23)
{
goto IL_0030;
}
}
IL_007d:
{
IL2CPP_LEAVE(0x97, FINALLY_0082);
}
} // end try (depth: 1)
catch(Il2CppExceptionWrapper& e)
{
__last_unhandled_exception = (Exception_t2143823668_0 *)e.ex;
goto FINALLY_0082;
}
FINALLY_0082:
{ // begin finally (depth: 1)
{
Object_t * L_24 = V_3;
V_7 = ((Object_t *)IsInst(L_24, IDisposable_t_2098447282_0_il2cpp_TypeInfo_var));
Object_t * L_25 = V_7;
if (L_25)
{
goto IL_008f;
}
}
IL_008e:
{
IL2CPP_END_FINALLY(130)
}
IL_008f:
{
Object_t * L_26 = V_7;
NullCheck(L_26);
InterfaceActionInvoker0::Invoke(0 /* System.Void System.IDisposable::Dispose() */, IDisposable_t_2098447282_0_il2cpp_TypeInfo_var, L_26);
IL2CPP_END_FINALLY(130)
}
} // end finally (depth: 1)
IL2CPP_CLEANUP(130)
{
IL2CPP_JUMP_TBL(0x123, IL_0123)
IL2CPP_JUMP_TBL(0x97, IL_0097)
IL2CPP_RETHROW_IF_UNHANDLED(Exception_t2143823668_0 *)
}
IL_0097:
{
X509Store_t_244520888_0 * L_27 = X509Chain_get_Roots_m_193291841_0(__this, /*hidden argument*/NULL);
NullCheck(L_27);
X509Store_t_477609936_0 * L_28 = X509Store_get_Store_m466869703_0(L_27, /*hidden argument*/NULL);
NullCheck(L_28);
ArrayList_t536890563_0 * L_29 = X509Store_get_Crls_m_2073308099_0(L_28, /*hidden argument*/NULL);
NullCheck(L_29);
Object_t * L_30 = (Object_t *)VirtFuncInvoker0< Object_t * >::Invoke(43 /* System.Collections.IEnumerator System.Collections.ArrayList::GetEnumerator() */, L_29);
V_5 = L_30;
}
IL_00ae:
try
{ // begin try (depth: 1)
{
goto IL_00fa;
}
IL_00b3:
{
Object_t * L_31 = V_5;
NullCheck(L_31);
Object_t * L_32 = (Object_t *)InterfaceFuncInvoker0< Object_t * >::Invoke(0 /* System.Object System.Collections.IEnumerator::get_Current() */, IEnumerator_t1412936761_0_il2cpp_TypeInfo_var, L_31);
V_4 = ((X509Crl_t_956935956_0 *)CastclassClass(L_32, X509Crl_t_956935956_0_il2cpp_TypeInfo_var));
X509Crl_t_956935956_0 * L_33 = V_4;
NullCheck(L_33);
String_t* L_34 = X509Crl_get_IssuerName_m_1274426262_0(L_33, /*hidden argument*/NULL);
String_t* L_35 = V_0;
IL2CPP_RUNTIME_CLASS_INIT(String_t_il2cpp_TypeInfo_var);
bool L_36 = String_op_Equality_m1260523650_0(NULL /*static, unused*/, L_34, L_35, /*hidden argument*/NULL);
if (!L_36)
{
goto IL_00fa;
}
}
IL_00d3:
{
String_t* L_37 = V_1;
NullCheck(L_37);
int32_t L_38 = String_get_Length_m_1314969965_0(L_37, /*hidden argument*/NULL);
if (!L_38)
{
goto IL_00f1;
}
}
IL_00de:
{
String_t* L_39 = V_1;
X509Crl_t_956935956_0 * L_40 = V_4;
String_t* L_41 = X509Chain_GetAuthorityKeyIdentifier_m_492051502_0(__this, L_40, /*hidden argument*/NULL);
IL2CPP_RUNTIME_CLASS_INIT(String_t_il2cpp_TypeInfo_var);
bool L_42 = String_op_Equality_m1260523650_0(NULL /*static, unused*/, L_39, L_41, /*hidden argument*/NULL);
if (!L_42)
{
goto IL_00fa;
}
}
IL_00f1:
{
X509Crl_t_956935956_0 * L_43 = V_4;
V_6 = L_43;
IL2CPP_LEAVE(0x123, FINALLY_010b);
}
IL_00fa:
{
Object_t * L_44 = V_5;
NullCheck(L_44);
bool L_45 = (bool)InterfaceFuncInvoker0< bool >::Invoke(1 /* System.Boolean System.Collections.IEnumerator::MoveNext() */, IEnumerator_t1412936761_0_il2cpp_TypeInfo_var, L_44);
if (L_45)
{
goto IL_00b3;
}
}
IL_0106:
{
IL2CPP_LEAVE(0x121, FINALLY_010b);
}
} // end try (depth: 1)
catch(Il2CppExceptionWrapper& e)
{
__last_unhandled_exception = (Exception_t2143823668_0 *)e.ex;
goto FINALLY_010b;
}
FINALLY_010b:
{ // begin finally (depth: 1)
{
Object_t * L_46 = V_5;
V_8 = ((Object_t *)IsInst(L_46, IDisposable_t_2098447282_0_il2cpp_TypeInfo_var));
Object_t * L_47 = V_8;
if (L_47)
{
goto IL_0119;
}
}
IL_0118:
{
IL2CPP_END_FINALLY(267)
}
IL_0119:
{
Object_t * L_48 = V_8;
NullCheck(L_48);
InterfaceActionInvoker0::Invoke(0 /* System.Void System.IDisposable::Dispose() */, IDisposable_t_2098447282_0_il2cpp_TypeInfo_var, L_48);
IL2CPP_END_FINALLY(267)
}
} // end finally (depth: 1)
IL2CPP_CLEANUP(267)
{
IL2CPP_JUMP_TBL(0x123, IL_0123)
IL2CPP_JUMP_TBL(0x121, IL_0121)
IL2CPP_RETHROW_IF_UNHANDLED(Exception_t2143823668_0 *)
}
IL_0121:
{
return (X509Crl_t_956935956_0 *)NULL;
}
IL_0123:
{
X509Crl_t_956935956_0 * L_49 = V_6;
return L_49;
}
}
// System.Boolean System.Security.Cryptography.X509Certificates.X509Chain::ProcessCrlExtensions(Mono.Security.X509.X509Crl)
extern TypeInfo* IEnumerator_t1412936761_0_il2cpp_TypeInfo_var;
extern TypeInfo* X509Extension_t_556260338_0_il2cpp_TypeInfo_var;
extern TypeInfo* X509Chain_t_259668440_0_il2cpp_TypeInfo_var;
extern TypeInfo* Dictionary_2_t_1305703446_0_il2cpp_TypeInfo_var;
extern TypeInfo* IDisposable_t_2098447282_0_il2cpp_TypeInfo_var;
extern const MethodInfo* Dictionary_2__ctor_m1958628151_0_MethodInfo_var;
extern Il2CppCodeGenString* _stringLiteral_455597424_0;
extern Il2CppCodeGenString* _stringLiteral_455597388_0;
extern "C" bool X509Chain_ProcessCrlExtensions_m_946998922_0 (X509Chain_t_259668440_0 * __this, X509Crl_t_956935956_0 * ___crl, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
IEnumerator_t1412936761_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(159);
X509Extension_t_556260338_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(688);
X509Chain_t_259668440_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(673);
Dictionary_2_t_1305703446_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(116);
IDisposable_t_2098447282_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(142);
Dictionary_2__ctor_m1958628151_0_MethodInfo_var = il2cpp_codegen_method_info_from_index(2147483658);
_stringLiteral_455597424_0 = il2cpp_codegen_string_literal_from_index(2281);
_stringLiteral_455597388_0 = il2cpp_codegen_string_literal_from_index(2278);
s_Il2CppMethodIntialized = true;
}
X509Extension_t_556260338_0 * V_0 = {0};
Object_t * V_1 = {0};
String_t* V_2 = {0};
Dictionary_2_t_1305703446_0 * V_3 = {0};
int32_t V_4 = 0;
bool V_5 = false;
Object_t * V_6 = {0};
Exception_t2143823668_0 * __last_unhandled_exception = 0;
NO_UNUSED_WARNING (__last_unhandled_exception);
Exception_t2143823668_0 * __exception_local = 0;
NO_UNUSED_WARNING (__exception_local);
int32_t __leave_target = 0;
NO_UNUSED_WARNING (__leave_target);
{
X509Crl_t_956935956_0 * L_0 = ___crl;
NullCheck(L_0);
X509ExtensionCollection_t_1920699060_0 * L_1 = X509Crl_get_Extensions_m_1915263804_0(L_0, /*hidden argument*/NULL);
NullCheck(L_1);
Object_t * L_2 = (Object_t *)VirtFuncInvoker0< Object_t * >::Invoke(4 /* System.Collections.IEnumerator System.Collections.CollectionBase::GetEnumerator() */, L_1);
V_1 = L_2;
}
IL_000c:
try
{ // begin try (depth: 1)
{
goto IL_008f;
}
IL_0011:
{
Object_t * L_3 = V_1;
NullCheck(L_3);
Object_t * L_4 = (Object_t *)InterfaceFuncInvoker0< Object_t * >::Invoke(0 /* System.Object System.Collections.IEnumerator::get_Current() */, IEnumerator_t1412936761_0_il2cpp_TypeInfo_var, L_3);
V_0 = ((X509Extension_t_556260338_0 *)CastclassClass(L_4, X509Extension_t_556260338_0_il2cpp_TypeInfo_var));
X509Extension_t_556260338_0 * L_5 = V_0;
NullCheck(L_5);
bool L_6 = X509Extension_get_Critical_m_1284508422_0(L_5, /*hidden argument*/NULL);
if (!L_6)
{
goto IL_008f;
}
}
IL_0028:
{
X509Extension_t_556260338_0 * L_7 = V_0;
NullCheck(L_7);
String_t* L_8 = X509Extension_get_Oid_m1309247492_0(L_7, /*hidden argument*/NULL);
V_2 = L_8;
String_t* L_9 = V_2;
if (!L_9)
{
goto IL_0087;
}
}
IL_0035:
{
IL2CPP_RUNTIME_CLASS_INIT(X509Chain_t_259668440_0_il2cpp_TypeInfo_var);
Dictionary_2_t_1305703446_0 * L_10 = ((X509Chain_t_259668440_0_StaticFields*)X509Chain_t_259668440_0_il2cpp_TypeInfo_var->static_fields)->___U3CU3Ef__switchU24mapC_13;
if (L_10)
{
goto IL_0064;
}
}
IL_003f:
{
Dictionary_2_t_1305703446_0 * L_11 = (Dictionary_2_t_1305703446_0 *)il2cpp_codegen_object_new (Dictionary_2_t_1305703446_0_il2cpp_TypeInfo_var);
Dictionary_2__ctor_m1958628151_0(L_11, 2, /*hidden argument*/Dictionary_2__ctor_m1958628151_0_MethodInfo_var);
V_3 = L_11;
Dictionary_2_t_1305703446_0 * L_12 = V_3;
NullCheck(L_12);
VirtActionInvoker2< String_t*, int32_t >::Invoke(28 /* System.Void System.Collections.Generic.Dictionary`2<System.String,System.Int32>::Add(!0,!1) */, L_12, _stringLiteral_455597424_0, 0);
Dictionary_2_t_1305703446_0 * L_13 = V_3;
NullCheck(L_13);
VirtActionInvoker2< String_t*, int32_t >::Invoke(28 /* System.Void System.Collections.Generic.Dictionary`2<System.String,System.Int32>::Add(!0,!1) */, L_13, _stringLiteral_455597388_0, 0);
Dictionary_2_t_1305703446_0 * L_14 = V_3;
IL2CPP_RUNTIME_CLASS_INIT(X509Chain_t_259668440_0_il2cpp_TypeInfo_var);
((X509Chain_t_259668440_0_StaticFields*)X509Chain_t_259668440_0_il2cpp_TypeInfo_var->static_fields)->___U3CU3Ef__switchU24mapC_13 = L_14;
}
IL_0064:
{
IL2CPP_RUNTIME_CLASS_INIT(X509Chain_t_259668440_0_il2cpp_TypeInfo_var);
Dictionary_2_t_1305703446_0 * L_15 = ((X509Chain_t_259668440_0_StaticFields*)X509Chain_t_259668440_0_il2cpp_TypeInfo_var->static_fields)->___U3CU3Ef__switchU24mapC_13;
String_t* L_16 = V_2;
NullCheck(L_15);
bool L_17 = (bool)VirtFuncInvoker2< bool, String_t*, int32_t* >::Invoke(33 /* System.Boolean System.Collections.Generic.Dictionary`2<System.String,System.Int32>::TryGetValue(!0,!1&) */, L_15, L_16, (&V_4));
if (!L_17)
{
goto IL_0087;
}
}
IL_0076:
{
int32_t L_18 = V_4;
if (!L_18)
{
goto IL_0082;
}
}
IL_007d:
{
goto IL_0087;
}
IL_0082:
{
goto IL_008f;
}
IL_0087:
{
V_5 = (bool)0;
IL2CPP_LEAVE(0xB6, FINALLY_009f);
}
IL_008f:
{
Object_t * L_19 = V_1;
NullCheck(L_19);
bool L_20 = (bool)InterfaceFuncInvoker0< bool >::Invoke(1 /* System.Boolean System.Collections.IEnumerator::MoveNext() */, IEnumerator_t1412936761_0_il2cpp_TypeInfo_var, L_19);
if (L_20)
{
goto IL_0011;
}
}
IL_009a:
{
IL2CPP_LEAVE(0xB4, FINALLY_009f);
}
} // end try (depth: 1)
catch(Il2CppExceptionWrapper& e)
{
__last_unhandled_exception = (Exception_t2143823668_0 *)e.ex;
goto FINALLY_009f;
}
FINALLY_009f:
{ // begin finally (depth: 1)
{
Object_t * L_21 = V_1;
V_6 = ((Object_t *)IsInst(L_21, IDisposable_t_2098447282_0_il2cpp_TypeInfo_var));
Object_t * L_22 = V_6;
if (L_22)
{
goto IL_00ac;
}
}
IL_00ab:
{
IL2CPP_END_FINALLY(159)
}
IL_00ac:
{
Object_t * L_23 = V_6;
NullCheck(L_23);
InterfaceActionInvoker0::Invoke(0 /* System.Void System.IDisposable::Dispose() */, IDisposable_t_2098447282_0_il2cpp_TypeInfo_var, L_23);
IL2CPP_END_FINALLY(159)
}
} // end finally (depth: 1)
IL2CPP_CLEANUP(159)
{
IL2CPP_JUMP_TBL(0xB6, IL_00b6)
IL2CPP_JUMP_TBL(0xB4, IL_00b4)
IL2CPP_RETHROW_IF_UNHANDLED(Exception_t2143823668_0 *)
}
IL_00b4:
{
return (bool)1;
}
IL_00b6:
{
bool L_24 = V_5;
return L_24;
}
}
// System.Boolean System.Security.Cryptography.X509Certificates.X509Chain::ProcessCrlEntryExtensions(Mono.Security.X509.X509Crl/X509CrlEntry)
extern TypeInfo* IEnumerator_t1412936761_0_il2cpp_TypeInfo_var;
extern TypeInfo* X509Extension_t_556260338_0_il2cpp_TypeInfo_var;
extern TypeInfo* X509Chain_t_259668440_0_il2cpp_TypeInfo_var;
extern TypeInfo* Dictionary_2_t_1305703446_0_il2cpp_TypeInfo_var;
extern TypeInfo* IDisposable_t_2098447282_0_il2cpp_TypeInfo_var;
extern const MethodInfo* Dictionary_2__ctor_m1958628151_0_MethodInfo_var;
extern Il2CppCodeGenString* _stringLiteral_455597423_0;
extern "C" bool X509Chain_ProcessCrlEntryExtensions_m_82878874_0 (X509Chain_t_259668440_0 * __this, X509CrlEntry_t_830724962_0 * ___entry, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
IEnumerator_t1412936761_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(159);
X509Extension_t_556260338_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(688);
X509Chain_t_259668440_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(673);
Dictionary_2_t_1305703446_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(116);
IDisposable_t_2098447282_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(142);
Dictionary_2__ctor_m1958628151_0_MethodInfo_var = il2cpp_codegen_method_info_from_index(2147483658);
_stringLiteral_455597423_0 = il2cpp_codegen_string_literal_from_index(2282);
s_Il2CppMethodIntialized = true;
}
X509Extension_t_556260338_0 * V_0 = {0};
Object_t * V_1 = {0};
String_t* V_2 = {0};
Dictionary_2_t_1305703446_0 * V_3 = {0};
int32_t V_4 = 0;
bool V_5 = false;
Object_t * V_6 = {0};
Exception_t2143823668_0 * __last_unhandled_exception = 0;
NO_UNUSED_WARNING (__last_unhandled_exception);
Exception_t2143823668_0 * __exception_local = 0;
NO_UNUSED_WARNING (__exception_local);
int32_t __leave_target = 0;
NO_UNUSED_WARNING (__leave_target);
{
X509CrlEntry_t_830724962_0 * L_0 = ___entry;
NullCheck(L_0);
X509ExtensionCollection_t_1920699060_0 * L_1 = X509CrlEntry_get_Extensions_m_1258637310_0(L_0, /*hidden argument*/NULL);
NullCheck(L_1);
Object_t * L_2 = (Object_t *)VirtFuncInvoker0< Object_t * >::Invoke(4 /* System.Collections.IEnumerator System.Collections.CollectionBase::GetEnumerator() */, L_1);
V_1 = L_2;
}
IL_000c:
try
{ // begin try (depth: 1)
{
goto IL_0083;
}
IL_0011:
{
Object_t * L_3 = V_1;
NullCheck(L_3);
Object_t * L_4 = (Object_t *)InterfaceFuncInvoker0< Object_t * >::Invoke(0 /* System.Object System.Collections.IEnumerator::get_Current() */, IEnumerator_t1412936761_0_il2cpp_TypeInfo_var, L_3);
V_0 = ((X509Extension_t_556260338_0 *)CastclassClass(L_4, X509Extension_t_556260338_0_il2cpp_TypeInfo_var));
X509Extension_t_556260338_0 * L_5 = V_0;
NullCheck(L_5);
bool L_6 = X509Extension_get_Critical_m_1284508422_0(L_5, /*hidden argument*/NULL);
if (!L_6)
{
goto IL_0083;
}
}
IL_0028:
{
X509Extension_t_556260338_0 * L_7 = V_0;
NullCheck(L_7);
String_t* L_8 = X509Extension_get_Oid_m1309247492_0(L_7, /*hidden argument*/NULL);
V_2 = L_8;
String_t* L_9 = V_2;
if (!L_9)
{
goto IL_007b;
}
}
IL_0035:
{
IL2CPP_RUNTIME_CLASS_INIT(X509Chain_t_259668440_0_il2cpp_TypeInfo_var);
Dictionary_2_t_1305703446_0 * L_10 = ((X509Chain_t_259668440_0_StaticFields*)X509Chain_t_259668440_0_il2cpp_TypeInfo_var->static_fields)->___U3CU3Ef__switchU24mapD_14;
if (L_10)
{
goto IL_0058;
}
}
IL_003f:
{
Dictionary_2_t_1305703446_0 * L_11 = (Dictionary_2_t_1305703446_0 *)il2cpp_codegen_object_new (Dictionary_2_t_1305703446_0_il2cpp_TypeInfo_var);
Dictionary_2__ctor_m1958628151_0(L_11, 1, /*hidden argument*/Dictionary_2__ctor_m1958628151_0_MethodInfo_var);
V_3 = L_11;
Dictionary_2_t_1305703446_0 * L_12 = V_3;
NullCheck(L_12);
VirtActionInvoker2< String_t*, int32_t >::Invoke(28 /* System.Void System.Collections.Generic.Dictionary`2<System.String,System.Int32>::Add(!0,!1) */, L_12, _stringLiteral_455597423_0, 0);
Dictionary_2_t_1305703446_0 * L_13 = V_3;
IL2CPP_RUNTIME_CLASS_INIT(X509Chain_t_259668440_0_il2cpp_TypeInfo_var);
((X509Chain_t_259668440_0_StaticFields*)X509Chain_t_259668440_0_il2cpp_TypeInfo_var->static_fields)->___U3CU3Ef__switchU24mapD_14 = L_13;
}
IL_0058:
{
IL2CPP_RUNTIME_CLASS_INIT(X509Chain_t_259668440_0_il2cpp_TypeInfo_var);
Dictionary_2_t_1305703446_0 * L_14 = ((X509Chain_t_259668440_0_StaticFields*)X509Chain_t_259668440_0_il2cpp_TypeInfo_var->static_fields)->___U3CU3Ef__switchU24mapD_14;
String_t* L_15 = V_2;
NullCheck(L_14);
bool L_16 = (bool)VirtFuncInvoker2< bool, String_t*, int32_t* >::Invoke(33 /* System.Boolean System.Collections.Generic.Dictionary`2<System.String,System.Int32>::TryGetValue(!0,!1&) */, L_14, L_15, (&V_4));
if (!L_16)
{
goto IL_007b;
}
}
IL_006a:
{
int32_t L_17 = V_4;
if (!L_17)
{
goto IL_0076;
}
}
IL_0071:
{
goto IL_007b;
}
IL_0076:
{
goto IL_0083;
}
IL_007b:
{
V_5 = (bool)0;
IL2CPP_LEAVE(0xAA, FINALLY_0093);
}
IL_0083:
{
Object_t * L_18 = V_1;
NullCheck(L_18);
bool L_19 = (bool)InterfaceFuncInvoker0< bool >::Invoke(1 /* System.Boolean System.Collections.IEnumerator::MoveNext() */, IEnumerator_t1412936761_0_il2cpp_TypeInfo_var, L_18);
if (L_19)
{
goto IL_0011;
}
}
IL_008e:
{
IL2CPP_LEAVE(0xA8, FINALLY_0093);
}
} // end try (depth: 1)
catch(Il2CppExceptionWrapper& e)
{
__last_unhandled_exception = (Exception_t2143823668_0 *)e.ex;
goto FINALLY_0093;
}
FINALLY_0093:
{ // begin finally (depth: 1)
{
Object_t * L_20 = V_1;
V_6 = ((Object_t *)IsInst(L_20, IDisposable_t_2098447282_0_il2cpp_TypeInfo_var));
Object_t * L_21 = V_6;
if (L_21)
{
goto IL_00a0;
}
}
IL_009f:
{
IL2CPP_END_FINALLY(147)
}
IL_00a0:
{
Object_t * L_22 = V_6;
NullCheck(L_22);
InterfaceActionInvoker0::Invoke(0 /* System.Void System.IDisposable::Dispose() */, IDisposable_t_2098447282_0_il2cpp_TypeInfo_var, L_22);
IL2CPP_END_FINALLY(147)
}
} // end finally (depth: 1)
IL2CPP_CLEANUP(147)
{
IL2CPP_JUMP_TBL(0xAA, IL_00aa)
IL2CPP_JUMP_TBL(0xA8, IL_00a8)
IL2CPP_RETHROW_IF_UNHANDLED(Exception_t2143823668_0 *)
}
IL_00a8:
{
return (bool)1;
}
IL_00aa:
{
bool L_23 = V_5;
return L_23;
}
}
// System.Void System.Security.Cryptography.X509Certificates.X509ChainElement::.ctor(System.Security.Cryptography.X509Certificates.X509Certificate2)
extern TypeInfo* String_t_il2cpp_TypeInfo_var;
extern "C" void X509ChainElement__ctor_m1605854504_0 (X509ChainElement_t_1009110092_0 * __this, X509Certificate2_t1644507188_0 * ___certificate, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
String_t_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(11);
s_Il2CppMethodIntialized = true;
}
{
Object__ctor_m1772956182_0(__this, /*hidden argument*/NULL);
X509Certificate2_t1644507188_0 * L_0 = ___certificate;
__this->___certificate_0 = L_0;
IL2CPP_RUNTIME_CLASS_INIT(String_t_il2cpp_TypeInfo_var);
String_t* L_1 = ((String_t_StaticFields*)String_t_il2cpp_TypeInfo_var->static_fields)->___Empty_2;
__this->___info_2 = L_1;
return;
}
}
// System.Security.Cryptography.X509Certificates.X509Certificate2 System.Security.Cryptography.X509Certificates.X509ChainElement::get_Certificate()
extern "C" X509Certificate2_t1644507188_0 * X509ChainElement_get_Certificate_m_1310525399_0 (X509ChainElement_t_1009110092_0 * __this, const MethodInfo* method)
{
{
X509Certificate2_t1644507188_0 * L_0 = (__this->___certificate_0);
return L_0;
}
}
// System.Security.Cryptography.X509Certificates.X509ChainStatus[] System.Security.Cryptography.X509Certificates.X509ChainElement::get_ChainElementStatus()
extern "C" X509ChainStatusU5BU5D_t109390108_0* X509ChainElement_get_ChainElementStatus_m1337819701_0 (X509ChainElement_t_1009110092_0 * __this, const MethodInfo* method)
{
{
X509ChainStatusU5BU5D_t109390108_0* L_0 = (__this->___status_1);
return L_0;
}
}
// System.Security.Cryptography.X509Certificates.X509ChainStatusFlags System.Security.Cryptography.X509Certificates.X509ChainElement::get_StatusFlags()
extern "C" int32_t X509ChainElement_get_StatusFlags_m_2025154880_0 (X509ChainElement_t_1009110092_0 * __this, const MethodInfo* method)
{
{
int32_t L_0 = (__this->___compressed_status_flags_3);
return L_0;
}
}
// System.Void System.Security.Cryptography.X509Certificates.X509ChainElement::set_StatusFlags(System.Security.Cryptography.X509Certificates.X509ChainStatusFlags)
extern "C" void X509ChainElement_set_StatusFlags_m_1615511355_0 (X509ChainElement_t_1009110092_0 * __this, int32_t ___value, const MethodInfo* method)
{
{
int32_t L_0 = ___value;
__this->___compressed_status_flags_3 = L_0;
return;
}
}
// System.Int32 System.Security.Cryptography.X509Certificates.X509ChainElement::Count(System.Security.Cryptography.X509Certificates.X509ChainStatusFlags)
extern "C" int32_t X509ChainElement_Count_m466237836_0 (X509ChainElement_t_1009110092_0 * __this, int32_t ___flags, const MethodInfo* method)
{
int32_t V_0 = 0;
int32_t V_1 = 0;
int32_t V_2 = 0;
int32_t V_3 = 0;
{
V_0 = 0;
V_1 = 0;
int32_t L_0 = ___flags;
V_2 = L_0;
V_3 = 1;
goto IL_001e;
}
IL_000d:
{
int32_t L_1 = V_2;
int32_t L_2 = V_3;
int32_t L_3 = V_3;
if ((!(((uint32_t)((int32_t)((int32_t)L_1&(int32_t)L_2))) == ((uint32_t)L_3))))
{
goto IL_001a;
}
}
{
int32_t L_4 = V_0;
V_0 = ((int32_t)((int32_t)L_4+(int32_t)1));
}
IL_001a:
{
int32_t L_5 = V_3;
V_3 = ((int32_t)((int32_t)L_5<<(int32_t)1));
}
IL_001e:
{
int32_t L_6 = V_1;
int32_t L_7 = L_6;
V_1 = ((int32_t)((int32_t)L_7+(int32_t)1));
if ((((int32_t)L_7) < ((int32_t)((int32_t)32))))
{
goto IL_000d;
}
}
{
int32_t L_8 = V_0;
return L_8;
}
}
// System.Void System.Security.Cryptography.X509Certificates.X509ChainElement::Set(System.Security.Cryptography.X509Certificates.X509ChainStatus[],System.Int32&,System.Security.Cryptography.X509Certificates.X509ChainStatusFlags,System.Security.Cryptography.X509Certificates.X509ChainStatusFlags)
extern "C" void X509ChainElement_Set_m2091040175_0 (X509ChainElement_t_1009110092_0 * __this, X509ChainStatusU5BU5D_t109390108_0* ___status, int32_t* ___position, int32_t ___flags, int32_t ___mask, const MethodInfo* method)
{
{
int32_t L_0 = ___flags;
int32_t L_1 = ___mask;
if (!((int32_t)((int32_t)L_0&(int32_t)L_1)))
{
goto IL_0032;
}
}
{
X509ChainStatusU5BU5D_t109390108_0* L_2 = ___status;
int32_t* L_3 = ___position;
NullCheck(L_2);
IL2CPP_ARRAY_BOUNDS_CHECK(L_2, (*((int32_t*)L_3)));
int32_t L_4 = ___mask;
X509ChainStatus_set_Status_m_1882769718_0(((X509ChainStatus_t_1564130246_0 *)(X509ChainStatus_t_1564130246_0 *)SZArrayLdElema(L_2, (*((int32_t*)L_3)), sizeof(X509ChainStatus_t_1564130246_0 ))), L_4, /*hidden argument*/NULL);
X509ChainStatusU5BU5D_t109390108_0* L_5 = ___status;
int32_t* L_6 = ___position;
NullCheck(L_5);
IL2CPP_ARRAY_BOUNDS_CHECK(L_5, (*((int32_t*)L_6)));
int32_t L_7 = ___mask;
String_t* L_8 = X509ChainStatus_GetInformation_m369546830_0(NULL /*static, unused*/, L_7, /*hidden argument*/NULL);
X509ChainStatus_set_StatusInformation_m_1493583311_0(((X509ChainStatus_t_1564130246_0 *)(X509ChainStatus_t_1564130246_0 *)SZArrayLdElema(L_5, (*((int32_t*)L_6)), sizeof(X509ChainStatus_t_1564130246_0 ))), L_8, /*hidden argument*/NULL);
int32_t* L_9 = ___position;
int32_t* L_10 = ___position;
*((int32_t*)(L_9)) = (int32_t)((int32_t)((int32_t)(*((int32_t*)L_10))+(int32_t)1));
}
IL_0032:
{
return;
}
}
// System.Void System.Security.Cryptography.X509Certificates.X509ChainElement::UncompressFlags()
extern TypeInfo* X509ChainStatusU5BU5D_t109390108_0_il2cpp_TypeInfo_var;
extern "C" void X509ChainElement_UncompressFlags_m_1168993588_0 (X509ChainElement_t_1009110092_0 * __this, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
X509ChainStatusU5BU5D_t109390108_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(682);
s_Il2CppMethodIntialized = true;
}
int32_t V_0 = 0;
int32_t V_1 = 0;
{
int32_t L_0 = (__this->___compressed_status_flags_3);
if (L_0)
{
goto IL_001c;
}
}
{
__this->___status_1 = ((X509ChainStatusU5BU5D_t109390108_0*)SZArrayNew(X509ChainStatusU5BU5D_t109390108_0_il2cpp_TypeInfo_var, (uint32_t)0));
goto IL_0244;
}
IL_001c:
{
int32_t L_1 = (__this->___compressed_status_flags_3);
int32_t L_2 = X509ChainElement_Count_m466237836_0(__this, L_1, /*hidden argument*/NULL);
V_0 = L_2;
int32_t L_3 = V_0;
__this->___status_1 = ((X509ChainStatusU5BU5D_t109390108_0*)SZArrayNew(X509ChainStatusU5BU5D_t109390108_0_il2cpp_TypeInfo_var, (uint32_t)L_3));
V_1 = 0;
X509ChainStatusU5BU5D_t109390108_0* L_4 = (__this->___status_1);
int32_t L_5 = (__this->___compressed_status_flags_3);
X509ChainElement_Set_m2091040175_0(__this, L_4, (&V_1), L_5, ((int32_t)32), /*hidden argument*/NULL);
X509ChainStatusU5BU5D_t109390108_0* L_6 = (__this->___status_1);
int32_t L_7 = (__this->___compressed_status_flags_3);
X509ChainElement_Set_m2091040175_0(__this, L_6, (&V_1), L_7, 1, /*hidden argument*/NULL);
X509ChainStatusU5BU5D_t109390108_0* L_8 = (__this->___status_1);
int32_t L_9 = (__this->___compressed_status_flags_3);
X509ChainElement_Set_m2091040175_0(__this, L_8, (&V_1), L_9, 2, /*hidden argument*/NULL);
X509ChainStatusU5BU5D_t109390108_0* L_10 = (__this->___status_1);
int32_t L_11 = (__this->___compressed_status_flags_3);
X509ChainElement_Set_m2091040175_0(__this, L_10, (&V_1), L_11, 4, /*hidden argument*/NULL);
X509ChainStatusU5BU5D_t109390108_0* L_12 = (__this->___status_1);
int32_t L_13 = (__this->___compressed_status_flags_3);
X509ChainElement_Set_m2091040175_0(__this, L_12, (&V_1), L_13, 8, /*hidden argument*/NULL);
X509ChainStatusU5BU5D_t109390108_0* L_14 = (__this->___status_1);
int32_t L_15 = (__this->___compressed_status_flags_3);
X509ChainElement_Set_m2091040175_0(__this, L_14, (&V_1), L_15, ((int32_t)16), /*hidden argument*/NULL);
X509ChainStatusU5BU5D_t109390108_0* L_16 = (__this->___status_1);
int32_t L_17 = (__this->___compressed_status_flags_3);
X509ChainElement_Set_m2091040175_0(__this, L_16, (&V_1), L_17, ((int32_t)64), /*hidden argument*/NULL);
X509ChainStatusU5BU5D_t109390108_0* L_18 = (__this->___status_1);
int32_t L_19 = (__this->___compressed_status_flags_3);
X509ChainElement_Set_m2091040175_0(__this, L_18, (&V_1), L_19, ((int32_t)128), /*hidden argument*/NULL);
X509ChainStatusU5BU5D_t109390108_0* L_20 = (__this->___status_1);
int32_t L_21 = (__this->___compressed_status_flags_3);
X509ChainElement_Set_m2091040175_0(__this, L_20, (&V_1), L_21, ((int32_t)256), /*hidden argument*/NULL);
X509ChainStatusU5BU5D_t109390108_0* L_22 = (__this->___status_1);
int32_t L_23 = (__this->___compressed_status_flags_3);
X509ChainElement_Set_m2091040175_0(__this, L_22, (&V_1), L_23, ((int32_t)512), /*hidden argument*/NULL);
X509ChainStatusU5BU5D_t109390108_0* L_24 = (__this->___status_1);
int32_t L_25 = (__this->___compressed_status_flags_3);
X509ChainElement_Set_m2091040175_0(__this, L_24, (&V_1), L_25, ((int32_t)1024), /*hidden argument*/NULL);
X509ChainStatusU5BU5D_t109390108_0* L_26 = (__this->___status_1);
int32_t L_27 = (__this->___compressed_status_flags_3);
X509ChainElement_Set_m2091040175_0(__this, L_26, (&V_1), L_27, ((int32_t)2048), /*hidden argument*/NULL);
X509ChainStatusU5BU5D_t109390108_0* L_28 = (__this->___status_1);
int32_t L_29 = (__this->___compressed_status_flags_3);
X509ChainElement_Set_m2091040175_0(__this, L_28, (&V_1), L_29, ((int32_t)4096), /*hidden argument*/NULL);
X509ChainStatusU5BU5D_t109390108_0* L_30 = (__this->___status_1);
int32_t L_31 = (__this->___compressed_status_flags_3);
X509ChainElement_Set_m2091040175_0(__this, L_30, (&V_1), L_31, ((int32_t)8192), /*hidden argument*/NULL);
X509ChainStatusU5BU5D_t109390108_0* L_32 = (__this->___status_1);
int32_t L_33 = (__this->___compressed_status_flags_3);
X509ChainElement_Set_m2091040175_0(__this, L_32, (&V_1), L_33, ((int32_t)16384), /*hidden argument*/NULL);
X509ChainStatusU5BU5D_t109390108_0* L_34 = (__this->___status_1);
int32_t L_35 = (__this->___compressed_status_flags_3);
X509ChainElement_Set_m2091040175_0(__this, L_34, (&V_1), L_35, ((int32_t)32768), /*hidden argument*/NULL);
X509ChainStatusU5BU5D_t109390108_0* L_36 = (__this->___status_1);
int32_t L_37 = (__this->___compressed_status_flags_3);
X509ChainElement_Set_m2091040175_0(__this, L_36, (&V_1), L_37, ((int32_t)65536), /*hidden argument*/NULL);
X509ChainStatusU5BU5D_t109390108_0* L_38 = (__this->___status_1);
int32_t L_39 = (__this->___compressed_status_flags_3);
X509ChainElement_Set_m2091040175_0(__this, L_38, (&V_1), L_39, ((int32_t)131072), /*hidden argument*/NULL);
X509ChainStatusU5BU5D_t109390108_0* L_40 = (__this->___status_1);
int32_t L_41 = (__this->___compressed_status_flags_3);
X509ChainElement_Set_m2091040175_0(__this, L_40, (&V_1), L_41, ((int32_t)262144), /*hidden argument*/NULL);
X509ChainStatusU5BU5D_t109390108_0* L_42 = (__this->___status_1);
int32_t L_43 = (__this->___compressed_status_flags_3);
X509ChainElement_Set_m2091040175_0(__this, L_42, (&V_1), L_43, ((int32_t)524288), /*hidden argument*/NULL);
X509ChainStatusU5BU5D_t109390108_0* L_44 = (__this->___status_1);
int32_t L_45 = (__this->___compressed_status_flags_3);
X509ChainElement_Set_m2091040175_0(__this, L_44, (&V_1), L_45, ((int32_t)16777216), /*hidden argument*/NULL);
X509ChainStatusU5BU5D_t109390108_0* L_46 = (__this->___status_1);
int32_t L_47 = (__this->___compressed_status_flags_3);
X509ChainElement_Set_m2091040175_0(__this, L_46, (&V_1), L_47, ((int32_t)33554432), /*hidden argument*/NULL);
}
IL_0244:
{
return;
}
}
// System.Void System.Security.Cryptography.X509Certificates.X509ChainElementCollection::.ctor()
extern TypeInfo* ArrayList_t536890563_0_il2cpp_TypeInfo_var;
extern "C" void X509ChainElementCollection__ctor_m1079210340_0 (X509ChainElementCollection_t_1966363278_0 * __this, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
ArrayList_t536890563_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(55);
s_Il2CppMethodIntialized = true;
}
{
Object__ctor_m1772956182_0(__this, /*hidden argument*/NULL);
ArrayList_t536890563_0 * L_0 = (ArrayList_t536890563_0 *)il2cpp_codegen_object_new (ArrayList_t536890563_0_il2cpp_TypeInfo_var);
ArrayList__ctor_m1878432947_0(L_0, /*hidden argument*/NULL);
__this->____list_0 = L_0;
return;
}
}
// System.Void System.Security.Cryptography.X509Certificates.X509ChainElementCollection::System.Collections.ICollection.CopyTo(System.Array,System.Int32)
extern "C" void X509ChainElementCollection_System_Collections_ICollection_CopyTo_m_1104423840_0 (X509ChainElementCollection_t_1966363278_0 * __this, Array_t * ___array, int32_t ___index, const MethodInfo* method)
{
{
ArrayList_t536890563_0 * L_0 = (__this->____list_0);
Array_t * L_1 = ___array;
int32_t L_2 = ___index;
NullCheck(L_0);
VirtActionInvoker2< Array_t *, int32_t >::Invoke(41 /* System.Void System.Collections.ArrayList::CopyTo(System.Array,System.Int32) */, L_0, L_1, L_2);
return;
}
}
// System.Collections.IEnumerator System.Security.Cryptography.X509Certificates.X509ChainElementCollection::System.Collections.IEnumerable.GetEnumerator()
extern TypeInfo* X509ChainElementEnumerator_t_1145710952_0_il2cpp_TypeInfo_var;
extern "C" Object_t * X509ChainElementCollection_System_Collections_IEnumerable_GetEnumerator_m31369455_0 (X509ChainElementCollection_t_1966363278_0 * __this, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
X509ChainElementEnumerator_t_1145710952_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(689);
s_Il2CppMethodIntialized = true;
}
{
ArrayList_t536890563_0 * L_0 = (__this->____list_0);
X509ChainElementEnumerator_t_1145710952_0 * L_1 = (X509ChainElementEnumerator_t_1145710952_0 *)il2cpp_codegen_object_new (X509ChainElementEnumerator_t_1145710952_0_il2cpp_TypeInfo_var);
X509ChainElementEnumerator__ctor_m1406437381_0(L_1, L_0, /*hidden argument*/NULL);
return L_1;
}
}
// System.Int32 System.Security.Cryptography.X509Certificates.X509ChainElementCollection::get_Count()
extern "C" int32_t X509ChainElementCollection_get_Count_m_763949768_0 (X509ChainElementCollection_t_1966363278_0 * __this, const MethodInfo* method)
{
{
ArrayList_t536890563_0 * L_0 = (__this->____list_0);
NullCheck(L_0);
int32_t L_1 = (int32_t)VirtFuncInvoker0< int32_t >::Invoke(23 /* System.Int32 System.Collections.ArrayList::get_Count() */, L_0);
return L_1;
}
}
// System.Boolean System.Security.Cryptography.X509Certificates.X509ChainElementCollection::get_IsSynchronized()
extern "C" bool X509ChainElementCollection_get_IsSynchronized_m_1665479459_0 (X509ChainElementCollection_t_1966363278_0 * __this, const MethodInfo* method)
{
{
ArrayList_t536890563_0 * L_0 = (__this->____list_0);
NullCheck(L_0);
bool L_1 = (bool)VirtFuncInvoker0< bool >::Invoke(28 /* System.Boolean System.Collections.ArrayList::get_IsSynchronized() */, L_0);
return L_1;
}
}
// System.Security.Cryptography.X509Certificates.X509ChainElement System.Security.Cryptography.X509Certificates.X509ChainElementCollection::get_Item(System.Int32)
extern TypeInfo* X509ChainElement_t_1009110092_0_il2cpp_TypeInfo_var;
extern "C" X509ChainElement_t_1009110092_0 * X509ChainElementCollection_get_Item_m553083826_0 (X509ChainElementCollection_t_1966363278_0 * __this, int32_t ___index, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
X509ChainElement_t_1009110092_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(690);
s_Il2CppMethodIntialized = true;
}
{
ArrayList_t536890563_0 * L_0 = (__this->____list_0);
int32_t L_1 = ___index;
NullCheck(L_0);
Object_t * L_2 = (Object_t *)VirtFuncInvoker1< Object_t *, int32_t >::Invoke(21 /* System.Object System.Collections.ArrayList::get_Item(System.Int32) */, L_0, L_1);
return ((X509ChainElement_t_1009110092_0 *)CastclassClass(L_2, X509ChainElement_t_1009110092_0_il2cpp_TypeInfo_var));
}
}
// System.Object System.Security.Cryptography.X509Certificates.X509ChainElementCollection::get_SyncRoot()
extern "C" Object_t * X509ChainElementCollection_get_SyncRoot_m527504827_0 (X509ChainElementCollection_t_1966363278_0 * __this, const MethodInfo* method)
{
{
ArrayList_t536890563_0 * L_0 = (__this->____list_0);
NullCheck(L_0);
Object_t * L_1 = (Object_t *)VirtFuncInvoker0< Object_t * >::Invoke(29 /* System.Object System.Collections.ArrayList::get_SyncRoot() */, L_0);
return L_1;
}
}
// System.Security.Cryptography.X509Certificates.X509ChainElementEnumerator System.Security.Cryptography.X509Certificates.X509ChainElementCollection::GetEnumerator()
extern TypeInfo* X509ChainElementEnumerator_t_1145710952_0_il2cpp_TypeInfo_var;
extern "C" X509ChainElementEnumerator_t_1145710952_0 * X509ChainElementCollection_GetEnumerator_m1375522587_0 (X509ChainElementCollection_t_1966363278_0 * __this, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
X509ChainElementEnumerator_t_1145710952_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(689);
s_Il2CppMethodIntialized = true;
}
{
ArrayList_t536890563_0 * L_0 = (__this->____list_0);
X509ChainElementEnumerator_t_1145710952_0 * L_1 = (X509ChainElementEnumerator_t_1145710952_0 *)il2cpp_codegen_object_new (X509ChainElementEnumerator_t_1145710952_0_il2cpp_TypeInfo_var);
X509ChainElementEnumerator__ctor_m1406437381_0(L_1, L_0, /*hidden argument*/NULL);
return L_1;
}
}
// System.Void System.Security.Cryptography.X509Certificates.X509ChainElementCollection::Add(System.Security.Cryptography.X509Certificates.X509Certificate2)
extern TypeInfo* X509ChainElement_t_1009110092_0_il2cpp_TypeInfo_var;
extern "C" void X509ChainElementCollection_Add_m2103492457_0 (X509ChainElementCollection_t_1966363278_0 * __this, X509Certificate2_t1644507188_0 * ___certificate, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
X509ChainElement_t_1009110092_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(690);
s_Il2CppMethodIntialized = true;
}
{
ArrayList_t536890563_0 * L_0 = (__this->____list_0);
X509Certificate2_t1644507188_0 * L_1 = ___certificate;
X509ChainElement_t_1009110092_0 * L_2 = (X509ChainElement_t_1009110092_0 *)il2cpp_codegen_object_new (X509ChainElement_t_1009110092_0_il2cpp_TypeInfo_var);
X509ChainElement__ctor_m1605854504_0(L_2, L_1, /*hidden argument*/NULL);
NullCheck(L_0);
VirtFuncInvoker1< int32_t, Object_t * >::Invoke(30 /* System.Int32 System.Collections.ArrayList::Add(System.Object) */, L_0, L_2);
return;
}
}
// System.Void System.Security.Cryptography.X509Certificates.X509ChainElementCollection::Clear()
extern "C" void X509ChainElementCollection_Clear_m_1514656369_0 (X509ChainElementCollection_t_1966363278_0 * __this, const MethodInfo* method)
{
{
ArrayList_t536890563_0 * L_0 = (__this->____list_0);
NullCheck(L_0);
VirtActionInvoker0::Invoke(31 /* System.Void System.Collections.ArrayList::Clear() */, L_0);
return;
}
}
// System.Boolean System.Security.Cryptography.X509Certificates.X509ChainElementCollection::Contains(System.Security.Cryptography.X509Certificates.X509Certificate2)
extern TypeInfo* X509ChainElement_t_1009110092_0_il2cpp_TypeInfo_var;
extern "C" bool X509ChainElementCollection_Contains_m150098075_0 (X509ChainElementCollection_t_1966363278_0 * __this, X509Certificate2_t1644507188_0 * ___certificate, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
X509ChainElement_t_1009110092_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(690);
s_Il2CppMethodIntialized = true;
}
int32_t V_0 = 0;
{
V_0 = 0;
goto IL_002e;
}
IL_0007:
{
X509Certificate2_t1644507188_0 * L_0 = ___certificate;
ArrayList_t536890563_0 * L_1 = (__this->____list_0);
int32_t L_2 = V_0;
NullCheck(L_1);
Object_t * L_3 = (Object_t *)VirtFuncInvoker1< Object_t *, int32_t >::Invoke(21 /* System.Object System.Collections.ArrayList::get_Item(System.Int32) */, L_1, L_2);
NullCheck(((X509ChainElement_t_1009110092_0 *)IsInstClass(L_3, X509ChainElement_t_1009110092_0_il2cpp_TypeInfo_var)));
X509Certificate2_t1644507188_0 * L_4 = X509ChainElement_get_Certificate_m_1310525399_0(((X509ChainElement_t_1009110092_0 *)IsInstClass(L_3, X509ChainElement_t_1009110092_0_il2cpp_TypeInfo_var)), /*hidden argument*/NULL);
NullCheck(L_0);
bool L_5 = (bool)VirtFuncInvoker1< bool, X509Certificate_t1524084820_0 * >::Invoke(6 /* System.Boolean System.Security.Cryptography.X509Certificates.X509Certificate::Equals(System.Security.Cryptography.X509Certificates.X509Certificate) */, L_0, L_4);
if (!L_5)
{
goto IL_002a;
}
}
{
return (bool)1;
}
IL_002a:
{
int32_t L_6 = V_0;
V_0 = ((int32_t)((int32_t)L_6+(int32_t)1));
}
IL_002e:
{
int32_t L_7 = V_0;
ArrayList_t536890563_0 * L_8 = (__this->____list_0);
NullCheck(L_8);
int32_t L_9 = (int32_t)VirtFuncInvoker0< int32_t >::Invoke(23 /* System.Int32 System.Collections.ArrayList::get_Count() */, L_8);
if ((((int32_t)L_7) < ((int32_t)L_9)))
{
goto IL_0007;
}
}
{
return (bool)0;
}
}
// System.Void System.Security.Cryptography.X509Certificates.X509ChainElementEnumerator::.ctor(System.Collections.IEnumerable)
extern TypeInfo* IEnumerable_t1412919357_0_il2cpp_TypeInfo_var;
extern "C" void X509ChainElementEnumerator__ctor_m1406437381_0 (X509ChainElementEnumerator_t_1145710952_0 * __this, Object_t * ___enumerable, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
IEnumerable_t1412919357_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(169);
s_Il2CppMethodIntialized = true;
}
{
Object__ctor_m1772956182_0(__this, /*hidden argument*/NULL);
Object_t * L_0 = ___enumerable;
NullCheck(L_0);
Object_t * L_1 = (Object_t *)InterfaceFuncInvoker0< Object_t * >::Invoke(0 /* System.Collections.IEnumerator System.Collections.IEnumerable::GetEnumerator() */, IEnumerable_t1412919357_0_il2cpp_TypeInfo_var, L_0);
__this->___enumerator_0 = L_1;
return;
}
}
// System.Object System.Security.Cryptography.X509Certificates.X509ChainElementEnumerator::System.Collections.IEnumerator.get_Current()
extern TypeInfo* IEnumerator_t1412936761_0_il2cpp_TypeInfo_var;
extern "C" Object_t * X509ChainElementEnumerator_System_Collections_IEnumerator_get_Current_m_2077424526_0 (X509ChainElementEnumerator_t_1145710952_0 * __this, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
IEnumerator_t1412936761_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(159);
s_Il2CppMethodIntialized = true;
}
{
Object_t * L_0 = (__this->___enumerator_0);
NullCheck(L_0);
Object_t * L_1 = (Object_t *)InterfaceFuncInvoker0< Object_t * >::Invoke(0 /* System.Object System.Collections.IEnumerator::get_Current() */, IEnumerator_t1412936761_0_il2cpp_TypeInfo_var, L_0);
return L_1;
}
}
// System.Security.Cryptography.X509Certificates.X509ChainElement System.Security.Cryptography.X509Certificates.X509ChainElementEnumerator::get_Current()
extern TypeInfo* IEnumerator_t1412936761_0_il2cpp_TypeInfo_var;
extern TypeInfo* X509ChainElement_t_1009110092_0_il2cpp_TypeInfo_var;
extern "C" X509ChainElement_t_1009110092_0 * X509ChainElementEnumerator_get_Current_m1994757799_0 (X509ChainElementEnumerator_t_1145710952_0 * __this, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
IEnumerator_t1412936761_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(159);
X509ChainElement_t_1009110092_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(690);
s_Il2CppMethodIntialized = true;
}
{
Object_t * L_0 = (__this->___enumerator_0);
NullCheck(L_0);
Object_t * L_1 = (Object_t *)InterfaceFuncInvoker0< Object_t * >::Invoke(0 /* System.Object System.Collections.IEnumerator::get_Current() */, IEnumerator_t1412936761_0_il2cpp_TypeInfo_var, L_0);
return ((X509ChainElement_t_1009110092_0 *)CastclassClass(L_1, X509ChainElement_t_1009110092_0_il2cpp_TypeInfo_var));
}
}
// System.Boolean System.Security.Cryptography.X509Certificates.X509ChainElementEnumerator::MoveNext()
extern TypeInfo* IEnumerator_t1412936761_0_il2cpp_TypeInfo_var;
extern "C" bool X509ChainElementEnumerator_MoveNext_m_1587033344_0 (X509ChainElementEnumerator_t_1145710952_0 * __this, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
IEnumerator_t1412936761_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(159);
s_Il2CppMethodIntialized = true;
}
{
Object_t * L_0 = (__this->___enumerator_0);
NullCheck(L_0);
bool L_1 = (bool)InterfaceFuncInvoker0< bool >::Invoke(1 /* System.Boolean System.Collections.IEnumerator::MoveNext() */, IEnumerator_t1412936761_0_il2cpp_TypeInfo_var, L_0);
return L_1;
}
}
// System.Void System.Security.Cryptography.X509Certificates.X509ChainElementEnumerator::Reset()
extern TypeInfo* IEnumerator_t1412936761_0_il2cpp_TypeInfo_var;
extern "C" void X509ChainElementEnumerator_Reset_m_261775957_0 (X509ChainElementEnumerator_t_1145710952_0 * __this, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
IEnumerator_t1412936761_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(159);
s_Il2CppMethodIntialized = true;
}
{
Object_t * L_0 = (__this->___enumerator_0);
NullCheck(L_0);
InterfaceActionInvoker0::Invoke(2 /* System.Void System.Collections.IEnumerator::Reset() */, IEnumerator_t1412936761_0_il2cpp_TypeInfo_var, L_0);
return;
}
}
// System.Void System.Security.Cryptography.X509Certificates.X509ChainPolicy::.ctor()
extern "C" void X509ChainPolicy__ctor_m1959063574_0 (X509ChainPolicy_t_1654318726_0 * __this, const MethodInfo* method)
{
{
Object__ctor_m1772956182_0(__this, /*hidden argument*/NULL);
X509ChainPolicy_Reset_m_394503485_0(__this, /*hidden argument*/NULL);
return;
}
}
// System.Security.Cryptography.X509Certificates.X509Certificate2Collection System.Security.Cryptography.X509Certificates.X509ChainPolicy::get_ExtraStore()
extern "C" X509Certificate2Collection_t_1899689486_0 * X509ChainPolicy_get_ExtraStore_m_671292063_0 (X509ChainPolicy_t_1654318726_0 * __this, const MethodInfo* method)
{
{
X509Certificate2Collection_t_1899689486_0 * L_0 = (__this->___store_2);
return L_0;
}
}
// System.Security.Cryptography.X509Certificates.X509RevocationFlag System.Security.Cryptography.X509Certificates.X509ChainPolicy::get_RevocationFlag()
extern "C" int32_t X509ChainPolicy_get_RevocationFlag_m852524363_0 (X509ChainPolicy_t_1654318726_0 * __this, const MethodInfo* method)
{
{
int32_t L_0 = (__this->___rflag_3);
return L_0;
}
}
// System.Security.Cryptography.X509Certificates.X509RevocationMode System.Security.Cryptography.X509Certificates.X509ChainPolicy::get_RevocationMode()
extern "C" int32_t X509ChainPolicy_get_RevocationMode_m_1676949895_0 (X509ChainPolicy_t_1654318726_0 * __this, const MethodInfo* method)
{
{
int32_t L_0 = (__this->___mode_4);
return L_0;
}
}
// System.Security.Cryptography.X509Certificates.X509VerificationFlags System.Security.Cryptography.X509Certificates.X509ChainPolicy::get_VerificationFlags()
extern "C" int32_t X509ChainPolicy_get_VerificationFlags_m1052595485_0 (X509ChainPolicy_t_1654318726_0 * __this, const MethodInfo* method)
{
{
int32_t L_0 = (__this->___vflags_6);
return L_0;
}
}
// System.DateTime System.Security.Cryptography.X509Certificates.X509ChainPolicy::get_VerificationTime()
extern "C" DateTime_t_818288618_0 X509ChainPolicy_get_VerificationTime_m_1855396410_0 (X509ChainPolicy_t_1654318726_0 * __this, const MethodInfo* method)
{
{
DateTime_t_818288618_0 L_0 = (__this->___vtime_7);
return L_0;
}
}
// System.Void System.Security.Cryptography.X509Certificates.X509ChainPolicy::Reset()
extern TypeInfo* OidCollection_t_322472593_0_il2cpp_TypeInfo_var;
extern TypeInfo* X509Certificate2Collection_t_1899689486_0_il2cpp_TypeInfo_var;
extern TypeInfo* TimeSpan_t_393459662_0_il2cpp_TypeInfo_var;
extern TypeInfo* DateTime_t_818288618_0_il2cpp_TypeInfo_var;
extern "C" void X509ChainPolicy_Reset_m_394503485_0 (X509ChainPolicy_t_1654318726_0 * __this, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
OidCollection_t_322472593_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(691);
X509Certificate2Collection_t_1899689486_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(675);
TimeSpan_t_393459662_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(331);
DateTime_t_818288618_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(172);
s_Il2CppMethodIntialized = true;
}
{
OidCollection_t_322472593_0 * L_0 = (OidCollection_t_322472593_0 *)il2cpp_codegen_object_new (OidCollection_t_322472593_0_il2cpp_TypeInfo_var);
OidCollection__ctor_m_702469817_0(L_0, /*hidden argument*/NULL);
__this->___apps_0 = L_0;
OidCollection_t_322472593_0 * L_1 = (OidCollection_t_322472593_0 *)il2cpp_codegen_object_new (OidCollection_t_322472593_0_il2cpp_TypeInfo_var);
OidCollection__ctor_m_702469817_0(L_1, /*hidden argument*/NULL);
__this->___cert_1 = L_1;
X509Certificate2Collection_t_1899689486_0 * L_2 = (X509Certificate2Collection_t_1899689486_0 *)il2cpp_codegen_object_new (X509Certificate2Collection_t_1899689486_0_il2cpp_TypeInfo_var);
X509Certificate2Collection__ctor_m769271012_0(L_2, /*hidden argument*/NULL);
__this->___store_2 = L_2;
__this->___rflag_3 = 2;
__this->___mode_4 = 1;
IL2CPP_RUNTIME_CLASS_INIT(TimeSpan_t_393459662_0_il2cpp_TypeInfo_var);
TimeSpan_t_393459662_0 L_3 = ((TimeSpan_t_393459662_0_StaticFields*)TimeSpan_t_393459662_0_il2cpp_TypeInfo_var->static_fields)->___Zero_7;
__this->___timeout_5 = L_3;
__this->___vflags_6 = 0;
IL2CPP_RUNTIME_CLASS_INIT(DateTime_t_818288618_0_il2cpp_TypeInfo_var);
DateTime_t_818288618_0 L_4 = DateTime_get_Now_m1812131422_0(NULL /*static, unused*/, /*hidden argument*/NULL);
__this->___vtime_7 = L_4;
return;
}
}
// System.Void System.Security.Cryptography.X509Certificates.X509ChainStatus::.ctor(System.Security.Cryptography.X509Certificates.X509ChainStatusFlags)
extern "C" void X509ChainStatus__ctor_m452901827_0 (X509ChainStatus_t_1564130246_0 * __this, int32_t ___flag, const MethodInfo* method)
{
{
int32_t L_0 = ___flag;
__this->___status_0 = L_0;
int32_t L_1 = ___flag;
String_t* L_2 = X509ChainStatus_GetInformation_m369546830_0(NULL /*static, unused*/, L_1, /*hidden argument*/NULL);
__this->___info_1 = L_2;
return;
}
}
// System.Security.Cryptography.X509Certificates.X509ChainStatusFlags System.Security.Cryptography.X509Certificates.X509ChainStatus::get_Status()
extern "C" int32_t X509ChainStatus_get_Status_m805216413_0 (X509ChainStatus_t_1564130246_0 * __this, const MethodInfo* method)
{
{
int32_t L_0 = (__this->___status_0);
return L_0;
}
}
// System.Void System.Security.Cryptography.X509Certificates.X509ChainStatus::set_Status(System.Security.Cryptography.X509Certificates.X509ChainStatusFlags)
extern "C" void X509ChainStatus_set_Status_m_1882769718_0 (X509ChainStatus_t_1564130246_0 * __this, int32_t ___value, const MethodInfo* method)
{
{
int32_t L_0 = ___value;
__this->___status_0 = L_0;
return;
}
}
// System.Void System.Security.Cryptography.X509Certificates.X509ChainStatus::set_StatusInformation(System.String)
extern "C" void X509ChainStatus_set_StatusInformation_m_1493583311_0 (X509ChainStatus_t_1564130246_0 * __this, String_t* ___value, const MethodInfo* method)
{
{
String_t* L_0 = ___value;
__this->___info_1 = L_0;
return;
}
}
// System.String System.Security.Cryptography.X509Certificates.X509ChainStatus::GetInformation(System.Security.Cryptography.X509Certificates.X509ChainStatusFlags)
extern TypeInfo* X509ChainStatusFlags_t_1058320787_0_il2cpp_TypeInfo_var;
extern TypeInfo* String_t_il2cpp_TypeInfo_var;
extern "C" String_t* X509ChainStatus_GetInformation_m369546830_0 (Object_t * __this /* static, unused */, int32_t ___flags, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
X509ChainStatusFlags_t_1058320787_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(692);
String_t_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(11);
s_Il2CppMethodIntialized = true;
}
int32_t V_0 = {0};
{
int32_t L_0 = ___flags;
V_0 = L_0;
int32_t L_1 = V_0;
if (L_1 == 0)
{
goto IL_00ff;
}
if (L_1 == 1)
{
goto IL_00ee;
}
if (L_1 == 2)
{
goto IL_00ee;
}
if (L_1 == 3)
{
goto IL_002c;
}
if (L_1 == 4)
{
goto IL_00ee;
}
if (L_1 == 5)
{
goto IL_002c;
}
if (L_1 == 6)
{
goto IL_002c;
}
if (L_1 == 7)
{
goto IL_002c;
}
if (L_1 == 8)
{
goto IL_00ee;
}
}
IL_002c:
{
int32_t L_2 = V_0;
if ((((int32_t)L_2) == ((int32_t)((int32_t)16))))
{
goto IL_00ee;
}
}
{
int32_t L_3 = V_0;
if ((((int32_t)L_3) == ((int32_t)((int32_t)32))))
{
goto IL_00ee;
}
}
{
int32_t L_4 = V_0;
if ((((int32_t)L_4) == ((int32_t)((int32_t)64))))
{
goto IL_00ee;
}
}
{
int32_t L_5 = V_0;
if ((((int32_t)L_5) == ((int32_t)((int32_t)128))))
{
goto IL_00ee;
}
}
{
int32_t L_6 = V_0;
if ((((int32_t)L_6) == ((int32_t)((int32_t)256))))
{
goto IL_00ee;
}
}
{
int32_t L_7 = V_0;
if ((((int32_t)L_7) == ((int32_t)((int32_t)512))))
{
goto IL_00ee;
}
}
{
int32_t L_8 = V_0;
if ((((int32_t)L_8) == ((int32_t)((int32_t)1024))))
{
goto IL_00ee;
}
}
{
int32_t L_9 = V_0;
if ((((int32_t)L_9) == ((int32_t)((int32_t)2048))))
{
goto IL_00ee;
}
}
{
int32_t L_10 = V_0;
if ((((int32_t)L_10) == ((int32_t)((int32_t)4096))))
{
goto IL_00ee;
}
}
{
int32_t L_11 = V_0;
if ((((int32_t)L_11) == ((int32_t)((int32_t)8192))))
{
goto IL_00ee;
}
}
{
int32_t L_12 = V_0;
if ((((int32_t)L_12) == ((int32_t)((int32_t)16384))))
{
goto IL_00ee;
}
}
{
int32_t L_13 = V_0;
if ((((int32_t)L_13) == ((int32_t)((int32_t)32768))))
{
goto IL_00ee;
}
}
{
int32_t L_14 = V_0;
if ((((int32_t)L_14) == ((int32_t)((int32_t)65536))))
{
goto IL_00ee;
}
}
{
int32_t L_15 = V_0;
if ((((int32_t)L_15) == ((int32_t)((int32_t)131072))))
{
goto IL_00ee;
}
}
{
int32_t L_16 = V_0;
if ((((int32_t)L_16) == ((int32_t)((int32_t)262144))))
{
goto IL_00ee;
}
}
{
int32_t L_17 = V_0;
if ((((int32_t)L_17) == ((int32_t)((int32_t)524288))))
{
goto IL_00ee;
}
}
{
int32_t L_18 = V_0;
if ((((int32_t)L_18) == ((int32_t)((int32_t)16777216))))
{
goto IL_00ee;
}
}
{
int32_t L_19 = V_0;
if ((((int32_t)L_19) == ((int32_t)((int32_t)33554432))))
{
goto IL_00ee;
}
}
{
goto IL_00ff;
}
IL_00ee:
{
int32_t L_20 = ___flags;
int32_t L_21 = L_20;
Object_t * L_22 = Box(X509ChainStatusFlags_t_1058320787_0_il2cpp_TypeInfo_var, &L_21);
NullCheck(L_22);
String_t* L_23 = (String_t*)VirtFuncInvoker0< String_t* >::Invoke(3 /* System.String System.Enum::ToString() */, L_22);
String_t* L_24 = Locale_GetText_m_1025094110_0(NULL /*static, unused*/, L_23, /*hidden argument*/NULL);
return L_24;
}
IL_00ff:
{
IL2CPP_RUNTIME_CLASS_INIT(String_t_il2cpp_TypeInfo_var);
String_t* L_25 = ((String_t_StaticFields*)String_t_il2cpp_TypeInfo_var->static_fields)->___Empty_2;
return L_25;
}
}
// Conversion methods for marshalling of: System.Security.Cryptography.X509Certificates.X509ChainStatus
extern "C" void X509ChainStatus_t_1564130246_0_marshal(const X509ChainStatus_t_1564130246_0& unmarshaled, X509ChainStatus_t_1564130246_0_marshaled& marshaled)
{
marshaled.___status_0 = unmarshaled.___status_0;
marshaled.___info_1 = il2cpp_codegen_marshal_string(unmarshaled.___info_1);
}
extern "C" void X509ChainStatus_t_1564130246_0_marshal_back(const X509ChainStatus_t_1564130246_0_marshaled& marshaled, X509ChainStatus_t_1564130246_0& unmarshaled)
{
unmarshaled.___status_0 = marshaled.___status_0;
unmarshaled.___info_1 = il2cpp_codegen_marshal_string_result(marshaled.___info_1);
}
// Conversion method for clean up from marshalling of: System.Security.Cryptography.X509Certificates.X509ChainStatus
extern "C" void X509ChainStatus_t_1564130246_0_marshal_cleanup(X509ChainStatus_t_1564130246_0_marshaled& marshaled)
{
il2cpp_codegen_marshal_free(marshaled.___info_1);
marshaled.___info_1 = NULL;
}
// System.Void System.Security.Cryptography.X509Certificates.X509EnhancedKeyUsageExtension::.ctor(System.Security.Cryptography.AsnEncodedData,System.Boolean)
extern TypeInfo* Oid_t1024680945_0_il2cpp_TypeInfo_var;
extern Il2CppCodeGenString* _stringLiteral_455597386_0;
extern Il2CppCodeGenString* _stringLiteral24835158_0;
extern "C" void X509EnhancedKeyUsageExtension__ctor_m1143045852_0 (X509EnhancedKeyUsageExtension_t_923707154_0 * __this, AsnEncodedData_t_194939595_0 * ___encodedEnhancedKeyUsages, bool ___critical, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
Oid_t1024680945_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(662);
_stringLiteral_455597386_0 = il2cpp_codegen_string_literal_from_index(1552);
_stringLiteral24835158_0 = il2cpp_codegen_string_literal_from_index(2283);
s_Il2CppMethodIntialized = true;
}
{
X509Extension__ctor_m1164925482_0(__this, /*hidden argument*/NULL);
Oid_t1024680945_0 * L_0 = (Oid_t1024680945_0 *)il2cpp_codegen_object_new (Oid_t1024680945_0_il2cpp_TypeInfo_var);
Oid__ctor_m1889247193_0(L_0, _stringLiteral_455597386_0, _stringLiteral24835158_0, /*hidden argument*/NULL);
((AsnEncodedData_t_194939595_0 *)__this)->____oid_0 = L_0;
AsnEncodedData_t_194939595_0 * L_1 = ___encodedEnhancedKeyUsages;
NullCheck(L_1);
ByteU5BU5D_t_1238178395_0* L_2 = AsnEncodedData_get_RawData_m334685068_0(L_1, /*hidden argument*/NULL);
((AsnEncodedData_t_194939595_0 *)__this)->____raw_1 = L_2;
bool L_3 = ___critical;
X509Extension_set_Critical_m717701037_0(__this, L_3, /*hidden argument*/NULL);
ByteU5BU5D_t_1238178395_0* L_4 = AsnEncodedData_get_RawData_m334685068_0(__this, /*hidden argument*/NULL);
int32_t L_5 = X509EnhancedKeyUsageExtension_Decode_m_381719441_0(__this, L_4, /*hidden argument*/NULL);
__this->____status_5 = L_5;
return;
}
}
// System.Void System.Security.Cryptography.X509Certificates.X509EnhancedKeyUsageExtension::CopyFrom(System.Security.Cryptography.AsnEncodedData)
extern TypeInfo* ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var;
extern TypeInfo* X509Extension_t_1686437850_0_il2cpp_TypeInfo_var;
extern TypeInfo* ArgumentException_t1159624695_0_il2cpp_TypeInfo_var;
extern TypeInfo* Oid_t1024680945_0_il2cpp_TypeInfo_var;
extern Il2CppCodeGenString* _stringLiteral1926017496_0;
extern Il2CppCodeGenString* _stringLiteral_726479903_0;
extern Il2CppCodeGenString* _stringLiteral_563037764_0;
extern Il2CppCodeGenString* _stringLiteral_455597386_0;
extern Il2CppCodeGenString* _stringLiteral24835158_0;
extern "C" void X509EnhancedKeyUsageExtension_CopyFrom_m_735892382_0 (X509EnhancedKeyUsageExtension_t_923707154_0 * __this, AsnEncodedData_t_194939595_0 * ___asnEncodedData, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(2);
X509Extension_t_1686437850_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(667);
ArgumentException_t1159624695_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(4);
Oid_t1024680945_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(662);
_stringLiteral1926017496_0 = il2cpp_codegen_string_literal_from_index(2284);
_stringLiteral_726479903_0 = il2cpp_codegen_string_literal_from_index(2250);
_stringLiteral_563037764_0 = il2cpp_codegen_string_literal_from_index(2249);
_stringLiteral_455597386_0 = il2cpp_codegen_string_literal_from_index(1552);
_stringLiteral24835158_0 = il2cpp_codegen_string_literal_from_index(2283);
s_Il2CppMethodIntialized = true;
}
X509Extension_t_1686437850_0 * V_0 = {0};
{
AsnEncodedData_t_194939595_0 * L_0 = ___asnEncodedData;
if (L_0)
{
goto IL_0011;
}
}
{
ArgumentNullException_t_1072101840_0 * L_1 = (ArgumentNullException_t_1072101840_0 *)il2cpp_codegen_object_new (ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var);
ArgumentNullException__ctor_m135444188_0(L_1, _stringLiteral1926017496_0, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_1);
}
IL_0011:
{
AsnEncodedData_t_194939595_0 * L_2 = ___asnEncodedData;
V_0 = ((X509Extension_t_1686437850_0 *)IsInstClass(L_2, X509Extension_t_1686437850_0_il2cpp_TypeInfo_var));
X509Extension_t_1686437850_0 * L_3 = V_0;
if (L_3)
{
goto IL_0033;
}
}
{
String_t* L_4 = Locale_GetText_m_1025094110_0(NULL /*static, unused*/, _stringLiteral_726479903_0, /*hidden argument*/NULL);
ArgumentException_t1159624695_0 * L_5 = (ArgumentException_t1159624695_0 *)il2cpp_codegen_object_new (ArgumentException_t1159624695_0_il2cpp_TypeInfo_var);
ArgumentException__ctor_m732321503_0(L_5, L_4, _stringLiteral_563037764_0, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_5);
}
IL_0033:
{
X509Extension_t_1686437850_0 * L_6 = V_0;
NullCheck(L_6);
Oid_t1024680945_0 * L_7 = (((AsnEncodedData_t_194939595_0 *)L_6)->____oid_0);
if (L_7)
{
goto IL_0058;
}
}
{
Oid_t1024680945_0 * L_8 = (Oid_t1024680945_0 *)il2cpp_codegen_object_new (Oid_t1024680945_0_il2cpp_TypeInfo_var);
Oid__ctor_m1889247193_0(L_8, _stringLiteral_455597386_0, _stringLiteral24835158_0, /*hidden argument*/NULL);
((AsnEncodedData_t_194939595_0 *)__this)->____oid_0 = L_8;
goto IL_0069;
}
IL_0058:
{
X509Extension_t_1686437850_0 * L_9 = V_0;
NullCheck(L_9);
Oid_t1024680945_0 * L_10 = (((AsnEncodedData_t_194939595_0 *)L_9)->____oid_0);
Oid_t1024680945_0 * L_11 = (Oid_t1024680945_0 *)il2cpp_codegen_object_new (Oid_t1024680945_0_il2cpp_TypeInfo_var);
Oid__ctor_m_218583058_0(L_11, L_10, /*hidden argument*/NULL);
((AsnEncodedData_t_194939595_0 *)__this)->____oid_0 = L_11;
}
IL_0069:
{
X509Extension_t_1686437850_0 * L_12 = V_0;
NullCheck(L_12);
ByteU5BU5D_t_1238178395_0* L_13 = AsnEncodedData_get_RawData_m334685068_0(L_12, /*hidden argument*/NULL);
AsnEncodedData_set_RawData_m839792539_0(__this, L_13, /*hidden argument*/NULL);
X509Extension_t_1686437850_0 * L_14 = V_0;
NullCheck(L_14);
bool L_15 = X509Extension_get_Critical_m1925069548_0(L_14, /*hidden argument*/NULL);
X509Extension_set_Critical_m717701037_0(__this, L_15, /*hidden argument*/NULL);
ByteU5BU5D_t_1238178395_0* L_16 = AsnEncodedData_get_RawData_m334685068_0(__this, /*hidden argument*/NULL);
int32_t L_17 = X509EnhancedKeyUsageExtension_Decode_m_381719441_0(__this, L_16, /*hidden argument*/NULL);
__this->____status_5 = L_17;
return;
}
}
// System.Security.Cryptography.AsnDecodeStatus System.Security.Cryptography.X509Certificates.X509EnhancedKeyUsageExtension::Decode(System.Byte[])
extern TypeInfo* OidCollection_t_322472593_0_il2cpp_TypeInfo_var;
extern TypeInfo* ASN1_t311288114_0_il2cpp_TypeInfo_var;
extern TypeInfo* CryptographicException_t_946073705_0_il2cpp_TypeInfo_var;
extern TypeInfo* Oid_t1024680945_0_il2cpp_TypeInfo_var;
extern TypeInfo* Object_t_il2cpp_TypeInfo_var;
extern Il2CppCodeGenString* _stringLiteral700093936_0;
extern "C" int32_t X509EnhancedKeyUsageExtension_Decode_m_381719441_0 (X509EnhancedKeyUsageExtension_t_923707154_0 * __this, ByteU5BU5D_t_1238178395_0* ___extension, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
OidCollection_t_322472593_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(691);
ASN1_t311288114_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(665);
CryptographicException_t_946073705_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(131);
Oid_t1024680945_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(662);
Object_t_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(0);
_stringLiteral700093936_0 = il2cpp_codegen_string_literal_from_index(2285);
s_Il2CppMethodIntialized = true;
}
ASN1_t311288114_0 * V_0 = {0};
int32_t V_1 = 0;
int32_t V_2 = {0};
Exception_t2143823668_0 * __last_unhandled_exception = 0;
NO_UNUSED_WARNING (__last_unhandled_exception);
Exception_t2143823668_0 * __exception_local = 0;
NO_UNUSED_WARNING (__exception_local);
int32_t __leave_target = 0;
NO_UNUSED_WARNING (__leave_target);
{
ByteU5BU5D_t_1238178395_0* L_0 = ___extension;
if (!L_0)
{
goto IL_000e;
}
}
{
ByteU5BU5D_t_1238178395_0* L_1 = ___extension;
NullCheck(L_1);
if ((((int32_t)((int32_t)(((Array_t *)L_1)->max_length)))))
{
goto IL_0010;
}
}
IL_000e:
{
return (int32_t)(1);
}
IL_0010:
{
ByteU5BU5D_t_1238178395_0* L_2 = ___extension;
NullCheck(L_2);
IL2CPP_ARRAY_BOUNDS_CHECK(L_2, 0);
int32_t L_3 = 0;
if ((((int32_t)(*(uint8_t*)(uint8_t*)SZArrayLdElema(L_2, L_3, sizeof(uint8_t)))) == ((int32_t)((int32_t)48))))
{
goto IL_001c;
}
}
{
return (int32_t)(2);
}
IL_001c:
{
OidCollection_t_322472593_0 * L_4 = (__this->____enhKeyUsage_4);
if (L_4)
{
goto IL_0032;
}
}
{
OidCollection_t_322472593_0 * L_5 = (OidCollection_t_322472593_0 *)il2cpp_codegen_object_new (OidCollection_t_322472593_0_il2cpp_TypeInfo_var);
OidCollection__ctor_m_702469817_0(L_5, /*hidden argument*/NULL);
__this->____enhKeyUsage_4 = L_5;
}
IL_0032:
try
{ // begin try (depth: 1)
{
ByteU5BU5D_t_1238178395_0* L_6 = ___extension;
ASN1_t311288114_0 * L_7 = (ASN1_t311288114_0 *)il2cpp_codegen_object_new (ASN1_t311288114_0_il2cpp_TypeInfo_var);
ASN1__ctor_m_1286872987_0(L_7, L_6, /*hidden argument*/NULL);
V_0 = L_7;
ASN1_t311288114_0 * L_8 = V_0;
NullCheck(L_8);
uint8_t L_9 = ASN1_get_Tag_m442995239_0(L_8, /*hidden argument*/NULL);
if ((((int32_t)L_9) == ((int32_t)((int32_t)48))))
{
goto IL_0056;
}
}
IL_0046:
{
String_t* L_10 = Locale_GetText_m_1025094110_0(NULL /*static, unused*/, _stringLiteral700093936_0, /*hidden argument*/NULL);
CryptographicException_t_946073705_0 * L_11 = (CryptographicException_t_946073705_0 *)il2cpp_codegen_object_new (CryptographicException_t_946073705_0_il2cpp_TypeInfo_var);
CryptographicException__ctor_m_1894244407_0(L_11, L_10, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_11);
}
IL_0056:
{
V_1 = 0;
goto IL_007e;
}
IL_005d:
{
OidCollection_t_322472593_0 * L_12 = (__this->____enhKeyUsage_4);
ASN1_t311288114_0 * L_13 = V_0;
int32_t L_14 = V_1;
NullCheck(L_13);
ASN1_t311288114_0 * L_15 = ASN1_get_Item_m_567689036_0(L_13, L_14, /*hidden argument*/NULL);
String_t* L_16 = ASN1Convert_ToOid_m581448231_0(NULL /*static, unused*/, L_15, /*hidden argument*/NULL);
Oid_t1024680945_0 * L_17 = (Oid_t1024680945_0 *)il2cpp_codegen_object_new (Oid_t1024680945_0_il2cpp_TypeInfo_var);
Oid__ctor_m_1507238307_0(L_17, L_16, /*hidden argument*/NULL);
NullCheck(L_12);
OidCollection_Add_m1834548415_0(L_12, L_17, /*hidden argument*/NULL);
int32_t L_18 = V_1;
V_1 = ((int32_t)((int32_t)L_18+(int32_t)1));
}
IL_007e:
{
int32_t L_19 = V_1;
ASN1_t311288114_0 * L_20 = V_0;
NullCheck(L_20);
int32_t L_21 = ASN1_get_Count_m_2080495176_0(L_20, /*hidden argument*/NULL);
if ((((int32_t)L_19) < ((int32_t)L_21)))
{
goto IL_005d;
}
}
IL_008a:
{
goto IL_009c;
}
} // end try (depth: 1)
catch(Il2CppExceptionWrapper& e)
{
__exception_local = (Exception_t2143823668_0 *)e.ex;
if(il2cpp_codegen_class_is_assignable_from (Object_t_il2cpp_TypeInfo_var, e.ex->object.klass))
goto CATCH_008f;
throw e;
}
CATCH_008f:
{ // begin catch(System.Object)
{
V_2 = 1;
goto IL_009e;
}
IL_0097:
{
; // IL_0097: leave IL_009c
}
} // end catch (depth: 1)
IL_009c:
{
return (int32_t)(0);
}
IL_009e:
{
int32_t L_22 = V_2;
return L_22;
}
}
// System.String System.Security.Cryptography.X509Certificates.X509EnhancedKeyUsageExtension::ToString(System.Boolean)
extern TypeInfo* String_t_il2cpp_TypeInfo_var;
extern TypeInfo* StringBuilder_t586045924_0_il2cpp_TypeInfo_var;
extern TypeInfo* X509EnhancedKeyUsageExtension_t_923707154_0_il2cpp_TypeInfo_var;
extern TypeInfo* Dictionary_2_t_1305703446_0_il2cpp_TypeInfo_var;
extern const MethodInfo* Dictionary_2__ctor_m1958628151_0_MethodInfo_var;
extern Il2CppCodeGenString* _stringLiteral608242024_0;
extern Il2CppCodeGenString* _stringLiteral_455597386_0;
extern Il2CppCodeGenString* _stringLiteral59567507_0;
extern Il2CppCodeGenString* _stringLiteral767056352_0;
extern Il2CppCodeGenString* _stringLiteral1626727357_0;
extern Il2CppCodeGenString* _stringLiteral895109490_0;
extern Il2CppCodeGenString* _stringLiteral41_0;
extern Il2CppCodeGenString* _stringLiteral1396_0;
extern "C" String_t* X509EnhancedKeyUsageExtension_ToString_m554823682_0 (X509EnhancedKeyUsageExtension_t_923707154_0 * __this, bool ___multiLine, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
String_t_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(11);
StringBuilder_t586045924_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(36);
X509EnhancedKeyUsageExtension_t_923707154_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(693);
Dictionary_2_t_1305703446_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(116);
Dictionary_2__ctor_m1958628151_0_MethodInfo_var = il2cpp_codegen_method_info_from_index(2147483658);
_stringLiteral608242024_0 = il2cpp_codegen_string_literal_from_index(2251);
_stringLiteral_455597386_0 = il2cpp_codegen_string_literal_from_index(1552);
_stringLiteral59567507_0 = il2cpp_codegen_string_literal_from_index(2252);
_stringLiteral767056352_0 = il2cpp_codegen_string_literal_from_index(2286);
_stringLiteral1626727357_0 = il2cpp_codegen_string_literal_from_index(2287);
_stringLiteral895109490_0 = il2cpp_codegen_string_literal_from_index(2288);
_stringLiteral41_0 = il2cpp_codegen_string_literal_from_index(93);
_stringLiteral1396_0 = il2cpp_codegen_string_literal_from_index(141);
s_Il2CppMethodIntialized = true;
}
StringBuilder_t586045924_0 * V_0 = {0};
int32_t V_1 = 0;
Oid_t1024680945_0 * V_2 = {0};
int32_t V_3 = {0};
String_t* V_4 = {0};
Dictionary_2_t_1305703446_0 * V_5 = {0};
int32_t V_6 = 0;
{
int32_t L_0 = (__this->____status_5);
V_3 = L_0;
int32_t L_1 = V_3;
if (((int32_t)((int32_t)L_1-(int32_t)1)) == 0)
{
goto IL_0024;
}
if (((int32_t)((int32_t)L_1-(int32_t)1)) == 1)
{
goto IL_002a;
}
if (((int32_t)((int32_t)L_1-(int32_t)1)) == 2)
{
goto IL_002a;
}
if (((int32_t)((int32_t)L_1-(int32_t)1)) == 3)
{
goto IL_0037;
}
}
{
goto IL_003d;
}
IL_0024:
{
IL2CPP_RUNTIME_CLASS_INIT(String_t_il2cpp_TypeInfo_var);
String_t* L_2 = ((String_t_StaticFields*)String_t_il2cpp_TypeInfo_var->static_fields)->___Empty_2;
return L_2;
}
IL_002a:
{
ByteU5BU5D_t_1238178395_0* L_3 = (((AsnEncodedData_t_194939595_0 *)__this)->____raw_1);
String_t* L_4 = X509Extension_FormatUnkownData_m_60566915_0(__this, L_3, /*hidden argument*/NULL);
return L_4;
}
IL_0037:
{
return _stringLiteral608242024_0;
}
IL_003d:
{
Oid_t1024680945_0 * L_5 = (((AsnEncodedData_t_194939595_0 *)__this)->____oid_0);
NullCheck(L_5);
String_t* L_6 = Oid_get_Value_m216923304_0(L_5, /*hidden argument*/NULL);
IL2CPP_RUNTIME_CLASS_INIT(String_t_il2cpp_TypeInfo_var);
bool L_7 = String_op_Inequality_m2125462205_0(NULL /*static, unused*/, L_6, _stringLiteral_455597386_0, /*hidden argument*/NULL);
if (!L_7)
{
goto IL_006d;
}
}
{
Oid_t1024680945_0 * L_8 = (((AsnEncodedData_t_194939595_0 *)__this)->____oid_0);
NullCheck(L_8);
String_t* L_9 = Oid_get_Value_m216923304_0(L_8, /*hidden argument*/NULL);
IL2CPP_RUNTIME_CLASS_INIT(String_t_il2cpp_TypeInfo_var);
String_t* L_10 = String_Format_m_1823716516_0(NULL /*static, unused*/, _stringLiteral59567507_0, L_9, /*hidden argument*/NULL);
return L_10;
}
IL_006d:
{
OidCollection_t_322472593_0 * L_11 = (__this->____enhKeyUsage_4);
NullCheck(L_11);
int32_t L_12 = OidCollection_get_Count_m924395419_0(L_11, /*hidden argument*/NULL);
if (L_12)
{
goto IL_0083;
}
}
{
return _stringLiteral608242024_0;
}
IL_0083:
{
StringBuilder_t586045924_0 * L_13 = (StringBuilder_t586045924_0 *)il2cpp_codegen_object_new (StringBuilder_t586045924_0_il2cpp_TypeInfo_var);
StringBuilder__ctor_m135953004_0(L_13, /*hidden argument*/NULL);
V_0 = L_13;
V_1 = 0;
goto IL_0166;
}
IL_0090:
{
OidCollection_t_322472593_0 * L_14 = (__this->____enhKeyUsage_4);
int32_t L_15 = V_1;
NullCheck(L_14);
Oid_t1024680945_0 * L_16 = OidCollection_get_Item_m1851824850_0(L_14, L_15, /*hidden argument*/NULL);
V_2 = L_16;
Oid_t1024680945_0 * L_17 = V_2;
NullCheck(L_17);
String_t* L_18 = Oid_get_Value_m216923304_0(L_17, /*hidden argument*/NULL);
V_4 = L_18;
String_t* L_19 = V_4;
if (!L_19)
{
goto IL_0102;
}
}
{
Dictionary_2_t_1305703446_0 * L_20 = ((X509EnhancedKeyUsageExtension_t_923707154_0_StaticFields*)X509EnhancedKeyUsageExtension_t_923707154_0_il2cpp_TypeInfo_var->static_fields)->___U3CU3Ef__switchU24mapE_6;
if (L_20)
{
goto IL_00d2;
}
}
{
Dictionary_2_t_1305703446_0 * L_21 = (Dictionary_2_t_1305703446_0 *)il2cpp_codegen_object_new (Dictionary_2_t_1305703446_0_il2cpp_TypeInfo_var);
Dictionary_2__ctor_m1958628151_0(L_21, 1, /*hidden argument*/Dictionary_2__ctor_m1958628151_0_MethodInfo_var);
V_5 = L_21;
Dictionary_2_t_1305703446_0 * L_22 = V_5;
NullCheck(L_22);
VirtActionInvoker2< String_t*, int32_t >::Invoke(28 /* System.Void System.Collections.Generic.Dictionary`2<System.String,System.Int32>::Add(!0,!1) */, L_22, _stringLiteral767056352_0, 0);
Dictionary_2_t_1305703446_0 * L_23 = V_5;
((X509EnhancedKeyUsageExtension_t_923707154_0_StaticFields*)X509EnhancedKeyUsageExtension_t_923707154_0_il2cpp_TypeInfo_var->static_fields)->___U3CU3Ef__switchU24mapE_6 = L_23;
}
IL_00d2:
{
Dictionary_2_t_1305703446_0 * L_24 = ((X509EnhancedKeyUsageExtension_t_923707154_0_StaticFields*)X509EnhancedKeyUsageExtension_t_923707154_0_il2cpp_TypeInfo_var->static_fields)->___U3CU3Ef__switchU24mapE_6;
String_t* L_25 = V_4;
NullCheck(L_24);
bool L_26 = (bool)VirtFuncInvoker2< bool, String_t*, int32_t* >::Invoke(33 /* System.Boolean System.Collections.Generic.Dictionary`2<System.String,System.Int32>::TryGetValue(!0,!1&) */, L_24, L_25, (&V_6));
if (!L_26)
{
goto IL_0102;
}
}
{
int32_t L_27 = V_6;
if (!L_27)
{
goto IL_00f1;
}
}
{
goto IL_0102;
}
IL_00f1:
{
StringBuilder_t586045924_0 * L_28 = V_0;
NullCheck(L_28);
StringBuilder_Append_m_396877221_0(L_28, _stringLiteral1626727357_0, /*hidden argument*/NULL);
goto IL_0113;
}
IL_0102:
{
StringBuilder_t586045924_0 * L_29 = V_0;
NullCheck(L_29);
StringBuilder_Append_m_396877221_0(L_29, _stringLiteral895109490_0, /*hidden argument*/NULL);
goto IL_0113;
}
IL_0113:
{
StringBuilder_t586045924_0 * L_30 = V_0;
Oid_t1024680945_0 * L_31 = V_2;
NullCheck(L_31);
String_t* L_32 = Oid_get_Value_m216923304_0(L_31, /*hidden argument*/NULL);
NullCheck(L_30);
StringBuilder_Append_m_396877221_0(L_30, L_32, /*hidden argument*/NULL);
StringBuilder_t586045924_0 * L_33 = V_0;
NullCheck(L_33);
StringBuilder_Append_m_396877221_0(L_33, _stringLiteral41_0, /*hidden argument*/NULL);
bool L_34 = ___multiLine;
if (!L_34)
{
goto IL_0143;
}
}
{
StringBuilder_t586045924_0 * L_35 = V_0;
String_t* L_36 = Environment_get_NewLine_m1034655108_0(NULL /*static, unused*/, /*hidden argument*/NULL);
NullCheck(L_35);
StringBuilder_Append_m_396877221_0(L_35, L_36, /*hidden argument*/NULL);
goto IL_0162;
}
IL_0143:
{
int32_t L_37 = V_1;
OidCollection_t_322472593_0 * L_38 = (__this->____enhKeyUsage_4);
NullCheck(L_38);
int32_t L_39 = OidCollection_get_Count_m924395419_0(L_38, /*hidden argument*/NULL);
if ((((int32_t)L_37) == ((int32_t)((int32_t)((int32_t)L_39-(int32_t)1)))))
{
goto IL_0162;
}
}
{
StringBuilder_t586045924_0 * L_40 = V_0;
NullCheck(L_40);
StringBuilder_Append_m_396877221_0(L_40, _stringLiteral1396_0, /*hidden argument*/NULL);
}
IL_0162:
{
int32_t L_41 = V_1;
V_1 = ((int32_t)((int32_t)L_41+(int32_t)1));
}
IL_0166:
{
int32_t L_42 = V_1;
OidCollection_t_322472593_0 * L_43 = (__this->____enhKeyUsage_4);
NullCheck(L_43);
int32_t L_44 = OidCollection_get_Count_m924395419_0(L_43, /*hidden argument*/NULL);
if ((((int32_t)L_42) < ((int32_t)L_44)))
{
goto IL_0090;
}
}
{
StringBuilder_t586045924_0 * L_45 = V_0;
NullCheck(L_45);
String_t* L_46 = StringBuilder_ToString_m350379841_0(L_45, /*hidden argument*/NULL);
return L_46;
}
}
// System.Void System.Security.Cryptography.X509Certificates.X509Extension::.ctor()
extern "C" void X509Extension__ctor_m1164925482_0 (X509Extension_t_1686437850_0 * __this, const MethodInfo* method)
{
{
AsnEncodedData__ctor_m_78913541_0(__this, /*hidden argument*/NULL);
return;
}
}
// System.Void System.Security.Cryptography.X509Certificates.X509Extension::.ctor(System.String,System.Byte[],System.Boolean)
extern "C" void X509Extension__ctor_m_2025037310_0 (X509Extension_t_1686437850_0 * __this, String_t* ___oid, ByteU5BU5D_t_1238178395_0* ___rawData, bool ___critical, const MethodInfo* method)
{
{
String_t* L_0 = ___oid;
ByteU5BU5D_t_1238178395_0* L_1 = ___rawData;
AsnEncodedData__ctor_m_1453672534_0(__this, L_0, L_1, /*hidden argument*/NULL);
bool L_2 = ___critical;
__this->____critical_3 = L_2;
return;
}
}
// System.Boolean System.Security.Cryptography.X509Certificates.X509Extension::get_Critical()
extern "C" bool X509Extension_get_Critical_m1925069548_0 (X509Extension_t_1686437850_0 * __this, const MethodInfo* method)
{
{
bool L_0 = (__this->____critical_3);
return L_0;
}
}
// System.Void System.Security.Cryptography.X509Certificates.X509Extension::set_Critical(System.Boolean)
extern "C" void X509Extension_set_Critical_m717701037_0 (X509Extension_t_1686437850_0 * __this, bool ___value, const MethodInfo* method)
{
{
bool L_0 = ___value;
__this->____critical_3 = L_0;
return;
}
}
// System.Void System.Security.Cryptography.X509Certificates.X509Extension::CopyFrom(System.Security.Cryptography.AsnEncodedData)
extern TypeInfo* ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var;
extern TypeInfo* X509Extension_t_1686437850_0_il2cpp_TypeInfo_var;
extern TypeInfo* ArgumentException_t1159624695_0_il2cpp_TypeInfo_var;
extern Il2CppCodeGenString* _stringLiteral1926017496_0;
extern Il2CppCodeGenString* _stringLiteral_1450454517_0;
extern "C" void X509Extension_CopyFrom_m_456916950_0 (X509Extension_t_1686437850_0 * __this, AsnEncodedData_t_194939595_0 * ___asnEncodedData, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(2);
X509Extension_t_1686437850_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(667);
ArgumentException_t1159624695_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(4);
_stringLiteral1926017496_0 = il2cpp_codegen_string_literal_from_index(2284);
_stringLiteral_1450454517_0 = il2cpp_codegen_string_literal_from_index(2289);
s_Il2CppMethodIntialized = true;
}
X509Extension_t_1686437850_0 * V_0 = {0};
{
AsnEncodedData_t_194939595_0 * L_0 = ___asnEncodedData;
if (L_0)
{
goto IL_0011;
}
}
{
ArgumentNullException_t_1072101840_0 * L_1 = (ArgumentNullException_t_1072101840_0 *)il2cpp_codegen_object_new (ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var);
ArgumentNullException__ctor_m135444188_0(L_1, _stringLiteral1926017496_0, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_1);
}
IL_0011:
{
AsnEncodedData_t_194939595_0 * L_2 = ___asnEncodedData;
V_0 = ((X509Extension_t_1686437850_0 *)IsInstClass(L_2, X509Extension_t_1686437850_0_il2cpp_TypeInfo_var));
X509Extension_t_1686437850_0 * L_3 = V_0;
if (L_3)
{
goto IL_002e;
}
}
{
String_t* L_4 = Locale_GetText_m_1025094110_0(NULL /*static, unused*/, _stringLiteral_1450454517_0, /*hidden argument*/NULL);
ArgumentException_t1159624695_0 * L_5 = (ArgumentException_t1159624695_0 *)il2cpp_codegen_object_new (ArgumentException_t1159624695_0_il2cpp_TypeInfo_var);
ArgumentException__ctor_m_750110749_0(L_5, L_4, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_5);
}
IL_002e:
{
AsnEncodedData_t_194939595_0 * L_6 = ___asnEncodedData;
AsnEncodedData_CopyFrom_m406388795_0(__this, L_6, /*hidden argument*/NULL);
X509Extension_t_1686437850_0 * L_7 = V_0;
NullCheck(L_7);
bool L_8 = X509Extension_get_Critical_m1925069548_0(L_7, /*hidden argument*/NULL);
__this->____critical_3 = L_8;
return;
}
}
// System.String System.Security.Cryptography.X509Certificates.X509Extension::FormatUnkownData(System.Byte[])
extern TypeInfo* String_t_il2cpp_TypeInfo_var;
extern TypeInfo* StringBuilder_t586045924_0_il2cpp_TypeInfo_var;
extern Il2CppCodeGenString* _stringLiteral2778_0;
extern "C" String_t* X509Extension_FormatUnkownData_m_60566915_0 (X509Extension_t_1686437850_0 * __this, ByteU5BU5D_t_1238178395_0* ___data, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
String_t_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(11);
StringBuilder_t586045924_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(36);
_stringLiteral2778_0 = il2cpp_codegen_string_literal_from_index(131);
s_Il2CppMethodIntialized = true;
}
StringBuilder_t586045924_0 * V_0 = {0};
int32_t V_1 = 0;
{
ByteU5BU5D_t_1238178395_0* L_0 = ___data;
if (!L_0)
{
goto IL_000e;
}
}
{
ByteU5BU5D_t_1238178395_0* L_1 = ___data;
NullCheck(L_1);
if ((((int32_t)((int32_t)(((Array_t *)L_1)->max_length)))))
{
goto IL_0014;
}
}
IL_000e:
{
IL2CPP_RUNTIME_CLASS_INIT(String_t_il2cpp_TypeInfo_var);
String_t* L_2 = ((String_t_StaticFields*)String_t_il2cpp_TypeInfo_var->static_fields)->___Empty_2;
return L_2;
}
IL_0014:
{
StringBuilder_t586045924_0 * L_3 = (StringBuilder_t586045924_0 *)il2cpp_codegen_object_new (StringBuilder_t586045924_0_il2cpp_TypeInfo_var);
StringBuilder__ctor_m135953004_0(L_3, /*hidden argument*/NULL);
V_0 = L_3;
V_1 = 0;
goto IL_003d;
}
IL_0021:
{
StringBuilder_t586045924_0 * L_4 = V_0;
ByteU5BU5D_t_1238178395_0* L_5 = ___data;
int32_t L_6 = V_1;
NullCheck(L_5);
IL2CPP_ARRAY_BOUNDS_CHECK(L_5, L_6);
String_t* L_7 = Byte_ToString_m_329952990_0(((uint8_t*)(uint8_t*)SZArrayLdElema(L_5, L_6, sizeof(uint8_t))), _stringLiteral2778_0, /*hidden argument*/NULL);
NullCheck(L_4);
StringBuilder_Append_m_396877221_0(L_4, L_7, /*hidden argument*/NULL);
int32_t L_8 = V_1;
V_1 = ((int32_t)((int32_t)L_8+(int32_t)1));
}
IL_003d:
{
int32_t L_9 = V_1;
ByteU5BU5D_t_1238178395_0* L_10 = ___data;
NullCheck(L_10);
if ((((int32_t)L_9) < ((int32_t)(((int32_t)((int32_t)(((Array_t *)L_10)->max_length)))))))
{
goto IL_0021;
}
}
{
StringBuilder_t586045924_0 * L_11 = V_0;
NullCheck(L_11);
String_t* L_12 = StringBuilder_ToString_m350379841_0(L_11, /*hidden argument*/NULL);
return L_12;
}
}
// System.Void System.Security.Cryptography.X509Certificates.X509ExtensionCollection::.ctor(Mono.Security.X509.X509Certificate)
extern TypeInfo* ArrayList_t536890563_0_il2cpp_TypeInfo_var;
extern TypeInfo* ObjectU5BU5D_t1774424924_0_il2cpp_TypeInfo_var;
extern TypeInfo* IEnumerator_t1412936761_0_il2cpp_TypeInfo_var;
extern TypeInfo* X509Extension_t_556260338_0_il2cpp_TypeInfo_var;
extern TypeInfo* AsnEncodedData_t_194939595_0_il2cpp_TypeInfo_var;
extern TypeInfo* Boolean_t_19515315_0_il2cpp_TypeInfo_var;
extern TypeInfo* CryptoConfig_t545185970_0_il2cpp_TypeInfo_var;
extern TypeInfo* X509Extension_t_1686437850_0_il2cpp_TypeInfo_var;
extern TypeInfo* IDisposable_t_2098447282_0_il2cpp_TypeInfo_var;
extern "C" void X509ExtensionCollection__ctor_m_406226624_0 (X509ExtensionCollection_t_424340636_0 * __this, X509Certificate_t219648422_0 * ___cert, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
ArrayList_t536890563_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(55);
ObjectU5BU5D_t1774424924_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(19);
IEnumerator_t1412936761_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(159);
X509Extension_t_556260338_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(688);
AsnEncodedData_t_194939595_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(663);
Boolean_t_19515315_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(49);
CryptoConfig_t545185970_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(148);
X509Extension_t_1686437850_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(667);
IDisposable_t_2098447282_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(142);
s_Il2CppMethodIntialized = true;
}
ObjectU5BU5D_t1774424924_0* V_0 = {0};
X509Extension_t_556260338_0 * V_1 = {0};
Object_t * V_2 = {0};
bool V_3 = false;
String_t* V_4 = {0};
ByteU5BU5D_t_1238178395_0* V_5 = {0};
ASN1_t311288114_0 * V_6 = {0};
X509Extension_t_1686437850_0 * V_7 = {0};
Object_t * V_8 = {0};
Exception_t2143823668_0 * __last_unhandled_exception = 0;
NO_UNUSED_WARNING (__last_unhandled_exception);
Exception_t2143823668_0 * __exception_local = 0;
NO_UNUSED_WARNING (__exception_local);
int32_t __leave_target = 0;
NO_UNUSED_WARNING (__leave_target);
{
Object__ctor_m1772956182_0(__this, /*hidden argument*/NULL);
X509Certificate_t219648422_0 * L_0 = ___cert;
NullCheck(L_0);
X509ExtensionCollection_t_1920699060_0 * L_1 = X509Certificate_get_Extensions_m577630462_0(L_0, /*hidden argument*/NULL);
NullCheck(L_1);
int32_t L_2 = (int32_t)VirtFuncInvoker0< int32_t >::Invoke(5 /* System.Int32 System.Collections.CollectionBase::get_Count() */, L_1);
ArrayList_t536890563_0 * L_3 = (ArrayList_t536890563_0 *)il2cpp_codegen_object_new (ArrayList_t536890563_0_il2cpp_TypeInfo_var);
ArrayList__ctor_m_484975228_0(L_3, L_2, /*hidden argument*/NULL);
__this->____list_0 = L_3;
X509Certificate_t219648422_0 * L_4 = ___cert;
NullCheck(L_4);
X509ExtensionCollection_t_1920699060_0 * L_5 = X509Certificate_get_Extensions_m577630462_0(L_4, /*hidden argument*/NULL);
NullCheck(L_5);
int32_t L_6 = (int32_t)VirtFuncInvoker0< int32_t >::Invoke(5 /* System.Int32 System.Collections.CollectionBase::get_Count() */, L_5);
if (L_6)
{
goto IL_002d;
}
}
{
return;
}
IL_002d:
{
V_0 = ((ObjectU5BU5D_t1774424924_0*)SZArrayNew(ObjectU5BU5D_t1774424924_0_il2cpp_TypeInfo_var, (uint32_t)2));
X509Certificate_t219648422_0 * L_7 = ___cert;
NullCheck(L_7);
X509ExtensionCollection_t_1920699060_0 * L_8 = X509Certificate_get_Extensions_m577630462_0(L_7, /*hidden argument*/NULL);
NullCheck(L_8);
Object_t * L_9 = (Object_t *)VirtFuncInvoker0< Object_t * >::Invoke(4 /* System.Collections.IEnumerator System.Collections.CollectionBase::GetEnumerator() */, L_8);
V_2 = L_9;
}
IL_0040:
try
{ // begin try (depth: 1)
{
goto IL_00d9;
}
IL_0045:
{
Object_t * L_10 = V_2;
NullCheck(L_10);
Object_t * L_11 = (Object_t *)InterfaceFuncInvoker0< Object_t * >::Invoke(0 /* System.Object System.Collections.IEnumerator::get_Current() */, IEnumerator_t1412936761_0_il2cpp_TypeInfo_var, L_10);
V_1 = ((X509Extension_t_556260338_0 *)CastclassClass(L_11, X509Extension_t_556260338_0_il2cpp_TypeInfo_var));
X509Extension_t_556260338_0 * L_12 = V_1;
NullCheck(L_12);
bool L_13 = X509Extension_get_Critical_m_1284508422_0(L_12, /*hidden argument*/NULL);
V_3 = L_13;
X509Extension_t_556260338_0 * L_14 = V_1;
NullCheck(L_14);
String_t* L_15 = X509Extension_get_Oid_m1309247492_0(L_14, /*hidden argument*/NULL);
V_4 = L_15;
V_5 = (ByteU5BU5D_t_1238178395_0*)NULL;
X509Extension_t_556260338_0 * L_16 = V_1;
NullCheck(L_16);
ASN1_t311288114_0 * L_17 = X509Extension_get_Value_m1722264871_0(L_16, /*hidden argument*/NULL);
V_6 = L_17;
ASN1_t311288114_0 * L_18 = V_6;
NullCheck(L_18);
uint8_t L_19 = ASN1_get_Tag_m442995239_0(L_18, /*hidden argument*/NULL);
if ((!(((uint32_t)L_19) == ((uint32_t)4))))
{
goto IL_0094;
}
}
IL_0078:
{
ASN1_t311288114_0 * L_20 = V_6;
NullCheck(L_20);
int32_t L_21 = ASN1_get_Count_m_2080495176_0(L_20, /*hidden argument*/NULL);
if ((((int32_t)L_21) <= ((int32_t)0)))
{
goto IL_0094;
}
}
IL_0085:
{
ASN1_t311288114_0 * L_22 = V_6;
NullCheck(L_22);
ASN1_t311288114_0 * L_23 = ASN1_get_Item_m_567689036_0(L_22, 0, /*hidden argument*/NULL);
NullCheck(L_23);
ByteU5BU5D_t_1238178395_0* L_24 = (ByteU5BU5D_t_1238178395_0*)VirtFuncInvoker0< ByteU5BU5D_t_1238178395_0* >::Invoke(4 /* System.Byte[] Mono.Security.ASN1::GetBytes() */, L_23);
V_5 = L_24;
}
IL_0094:
{
ObjectU5BU5D_t1774424924_0* L_25 = V_0;
String_t* L_26 = V_4;
ByteU5BU5D_t_1238178395_0* L_27 = V_5;
AsnEncodedData_t_194939595_0 * L_28 = (AsnEncodedData_t_194939595_0 *)il2cpp_codegen_object_new (AsnEncodedData_t_194939595_0_il2cpp_TypeInfo_var);
AsnEncodedData__ctor_m_1453672534_0(L_28, L_26, L_27, /*hidden argument*/NULL);
NullCheck(L_25);
IL2CPP_ARRAY_BOUNDS_CHECK(L_25, 0);
ArrayElementTypeCheck (L_25, L_28);
*((Object_t **)(Object_t **)SZArrayLdElema(L_25, 0, sizeof(Object_t *))) = (Object_t *)L_28;
ObjectU5BU5D_t1774424924_0* L_29 = V_0;
bool L_30 = V_3;
bool L_31 = L_30;
Object_t * L_32 = Box(Boolean_t_19515315_0_il2cpp_TypeInfo_var, &L_31);
NullCheck(L_29);
IL2CPP_ARRAY_BOUNDS_CHECK(L_29, 1);
ArrayElementTypeCheck (L_29, L_32);
*((Object_t **)(Object_t **)SZArrayLdElema(L_29, 1, sizeof(Object_t *))) = (Object_t *)L_32;
String_t* L_33 = V_4;
ObjectU5BU5D_t1774424924_0* L_34 = V_0;
IL2CPP_RUNTIME_CLASS_INIT(CryptoConfig_t545185970_0_il2cpp_TypeInfo_var);
Object_t * L_35 = CryptoConfig_CreateFromName_m_774089684_0(NULL /*static, unused*/, L_33, L_34, /*hidden argument*/NULL);
V_7 = ((X509Extension_t_1686437850_0 *)CastclassClass(L_35, X509Extension_t_1686437850_0_il2cpp_TypeInfo_var));
X509Extension_t_1686437850_0 * L_36 = V_7;
if (L_36)
{
goto IL_00cb;
}
}
IL_00bf:
{
String_t* L_37 = V_4;
ByteU5BU5D_t_1238178395_0* L_38 = V_5;
bool L_39 = V_3;
X509Extension_t_1686437850_0 * L_40 = (X509Extension_t_1686437850_0 *)il2cpp_codegen_object_new (X509Extension_t_1686437850_0_il2cpp_TypeInfo_var);
X509Extension__ctor_m_2025037310_0(L_40, L_37, L_38, L_39, /*hidden argument*/NULL);
V_7 = L_40;
}
IL_00cb:
{
ArrayList_t536890563_0 * L_41 = (__this->____list_0);
X509Extension_t_1686437850_0 * L_42 = V_7;
NullCheck(L_41);
VirtFuncInvoker1< int32_t, Object_t * >::Invoke(30 /* System.Int32 System.Collections.ArrayList::Add(System.Object) */, L_41, L_42);
}
IL_00d9:
{
Object_t * L_43 = V_2;
NullCheck(L_43);
bool L_44 = (bool)InterfaceFuncInvoker0< bool >::Invoke(1 /* System.Boolean System.Collections.IEnumerator::MoveNext() */, IEnumerator_t1412936761_0_il2cpp_TypeInfo_var, L_43);
if (L_44)
{
goto IL_0045;
}
}
IL_00e4:
{
IL2CPP_LEAVE(0xFE, FINALLY_00e9);
}
} // end try (depth: 1)
catch(Il2CppExceptionWrapper& e)
{
__last_unhandled_exception = (Exception_t2143823668_0 *)e.ex;
goto FINALLY_00e9;
}
FINALLY_00e9:
{ // begin finally (depth: 1)
{
Object_t * L_45 = V_2;
V_8 = ((Object_t *)IsInst(L_45, IDisposable_t_2098447282_0_il2cpp_TypeInfo_var));
Object_t * L_46 = V_8;
if (L_46)
{
goto IL_00f6;
}
}
IL_00f5:
{
IL2CPP_END_FINALLY(233)
}
IL_00f6:
{
Object_t * L_47 = V_8;
NullCheck(L_47);
InterfaceActionInvoker0::Invoke(0 /* System.Void System.IDisposable::Dispose() */, IDisposable_t_2098447282_0_il2cpp_TypeInfo_var, L_47);
IL2CPP_END_FINALLY(233)
}
} // end finally (depth: 1)
IL2CPP_CLEANUP(233)
{
IL2CPP_JUMP_TBL(0xFE, IL_00fe)
IL2CPP_RETHROW_IF_UNHANDLED(Exception_t2143823668_0 *)
}
IL_00fe:
{
return;
}
}
// System.Void System.Security.Cryptography.X509Certificates.X509ExtensionCollection::System.Collections.ICollection.CopyTo(System.Array,System.Int32)
extern TypeInfo* ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var;
extern TypeInfo* ArgumentOutOfRangeException_t_1011290529_0_il2cpp_TypeInfo_var;
extern Il2CppCodeGenString* _stringLiteral93090393_0;
extern Il2CppCodeGenString* _stringLiteral682528039_0;
extern Il2CppCodeGenString* _stringLiteral1319521198_0;
extern "C" void X509ExtensionCollection_System_Collections_ICollection_CopyTo_m_1432715688_0 (X509ExtensionCollection_t_424340636_0 * __this, Array_t * ___array, int32_t ___index, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(2);
ArgumentOutOfRangeException_t_1011290529_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(27);
_stringLiteral93090393_0 = il2cpp_codegen_string_literal_from_index(147);
_stringLiteral682528039_0 = il2cpp_codegen_string_literal_from_index(2268);
_stringLiteral1319521198_0 = il2cpp_codegen_string_literal_from_index(2290);
s_Il2CppMethodIntialized = true;
}
{
Array_t * L_0 = ___array;
if (L_0)
{
goto IL_0011;
}
}
{
ArgumentNullException_t_1072101840_0 * L_1 = (ArgumentNullException_t_1072101840_0 *)il2cpp_codegen_object_new (ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var);
ArgumentNullException__ctor_m135444188_0(L_1, _stringLiteral93090393_0, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_1);
}
IL_0011:
{
int32_t L_2 = ___index;
if ((((int32_t)L_2) >= ((int32_t)0)))
{
goto IL_0023;
}
}
{
ArgumentOutOfRangeException_t_1011290529_0 * L_3 = (ArgumentOutOfRangeException_t_1011290529_0 *)il2cpp_codegen_object_new (ArgumentOutOfRangeException_t_1011290529_0_il2cpp_TypeInfo_var);
ArgumentOutOfRangeException__ctor_m2026296331_0(L_3, _stringLiteral682528039_0, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_3);
}
IL_0023:
{
int32_t L_4 = ___index;
Array_t * L_5 = ___array;
NullCheck(L_5);
int32_t L_6 = Array_get_Length_m1203127607_0(L_5, /*hidden argument*/NULL);
if ((((int32_t)L_4) < ((int32_t)L_6)))
{
goto IL_003a;
}
}
{
ArgumentOutOfRangeException_t_1011290529_0 * L_7 = (ArgumentOutOfRangeException_t_1011290529_0 *)il2cpp_codegen_object_new (ArgumentOutOfRangeException_t_1011290529_0_il2cpp_TypeInfo_var);
ArgumentOutOfRangeException__ctor_m2026296331_0(L_7, _stringLiteral1319521198_0, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_7);
}
IL_003a:
{
ArrayList_t536890563_0 * L_8 = (__this->____list_0);
Array_t * L_9 = ___array;
int32_t L_10 = ___index;
NullCheck(L_8);
VirtActionInvoker2< Array_t *, int32_t >::Invoke(41 /* System.Void System.Collections.ArrayList::CopyTo(System.Array,System.Int32) */, L_8, L_9, L_10);
return;
}
}
// System.Collections.IEnumerator System.Security.Cryptography.X509Certificates.X509ExtensionCollection::System.Collections.IEnumerable.GetEnumerator()
extern TypeInfo* X509ExtensionEnumerator_t396311690_0_il2cpp_TypeInfo_var;
extern "C" Object_t * X509ExtensionCollection_System_Collections_IEnumerable_GetEnumerator_m1951031507_0 (X509ExtensionCollection_t_424340636_0 * __this, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
X509ExtensionEnumerator_t396311690_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(694);
s_Il2CppMethodIntialized = true;
}
{
ArrayList_t536890563_0 * L_0 = (__this->____list_0);
X509ExtensionEnumerator_t396311690_0 * L_1 = (X509ExtensionEnumerator_t396311690_0 *)il2cpp_codegen_object_new (X509ExtensionEnumerator_t396311690_0_il2cpp_TypeInfo_var);
X509ExtensionEnumerator__ctor_m_2129749625_0(L_1, L_0, /*hidden argument*/NULL);
return L_1;
}
}
// System.Int32 System.Security.Cryptography.X509Certificates.X509ExtensionCollection::get_Count()
extern "C" int32_t X509ExtensionCollection_get_Count_m_1673707872_0 (X509ExtensionCollection_t_424340636_0 * __this, const MethodInfo* method)
{
{
ArrayList_t536890563_0 * L_0 = (__this->____list_0);
NullCheck(L_0);
int32_t L_1 = (int32_t)VirtFuncInvoker0< int32_t >::Invoke(23 /* System.Int32 System.Collections.ArrayList::get_Count() */, L_0);
return L_1;
}
}
// System.Boolean System.Security.Cryptography.X509Certificates.X509ExtensionCollection::get_IsSynchronized()
extern "C" bool X509ExtensionCollection_get_IsSynchronized_m_1093527959_0 (X509ExtensionCollection_t_424340636_0 * __this, const MethodInfo* method)
{
{
ArrayList_t536890563_0 * L_0 = (__this->____list_0);
NullCheck(L_0);
bool L_1 = (bool)VirtFuncInvoker0< bool >::Invoke(28 /* System.Boolean System.Collections.ArrayList::get_IsSynchronized() */, L_0);
return L_1;
}
}
// System.Object System.Security.Cryptography.X509Certificates.X509ExtensionCollection::get_SyncRoot()
extern "C" Object_t * X509ExtensionCollection_get_SyncRoot_m736404969_0 (X509ExtensionCollection_t_424340636_0 * __this, const MethodInfo* method)
{
{
return __this;
}
}
// System.Security.Cryptography.X509Certificates.X509Extension System.Security.Cryptography.X509Certificates.X509ExtensionCollection::get_Item(System.String)
extern TypeInfo* ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var;
extern TypeInfo* IEnumerator_t1412936761_0_il2cpp_TypeInfo_var;
extern TypeInfo* X509Extension_t_1686437850_0_il2cpp_TypeInfo_var;
extern TypeInfo* IDisposable_t_2098447282_0_il2cpp_TypeInfo_var;
extern Il2CppCodeGenString* _stringLiteral110026_0;
extern "C" X509Extension_t_1686437850_0 * X509ExtensionCollection_get_Item_m_1953551359_0 (X509ExtensionCollection_t_424340636_0 * __this, String_t* ___oid, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(2);
IEnumerator_t1412936761_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(159);
X509Extension_t_1686437850_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(667);
IDisposable_t_2098447282_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(142);
_stringLiteral110026_0 = il2cpp_codegen_string_literal_from_index(447);
s_Il2CppMethodIntialized = true;
}
X509Extension_t_1686437850_0 * V_0 = {0};
Object_t * V_1 = {0};
X509Extension_t_1686437850_0 * V_2 = {0};
Object_t * V_3 = {0};
Exception_t2143823668_0 * __last_unhandled_exception = 0;
NO_UNUSED_WARNING (__last_unhandled_exception);
Exception_t2143823668_0 * __exception_local = 0;
NO_UNUSED_WARNING (__exception_local);
int32_t __leave_target = 0;
NO_UNUSED_WARNING (__leave_target);
{
String_t* L_0 = ___oid;
if (L_0)
{
goto IL_0011;
}
}
{
ArgumentNullException_t_1072101840_0 * L_1 = (ArgumentNullException_t_1072101840_0 *)il2cpp_codegen_object_new (ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var);
ArgumentNullException__ctor_m135444188_0(L_1, _stringLiteral110026_0, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_1);
}
IL_0011:
{
ArrayList_t536890563_0 * L_2 = (__this->____list_0);
NullCheck(L_2);
int32_t L_3 = (int32_t)VirtFuncInvoker0< int32_t >::Invoke(23 /* System.Int32 System.Collections.ArrayList::get_Count() */, L_2);
if (!L_3)
{
goto IL_002c;
}
}
{
String_t* L_4 = ___oid;
NullCheck(L_4);
int32_t L_5 = String_get_Length_m_1314969965_0(L_4, /*hidden argument*/NULL);
if (L_5)
{
goto IL_002e;
}
}
IL_002c:
{
return (X509Extension_t_1686437850_0 *)NULL;
}
IL_002e:
{
ArrayList_t536890563_0 * L_6 = (__this->____list_0);
NullCheck(L_6);
Object_t * L_7 = (Object_t *)VirtFuncInvoker0< Object_t * >::Invoke(43 /* System.Collections.IEnumerator System.Collections.ArrayList::GetEnumerator() */, L_6);
V_1 = L_7;
}
IL_003a:
try
{ // begin try (depth: 1)
{
goto IL_0068;
}
IL_003f:
{
Object_t * L_8 = V_1;
NullCheck(L_8);
Object_t * L_9 = (Object_t *)InterfaceFuncInvoker0< Object_t * >::Invoke(0 /* System.Object System.Collections.IEnumerator::get_Current() */, IEnumerator_t1412936761_0_il2cpp_TypeInfo_var, L_8);
V_0 = ((X509Extension_t_1686437850_0 *)CastclassClass(L_9, X509Extension_t_1686437850_0_il2cpp_TypeInfo_var));
X509Extension_t_1686437850_0 * L_10 = V_0;
NullCheck(L_10);
Oid_t1024680945_0 * L_11 = AsnEncodedData_get_Oid_m_2033850686_0(L_10, /*hidden argument*/NULL);
NullCheck(L_11);
String_t* L_12 = Oid_get_Value_m216923304_0(L_11, /*hidden argument*/NULL);
String_t* L_13 = ___oid;
NullCheck(L_12);
bool L_14 = String_Equals_m_753246235_0(L_12, L_13, /*hidden argument*/NULL);
if (!L_14)
{
goto IL_0068;
}
}
IL_0061:
{
X509Extension_t_1686437850_0 * L_15 = V_0;
V_2 = L_15;
IL2CPP_LEAVE(0x8C, FINALLY_0078);
}
IL_0068:
{
Object_t * L_16 = V_1;
NullCheck(L_16);
bool L_17 = (bool)InterfaceFuncInvoker0< bool >::Invoke(1 /* System.Boolean System.Collections.IEnumerator::MoveNext() */, IEnumerator_t1412936761_0_il2cpp_TypeInfo_var, L_16);
if (L_17)
{
goto IL_003f;
}
}
IL_0073:
{
IL2CPP_LEAVE(0x8A, FINALLY_0078);
}
} // end try (depth: 1)
catch(Il2CppExceptionWrapper& e)
{
__last_unhandled_exception = (Exception_t2143823668_0 *)e.ex;
goto FINALLY_0078;
}
FINALLY_0078:
{ // begin finally (depth: 1)
{
Object_t * L_18 = V_1;
V_3 = ((Object_t *)IsInst(L_18, IDisposable_t_2098447282_0_il2cpp_TypeInfo_var));
Object_t * L_19 = V_3;
if (L_19)
{
goto IL_0083;
}
}
IL_0082:
{
IL2CPP_END_FINALLY(120)
}
IL_0083:
{
Object_t * L_20 = V_3;
NullCheck(L_20);
InterfaceActionInvoker0::Invoke(0 /* System.Void System.IDisposable::Dispose() */, IDisposable_t_2098447282_0_il2cpp_TypeInfo_var, L_20);
IL2CPP_END_FINALLY(120)
}
} // end finally (depth: 1)
IL2CPP_CLEANUP(120)
{
IL2CPP_JUMP_TBL(0x8C, IL_008c)
IL2CPP_JUMP_TBL(0x8A, IL_008a)
IL2CPP_RETHROW_IF_UNHANDLED(Exception_t2143823668_0 *)
}
IL_008a:
{
return (X509Extension_t_1686437850_0 *)NULL;
}
IL_008c:
{
X509Extension_t_1686437850_0 * L_21 = V_2;
return L_21;
}
}
// System.Security.Cryptography.X509Certificates.X509ExtensionEnumerator System.Security.Cryptography.X509Certificates.X509ExtensionCollection::GetEnumerator()
extern TypeInfo* X509ExtensionEnumerator_t396311690_0_il2cpp_TypeInfo_var;
extern "C" X509ExtensionEnumerator_t396311690_0 * X509ExtensionCollection_GetEnumerator_m_215497837_0 (X509ExtensionCollection_t_424340636_0 * __this, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
X509ExtensionEnumerator_t396311690_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(694);
s_Il2CppMethodIntialized = true;
}
{
ArrayList_t536890563_0 * L_0 = (__this->____list_0);
X509ExtensionEnumerator_t396311690_0 * L_1 = (X509ExtensionEnumerator_t396311690_0 *)il2cpp_codegen_object_new (X509ExtensionEnumerator_t396311690_0_il2cpp_TypeInfo_var);
X509ExtensionEnumerator__ctor_m_2129749625_0(L_1, L_0, /*hidden argument*/NULL);
return L_1;
}
}
// System.Void System.Security.Cryptography.X509Certificates.X509ExtensionEnumerator::.ctor(System.Collections.ArrayList)
extern "C" void X509ExtensionEnumerator__ctor_m_2129749625_0 (X509ExtensionEnumerator_t396311690_0 * __this, ArrayList_t536890563_0 * ___list, const MethodInfo* method)
{
{
Object__ctor_m1772956182_0(__this, /*hidden argument*/NULL);
ArrayList_t536890563_0 * L_0 = ___list;
NullCheck(L_0);
Object_t * L_1 = (Object_t *)VirtFuncInvoker0< Object_t * >::Invoke(43 /* System.Collections.IEnumerator System.Collections.ArrayList::GetEnumerator() */, L_0);
__this->___enumerator_0 = L_1;
return;
}
}
// System.Object System.Security.Cryptography.X509Certificates.X509ExtensionEnumerator::System.Collections.IEnumerator.get_Current()
extern TypeInfo* IEnumerator_t1412936761_0_il2cpp_TypeInfo_var;
extern "C" Object_t * X509ExtensionEnumerator_System_Collections_IEnumerator_get_Current_m936939552_0 (X509ExtensionEnumerator_t396311690_0 * __this, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
IEnumerator_t1412936761_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(159);
s_Il2CppMethodIntialized = true;
}
{
Object_t * L_0 = (__this->___enumerator_0);
NullCheck(L_0);
Object_t * L_1 = (Object_t *)InterfaceFuncInvoker0< Object_t * >::Invoke(0 /* System.Object System.Collections.IEnumerator::get_Current() */, IEnumerator_t1412936761_0_il2cpp_TypeInfo_var, L_0);
return L_1;
}
}
// System.Security.Cryptography.X509Certificates.X509Extension System.Security.Cryptography.X509Certificates.X509ExtensionEnumerator::get_Current()
extern TypeInfo* IEnumerator_t1412936761_0_il2cpp_TypeInfo_var;
extern TypeInfo* X509Extension_t_1686437850_0_il2cpp_TypeInfo_var;
extern "C" X509Extension_t_1686437850_0 * X509ExtensionEnumerator_get_Current_m_399698457_0 (X509ExtensionEnumerator_t396311690_0 * __this, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
IEnumerator_t1412936761_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(159);
X509Extension_t_1686437850_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(667);
s_Il2CppMethodIntialized = true;
}
{
Object_t * L_0 = (__this->___enumerator_0);
NullCheck(L_0);
Object_t * L_1 = (Object_t *)InterfaceFuncInvoker0< Object_t * >::Invoke(0 /* System.Object System.Collections.IEnumerator::get_Current() */, IEnumerator_t1412936761_0_il2cpp_TypeInfo_var, L_0);
return ((X509Extension_t_1686437850_0 *)CastclassClass(L_1, X509Extension_t_1686437850_0_il2cpp_TypeInfo_var));
}
}
// System.Boolean System.Security.Cryptography.X509Certificates.X509ExtensionEnumerator::MoveNext()
extern TypeInfo* IEnumerator_t1412936761_0_il2cpp_TypeInfo_var;
extern "C" bool X509ExtensionEnumerator_MoveNext_m1312248716_0 (X509ExtensionEnumerator_t396311690_0 * __this, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
IEnumerator_t1412936761_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(159);
s_Il2CppMethodIntialized = true;
}
{
Object_t * L_0 = (__this->___enumerator_0);
NullCheck(L_0);
bool L_1 = (bool)InterfaceFuncInvoker0< bool >::Invoke(1 /* System.Boolean System.Collections.IEnumerator::MoveNext() */, IEnumerator_t1412936761_0_il2cpp_TypeInfo_var, L_0);
return L_1;
}
}
// System.Void System.Security.Cryptography.X509Certificates.X509ExtensionEnumerator::Reset()
extern TypeInfo* IEnumerator_t1412936761_0_il2cpp_TypeInfo_var;
extern "C" void X509ExtensionEnumerator_Reset_m1710656691_0 (X509ExtensionEnumerator_t396311690_0 * __this, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
IEnumerator_t1412936761_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(159);
s_Il2CppMethodIntialized = true;
}
{
Object_t * L_0 = (__this->___enumerator_0);
NullCheck(L_0);
InterfaceActionInvoker0::Invoke(2 /* System.Void System.Collections.IEnumerator::Reset() */, IEnumerator_t1412936761_0_il2cpp_TypeInfo_var, L_0);
return;
}
}
// System.Void System.Security.Cryptography.X509Certificates.X509KeyUsageExtension::.ctor()
extern TypeInfo* Oid_t1024680945_0_il2cpp_TypeInfo_var;
extern Il2CppCodeGenString* _stringLiteral_455597450_0;
extern Il2CppCodeGenString* _stringLiteral_1472996256_0;
extern "C" void X509KeyUsageExtension__ctor_m_507713972_0 (X509KeyUsageExtension_t_1020729148_0 * __this, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
Oid_t1024680945_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(662);
_stringLiteral_455597450_0 = il2cpp_codegen_string_literal_from_index(1548);
_stringLiteral_1472996256_0 = il2cpp_codegen_string_literal_from_index(2291);
s_Il2CppMethodIntialized = true;
}
{
X509Extension__ctor_m1164925482_0(__this, /*hidden argument*/NULL);
Oid_t1024680945_0 * L_0 = (Oid_t1024680945_0 *)il2cpp_codegen_object_new (Oid_t1024680945_0_il2cpp_TypeInfo_var);
Oid__ctor_m1889247193_0(L_0, _stringLiteral_455597450_0, _stringLiteral_1472996256_0, /*hidden argument*/NULL);
((AsnEncodedData_t_194939595_0 *)__this)->____oid_0 = L_0;
return;
}
}
// System.Void System.Security.Cryptography.X509Certificates.X509KeyUsageExtension::.ctor(System.Security.Cryptography.AsnEncodedData,System.Boolean)
extern TypeInfo* Oid_t1024680945_0_il2cpp_TypeInfo_var;
extern Il2CppCodeGenString* _stringLiteral_455597450_0;
extern Il2CppCodeGenString* _stringLiteral_1472996256_0;
extern "C" void X509KeyUsageExtension__ctor_m_1884904378_0 (X509KeyUsageExtension_t_1020729148_0 * __this, AsnEncodedData_t_194939595_0 * ___encodedKeyUsage, bool ___critical, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
Oid_t1024680945_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(662);
_stringLiteral_455597450_0 = il2cpp_codegen_string_literal_from_index(1548);
_stringLiteral_1472996256_0 = il2cpp_codegen_string_literal_from_index(2291);
s_Il2CppMethodIntialized = true;
}
{
X509Extension__ctor_m1164925482_0(__this, /*hidden argument*/NULL);
Oid_t1024680945_0 * L_0 = (Oid_t1024680945_0 *)il2cpp_codegen_object_new (Oid_t1024680945_0_il2cpp_TypeInfo_var);
Oid__ctor_m1889247193_0(L_0, _stringLiteral_455597450_0, _stringLiteral_1472996256_0, /*hidden argument*/NULL);
((AsnEncodedData_t_194939595_0 *)__this)->____oid_0 = L_0;
AsnEncodedData_t_194939595_0 * L_1 = ___encodedKeyUsage;
NullCheck(L_1);
ByteU5BU5D_t_1238178395_0* L_2 = AsnEncodedData_get_RawData_m334685068_0(L_1, /*hidden argument*/NULL);
((AsnEncodedData_t_194939595_0 *)__this)->____raw_1 = L_2;
bool L_3 = ___critical;
X509Extension_set_Critical_m717701037_0(__this, L_3, /*hidden argument*/NULL);
ByteU5BU5D_t_1238178395_0* L_4 = AsnEncodedData_get_RawData_m334685068_0(__this, /*hidden argument*/NULL);
int32_t L_5 = X509KeyUsageExtension_Decode_m811458265_0(__this, L_4, /*hidden argument*/NULL);
__this->____status_8 = L_5;
return;
}
}
// System.Void System.Security.Cryptography.X509Certificates.X509KeyUsageExtension::.ctor(System.Security.Cryptography.X509Certificates.X509KeyUsageFlags,System.Boolean)
extern TypeInfo* Oid_t1024680945_0_il2cpp_TypeInfo_var;
extern Il2CppCodeGenString* _stringLiteral_455597450_0;
extern Il2CppCodeGenString* _stringLiteral_1472996256_0;
extern "C" void X509KeyUsageExtension__ctor_m_962701795_0 (X509KeyUsageExtension_t_1020729148_0 * __this, int32_t ___keyUsages, bool ___critical, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
Oid_t1024680945_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(662);
_stringLiteral_455597450_0 = il2cpp_codegen_string_literal_from_index(1548);
_stringLiteral_1472996256_0 = il2cpp_codegen_string_literal_from_index(2291);
s_Il2CppMethodIntialized = true;
}
{
X509Extension__ctor_m1164925482_0(__this, /*hidden argument*/NULL);
Oid_t1024680945_0 * L_0 = (Oid_t1024680945_0 *)il2cpp_codegen_object_new (Oid_t1024680945_0_il2cpp_TypeInfo_var);
Oid__ctor_m1889247193_0(L_0, _stringLiteral_455597450_0, _stringLiteral_1472996256_0, /*hidden argument*/NULL);
((AsnEncodedData_t_194939595_0 *)__this)->____oid_0 = L_0;
bool L_1 = ___critical;
X509Extension_set_Critical_m717701037_0(__this, L_1, /*hidden argument*/NULL);
int32_t L_2 = ___keyUsages;
int32_t L_3 = X509KeyUsageExtension_GetValidFlags_m1081049684_0(__this, L_2, /*hidden argument*/NULL);
__this->____keyUsages_7 = L_3;
ByteU5BU5D_t_1238178395_0* L_4 = X509KeyUsageExtension_Encode_m1941209444_0(__this, /*hidden argument*/NULL);
AsnEncodedData_set_RawData_m839792539_0(__this, L_4, /*hidden argument*/NULL);
return;
}
}
// System.Security.Cryptography.X509Certificates.X509KeyUsageFlags System.Security.Cryptography.X509Certificates.X509KeyUsageExtension::get_KeyUsages()
extern TypeInfo* CryptographicException_t_946073705_0_il2cpp_TypeInfo_var;
extern Il2CppCodeGenString* _stringLiteral290329807_0;
extern "C" int32_t X509KeyUsageExtension_get_KeyUsages_m_1117935937_0 (X509KeyUsageExtension_t_1020729148_0 * __this, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
CryptographicException_t_946073705_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(131);
_stringLiteral290329807_0 = il2cpp_codegen_string_literal_from_index(2248);
s_Il2CppMethodIntialized = true;
}
int32_t V_0 = {0};
{
int32_t L_0 = (__this->____status_8);
V_0 = L_0;
int32_t L_1 = V_0;
if (!L_1)
{
goto IL_0019;
}
}
{
int32_t L_2 = V_0;
if ((((int32_t)L_2) == ((int32_t)4)))
{
goto IL_0019;
}
}
{
goto IL_0020;
}
IL_0019:
{
int32_t L_3 = (__this->____keyUsages_7);
return L_3;
}
IL_0020:
{
CryptographicException_t_946073705_0 * L_4 = (CryptographicException_t_946073705_0 *)il2cpp_codegen_object_new (CryptographicException_t_946073705_0_il2cpp_TypeInfo_var);
CryptographicException__ctor_m_1894244407_0(L_4, _stringLiteral290329807_0, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_4);
}
}
// System.Void System.Security.Cryptography.X509Certificates.X509KeyUsageExtension::CopyFrom(System.Security.Cryptography.AsnEncodedData)
extern TypeInfo* ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var;
extern TypeInfo* X509Extension_t_1686437850_0_il2cpp_TypeInfo_var;
extern TypeInfo* ArgumentException_t1159624695_0_il2cpp_TypeInfo_var;
extern TypeInfo* Oid_t1024680945_0_il2cpp_TypeInfo_var;
extern Il2CppCodeGenString* _stringLiteral1926017496_0;
extern Il2CppCodeGenString* _stringLiteral_726479903_0;
extern Il2CppCodeGenString* _stringLiteral_455597450_0;
extern Il2CppCodeGenString* _stringLiteral_1472996256_0;
extern "C" void X509KeyUsageExtension_CopyFrom_m1769316556_0 (X509KeyUsageExtension_t_1020729148_0 * __this, AsnEncodedData_t_194939595_0 * ___encodedData, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(2);
X509Extension_t_1686437850_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(667);
ArgumentException_t1159624695_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(4);
Oid_t1024680945_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(662);
_stringLiteral1926017496_0 = il2cpp_codegen_string_literal_from_index(2284);
_stringLiteral_726479903_0 = il2cpp_codegen_string_literal_from_index(2250);
_stringLiteral_455597450_0 = il2cpp_codegen_string_literal_from_index(1548);
_stringLiteral_1472996256_0 = il2cpp_codegen_string_literal_from_index(2291);
s_Il2CppMethodIntialized = true;
}
X509Extension_t_1686437850_0 * V_0 = {0};
{
AsnEncodedData_t_194939595_0 * L_0 = ___encodedData;
if (L_0)
{
goto IL_0011;
}
}
{
ArgumentNullException_t_1072101840_0 * L_1 = (ArgumentNullException_t_1072101840_0 *)il2cpp_codegen_object_new (ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var);
ArgumentNullException__ctor_m135444188_0(L_1, _stringLiteral1926017496_0, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_1);
}
IL_0011:
{
AsnEncodedData_t_194939595_0 * L_2 = ___encodedData;
V_0 = ((X509Extension_t_1686437850_0 *)IsInstClass(L_2, X509Extension_t_1686437850_0_il2cpp_TypeInfo_var));
X509Extension_t_1686437850_0 * L_3 = V_0;
if (L_3)
{
goto IL_0033;
}
}
{
String_t* L_4 = Locale_GetText_m_1025094110_0(NULL /*static, unused*/, _stringLiteral_726479903_0, /*hidden argument*/NULL);
ArgumentException_t1159624695_0 * L_5 = (ArgumentException_t1159624695_0 *)il2cpp_codegen_object_new (ArgumentException_t1159624695_0_il2cpp_TypeInfo_var);
ArgumentException__ctor_m732321503_0(L_5, L_4, _stringLiteral1926017496_0, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_5);
}
IL_0033:
{
X509Extension_t_1686437850_0 * L_6 = V_0;
NullCheck(L_6);
Oid_t1024680945_0 * L_7 = (((AsnEncodedData_t_194939595_0 *)L_6)->____oid_0);
if (L_7)
{
goto IL_0058;
}
}
{
Oid_t1024680945_0 * L_8 = (Oid_t1024680945_0 *)il2cpp_codegen_object_new (Oid_t1024680945_0_il2cpp_TypeInfo_var);
Oid__ctor_m1889247193_0(L_8, _stringLiteral_455597450_0, _stringLiteral_1472996256_0, /*hidden argument*/NULL);
((AsnEncodedData_t_194939595_0 *)__this)->____oid_0 = L_8;
goto IL_0069;
}
IL_0058:
{
X509Extension_t_1686437850_0 * L_9 = V_0;
NullCheck(L_9);
Oid_t1024680945_0 * L_10 = (((AsnEncodedData_t_194939595_0 *)L_9)->____oid_0);
Oid_t1024680945_0 * L_11 = (Oid_t1024680945_0 *)il2cpp_codegen_object_new (Oid_t1024680945_0_il2cpp_TypeInfo_var);
Oid__ctor_m_218583058_0(L_11, L_10, /*hidden argument*/NULL);
((AsnEncodedData_t_194939595_0 *)__this)->____oid_0 = L_11;
}
IL_0069:
{
X509Extension_t_1686437850_0 * L_12 = V_0;
NullCheck(L_12);
ByteU5BU5D_t_1238178395_0* L_13 = AsnEncodedData_get_RawData_m334685068_0(L_12, /*hidden argument*/NULL);
AsnEncodedData_set_RawData_m839792539_0(__this, L_13, /*hidden argument*/NULL);
X509Extension_t_1686437850_0 * L_14 = V_0;
NullCheck(L_14);
bool L_15 = X509Extension_get_Critical_m1925069548_0(L_14, /*hidden argument*/NULL);
X509Extension_set_Critical_m717701037_0(__this, L_15, /*hidden argument*/NULL);
ByteU5BU5D_t_1238178395_0* L_16 = AsnEncodedData_get_RawData_m334685068_0(__this, /*hidden argument*/NULL);
int32_t L_17 = X509KeyUsageExtension_Decode_m811458265_0(__this, L_16, /*hidden argument*/NULL);
__this->____status_8 = L_17;
return;
}
}
// System.Security.Cryptography.X509Certificates.X509KeyUsageFlags System.Security.Cryptography.X509Certificates.X509KeyUsageExtension::GetValidFlags(System.Security.Cryptography.X509Certificates.X509KeyUsageFlags)
extern "C" int32_t X509KeyUsageExtension_GetValidFlags_m1081049684_0 (X509KeyUsageExtension_t_1020729148_0 * __this, int32_t ___flags, const MethodInfo* method)
{
{
int32_t L_0 = ___flags;
int32_t L_1 = ___flags;
if ((((int32_t)((int32_t)((int32_t)L_0&(int32_t)((int32_t)33023)))) == ((int32_t)L_1)))
{
goto IL_000f;
}
}
{
return (int32_t)(0);
}
IL_000f:
{
int32_t L_2 = ___flags;
return L_2;
}
}
// System.Security.Cryptography.AsnDecodeStatus System.Security.Cryptography.X509Certificates.X509KeyUsageExtension::Decode(System.Byte[])
extern TypeInfo* ASN1_t311288114_0_il2cpp_TypeInfo_var;
extern TypeInfo* Object_t_il2cpp_TypeInfo_var;
extern "C" int32_t X509KeyUsageExtension_Decode_m811458265_0 (X509KeyUsageExtension_t_1020729148_0 * __this, ByteU5BU5D_t_1238178395_0* ___extension, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
ASN1_t311288114_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(665);
Object_t_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(0);
s_Il2CppMethodIntialized = true;
}
ASN1_t311288114_0 * V_0 = {0};
int32_t V_1 = 0;
int32_t V_2 = 0;
int32_t V_3 = {0};
Exception_t2143823668_0 * __last_unhandled_exception = 0;
NO_UNUSED_WARNING (__last_unhandled_exception);
Exception_t2143823668_0 * __exception_local = 0;
NO_UNUSED_WARNING (__exception_local);
int32_t __leave_target = 0;
NO_UNUSED_WARNING (__leave_target);
{
ByteU5BU5D_t_1238178395_0* L_0 = ___extension;
if (!L_0)
{
goto IL_000e;
}
}
{
ByteU5BU5D_t_1238178395_0* L_1 = ___extension;
NullCheck(L_1);
if ((((int32_t)((int32_t)(((Array_t *)L_1)->max_length)))))
{
goto IL_0010;
}
}
IL_000e:
{
return (int32_t)(1);
}
IL_0010:
{
ByteU5BU5D_t_1238178395_0* L_2 = ___extension;
NullCheck(L_2);
IL2CPP_ARRAY_BOUNDS_CHECK(L_2, 0);
int32_t L_3 = 0;
if ((((int32_t)(*(uint8_t*)(uint8_t*)SZArrayLdElema(L_2, L_3, sizeof(uint8_t)))) == ((int32_t)3)))
{
goto IL_001b;
}
}
{
return (int32_t)(2);
}
IL_001b:
{
ByteU5BU5D_t_1238178395_0* L_4 = ___extension;
NullCheck(L_4);
if ((((int32_t)(((int32_t)((int32_t)(((Array_t *)L_4)->max_length))))) >= ((int32_t)3)))
{
goto IL_0026;
}
}
{
return (int32_t)(3);
}
IL_0026:
{
ByteU5BU5D_t_1238178395_0* L_5 = ___extension;
NullCheck(L_5);
if ((((int32_t)(((int32_t)((int32_t)(((Array_t *)L_5)->max_length))))) >= ((int32_t)4)))
{
goto IL_0031;
}
}
{
return (int32_t)(4);
}
IL_0031:
try
{ // begin try (depth: 1)
{
ByteU5BU5D_t_1238178395_0* L_6 = ___extension;
ASN1_t311288114_0 * L_7 = (ASN1_t311288114_0 *)il2cpp_codegen_object_new (ASN1_t311288114_0_il2cpp_TypeInfo_var);
ASN1__ctor_m_1286872987_0(L_7, L_6, /*hidden argument*/NULL);
V_0 = L_7;
V_1 = 0;
V_2 = 1;
goto IL_0052;
}
IL_0041:
{
int32_t L_8 = V_1;
ASN1_t311288114_0 * L_9 = V_0;
NullCheck(L_9);
ByteU5BU5D_t_1238178395_0* L_10 = ASN1_get_Value_m390067040_0(L_9, /*hidden argument*/NULL);
int32_t L_11 = V_2;
int32_t L_12 = L_11;
V_2 = ((int32_t)((int32_t)L_12+(int32_t)1));
NullCheck(L_10);
IL2CPP_ARRAY_BOUNDS_CHECK(L_10, L_12);
int32_t L_13 = L_12;
V_1 = ((int32_t)((int32_t)((int32_t)((int32_t)L_8<<(int32_t)8))+(int32_t)(*(uint8_t*)(uint8_t*)SZArrayLdElema(L_10, L_13, sizeof(uint8_t)))));
}
IL_0052:
{
int32_t L_14 = V_2;
ASN1_t311288114_0 * L_15 = V_0;
NullCheck(L_15);
ByteU5BU5D_t_1238178395_0* L_16 = ASN1_get_Value_m390067040_0(L_15, /*hidden argument*/NULL);
NullCheck(L_16);
if ((((int32_t)L_14) < ((int32_t)(((int32_t)((int32_t)(((Array_t *)L_16)->max_length)))))))
{
goto IL_0041;
}
}
IL_0060:
{
int32_t L_17 = V_1;
int32_t L_18 = X509KeyUsageExtension_GetValidFlags_m1081049684_0(__this, L_17, /*hidden argument*/NULL);
__this->____keyUsages_7 = L_18;
goto IL_007f;
}
} // end try (depth: 1)
catch(Il2CppExceptionWrapper& e)
{
__exception_local = (Exception_t2143823668_0 *)e.ex;
if(il2cpp_codegen_class_is_assignable_from (Object_t_il2cpp_TypeInfo_var, e.ex->object.klass))
goto CATCH_0072;
throw e;
}
CATCH_0072:
{ // begin catch(System.Object)
{
V_3 = 1;
goto IL_0081;
}
IL_007a:
{
; // IL_007a: leave IL_007f
}
} // end catch (depth: 1)
IL_007f:
{
return (int32_t)(0);
}
IL_0081:
{
int32_t L_19 = V_3;
return L_19;
}
}
// System.Byte[] System.Security.Cryptography.X509Certificates.X509KeyUsageExtension::Encode()
extern TypeInfo* ByteU5BU5D_t_1238178395_0_il2cpp_TypeInfo_var;
extern TypeInfo* ASN1_t311288114_0_il2cpp_TypeInfo_var;
extern "C" ByteU5BU5D_t_1238178395_0* X509KeyUsageExtension_Encode_m1941209444_0 (X509KeyUsageExtension_t_1020729148_0 * __this, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
ByteU5BU5D_t_1238178395_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(42);
ASN1_t311288114_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(665);
s_Il2CppMethodIntialized = true;
}
ASN1_t311288114_0 * V_0 = {0};
int32_t V_1 = 0;
uint8_t V_2 = 0x0;
int32_t V_3 = 0;
int32_t G_B5_0 = 0;
{
V_0 = (ASN1_t311288114_0 *)NULL;
int32_t L_0 = (__this->____keyUsages_7);
V_1 = L_0;
V_2 = 0;
int32_t L_1 = V_1;
if (L_1)
{
goto IL_0027;
}
}
{
ByteU5BU5D_t_1238178395_0* L_2 = ((ByteU5BU5D_t_1238178395_0*)SZArrayNew(ByteU5BU5D_t_1238178395_0_il2cpp_TypeInfo_var, (uint32_t)1));
uint8_t L_3 = V_2;
NullCheck(L_2);
IL2CPP_ARRAY_BOUNDS_CHECK(L_2, 0);
*((uint8_t*)(uint8_t*)SZArrayLdElema(L_2, 0, sizeof(uint8_t))) = (uint8_t)L_3;
ASN1_t311288114_0 * L_4 = (ASN1_t311288114_0 *)il2cpp_codegen_object_new (ASN1_t311288114_0_il2cpp_TypeInfo_var);
ASN1__ctor_m_1567232054_0(L_4, 3, L_2, /*hidden argument*/NULL);
V_0 = L_4;
goto IL_009c;
}
IL_0027:
{
int32_t L_5 = V_1;
if ((((int32_t)L_5) >= ((int32_t)((int32_t)255))))
{
goto IL_0038;
}
}
{
int32_t L_6 = V_1;
G_B5_0 = L_6;
goto IL_003b;
}
IL_0038:
{
int32_t L_7 = V_1;
G_B5_0 = ((int32_t)((int32_t)L_7>>(int32_t)8));
}
IL_003b:
{
V_3 = G_B5_0;
goto IL_004a;
}
IL_0041:
{
uint8_t L_8 = V_2;
V_2 = (((int32_t)((uint8_t)((int32_t)((int32_t)L_8+(int32_t)1)))));
int32_t L_9 = V_3;
V_3 = ((int32_t)((int32_t)L_9>>(int32_t)1));
}
IL_004a:
{
int32_t L_10 = V_3;
if (((int32_t)((int32_t)L_10&(int32_t)1)))
{
goto IL_0059;
}
}
{
uint8_t L_11 = V_2;
if ((((int32_t)L_11) < ((int32_t)8)))
{
goto IL_0041;
}
}
IL_0059:
{
int32_t L_12 = V_1;
if ((((int32_t)L_12) > ((int32_t)((int32_t)255))))
{
goto IL_007f;
}
}
{
ByteU5BU5D_t_1238178395_0* L_13 = ((ByteU5BU5D_t_1238178395_0*)SZArrayNew(ByteU5BU5D_t_1238178395_0_il2cpp_TypeInfo_var, (uint32_t)2));
uint8_t L_14 = V_2;
NullCheck(L_13);
IL2CPP_ARRAY_BOUNDS_CHECK(L_13, 0);
*((uint8_t*)(uint8_t*)SZArrayLdElema(L_13, 0, sizeof(uint8_t))) = (uint8_t)L_14;
ByteU5BU5D_t_1238178395_0* L_15 = L_13;
int32_t L_16 = V_1;
NullCheck(L_15);
IL2CPP_ARRAY_BOUNDS_CHECK(L_15, 1);
*((uint8_t*)(uint8_t*)SZArrayLdElema(L_15, 1, sizeof(uint8_t))) = (uint8_t)(((int32_t)((uint8_t)L_16)));
ASN1_t311288114_0 * L_17 = (ASN1_t311288114_0 *)il2cpp_codegen_object_new (ASN1_t311288114_0_il2cpp_TypeInfo_var);
ASN1__ctor_m_1567232054_0(L_17, 3, L_15, /*hidden argument*/NULL);
V_0 = L_17;
goto IL_009c;
}
IL_007f:
{
ByteU5BU5D_t_1238178395_0* L_18 = ((ByteU5BU5D_t_1238178395_0*)SZArrayNew(ByteU5BU5D_t_1238178395_0_il2cpp_TypeInfo_var, (uint32_t)3));
uint8_t L_19 = V_2;
NullCheck(L_18);
IL2CPP_ARRAY_BOUNDS_CHECK(L_18, 0);
*((uint8_t*)(uint8_t*)SZArrayLdElema(L_18, 0, sizeof(uint8_t))) = (uint8_t)L_19;
ByteU5BU5D_t_1238178395_0* L_20 = L_18;
int32_t L_21 = V_1;
NullCheck(L_20);
IL2CPP_ARRAY_BOUNDS_CHECK(L_20, 1);
*((uint8_t*)(uint8_t*)SZArrayLdElema(L_20, 1, sizeof(uint8_t))) = (uint8_t)(((int32_t)((uint8_t)L_21)));
ByteU5BU5D_t_1238178395_0* L_22 = L_20;
int32_t L_23 = V_1;
NullCheck(L_22);
IL2CPP_ARRAY_BOUNDS_CHECK(L_22, 2);
*((uint8_t*)(uint8_t*)SZArrayLdElema(L_22, 2, sizeof(uint8_t))) = (uint8_t)(((int32_t)((uint8_t)((int32_t)((int32_t)L_23>>(int32_t)8)))));
ASN1_t311288114_0 * L_24 = (ASN1_t311288114_0 *)il2cpp_codegen_object_new (ASN1_t311288114_0_il2cpp_TypeInfo_var);
ASN1__ctor_m_1567232054_0(L_24, 3, L_22, /*hidden argument*/NULL);
V_0 = L_24;
}
IL_009c:
{
ASN1_t311288114_0 * L_25 = V_0;
NullCheck(L_25);
ByteU5BU5D_t_1238178395_0* L_26 = (ByteU5BU5D_t_1238178395_0*)VirtFuncInvoker0< ByteU5BU5D_t_1238178395_0* >::Invoke(4 /* System.Byte[] Mono.Security.ASN1::GetBytes() */, L_25);
return L_26;
}
}
// System.String System.Security.Cryptography.X509Certificates.X509KeyUsageExtension::ToString(System.Boolean)
extern TypeInfo* String_t_il2cpp_TypeInfo_var;
extern TypeInfo* StringBuilder_t586045924_0_il2cpp_TypeInfo_var;
extern Il2CppCodeGenString* _stringLiteral608242024_0;
extern Il2CppCodeGenString* _stringLiteral_455597450_0;
extern Il2CppCodeGenString* _stringLiteral59567507_0;
extern Il2CppCodeGenString* _stringLiteral_872788880_0;
extern Il2CppCodeGenString* _stringLiteral1396_0;
extern Il2CppCodeGenString* _stringLiteral_213264424_0;
extern Il2CppCodeGenString* _stringLiteral335505331_0;
extern Il2CppCodeGenString* _stringLiteral_88620024_0;
extern Il2CppCodeGenString* _stringLiteral_2074396343_0;
extern Il2CppCodeGenString* _stringLiteral_1602864324_0;
extern Il2CppCodeGenString* _stringLiteral498418682_0;
extern Il2CppCodeGenString* _stringLiteral317160536_0;
extern Il2CppCodeGenString* _stringLiteral_551180928_0;
extern Il2CppCodeGenString* _stringLiteral1032_0;
extern Il2CppCodeGenString* _stringLiteral3770_0;
extern Il2CppCodeGenString* _stringLiteral32_0;
extern Il2CppCodeGenString* _stringLiteral41_0;
extern "C" String_t* X509KeyUsageExtension_ToString_m1884016728_0 (X509KeyUsageExtension_t_1020729148_0 * __this, bool ___multiLine, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
String_t_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(11);
StringBuilder_t586045924_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(36);
_stringLiteral608242024_0 = il2cpp_codegen_string_literal_from_index(2251);
_stringLiteral_455597450_0 = il2cpp_codegen_string_literal_from_index(1548);
_stringLiteral59567507_0 = il2cpp_codegen_string_literal_from_index(2252);
_stringLiteral_872788880_0 = il2cpp_codegen_string_literal_from_index(2292);
_stringLiteral1396_0 = il2cpp_codegen_string_literal_from_index(141);
_stringLiteral_213264424_0 = il2cpp_codegen_string_literal_from_index(2293);
_stringLiteral335505331_0 = il2cpp_codegen_string_literal_from_index(2294);
_stringLiteral_88620024_0 = il2cpp_codegen_string_literal_from_index(2295);
_stringLiteral_2074396343_0 = il2cpp_codegen_string_literal_from_index(2296);
_stringLiteral_1602864324_0 = il2cpp_codegen_string_literal_from_index(2297);
_stringLiteral498418682_0 = il2cpp_codegen_string_literal_from_index(2298);
_stringLiteral317160536_0 = il2cpp_codegen_string_literal_from_index(2299);
_stringLiteral_551180928_0 = il2cpp_codegen_string_literal_from_index(2300);
_stringLiteral1032_0 = il2cpp_codegen_string_literal_from_index(231);
_stringLiteral3770_0 = il2cpp_codegen_string_literal_from_index(132);
_stringLiteral32_0 = il2cpp_codegen_string_literal_from_index(232);
_stringLiteral41_0 = il2cpp_codegen_string_literal_from_index(93);
s_Il2CppMethodIntialized = true;
}
StringBuilder_t586045924_0 * V_0 = {0};
int32_t V_1 = 0;
int32_t V_2 = {0};
uint8_t V_3 = 0x0;
uint8_t V_4 = 0x0;
{
int32_t L_0 = (__this->____status_8);
V_2 = L_0;
int32_t L_1 = V_2;
if (((int32_t)((int32_t)L_1-(int32_t)1)) == 0)
{
goto IL_0024;
}
if (((int32_t)((int32_t)L_1-(int32_t)1)) == 1)
{
goto IL_002a;
}
if (((int32_t)((int32_t)L_1-(int32_t)1)) == 2)
{
goto IL_002a;
}
if (((int32_t)((int32_t)L_1-(int32_t)1)) == 3)
{
goto IL_0037;
}
}
{
goto IL_003d;
}
IL_0024:
{
IL2CPP_RUNTIME_CLASS_INIT(String_t_il2cpp_TypeInfo_var);
String_t* L_2 = ((String_t_StaticFields*)String_t_il2cpp_TypeInfo_var->static_fields)->___Empty_2;
return L_2;
}
IL_002a:
{
ByteU5BU5D_t_1238178395_0* L_3 = (((AsnEncodedData_t_194939595_0 *)__this)->____raw_1);
String_t* L_4 = X509Extension_FormatUnkownData_m_60566915_0(__this, L_3, /*hidden argument*/NULL);
return L_4;
}
IL_0037:
{
return _stringLiteral608242024_0;
}
IL_003d:
{
Oid_t1024680945_0 * L_5 = (((AsnEncodedData_t_194939595_0 *)__this)->____oid_0);
NullCheck(L_5);
String_t* L_6 = Oid_get_Value_m216923304_0(L_5, /*hidden argument*/NULL);
IL2CPP_RUNTIME_CLASS_INIT(String_t_il2cpp_TypeInfo_var);
bool L_7 = String_op_Inequality_m2125462205_0(NULL /*static, unused*/, L_6, _stringLiteral_455597450_0, /*hidden argument*/NULL);
if (!L_7)
{
goto IL_006d;
}
}
{
Oid_t1024680945_0 * L_8 = (((AsnEncodedData_t_194939595_0 *)__this)->____oid_0);
NullCheck(L_8);
String_t* L_9 = Oid_get_Value_m216923304_0(L_8, /*hidden argument*/NULL);
IL2CPP_RUNTIME_CLASS_INIT(String_t_il2cpp_TypeInfo_var);
String_t* L_10 = String_Format_m_1823716516_0(NULL /*static, unused*/, _stringLiteral59567507_0, L_9, /*hidden argument*/NULL);
return L_10;
}
IL_006d:
{
int32_t L_11 = (__this->____keyUsages_7);
if (L_11)
{
goto IL_007e;
}
}
{
return _stringLiteral608242024_0;
}
IL_007e:
{
StringBuilder_t586045924_0 * L_12 = (StringBuilder_t586045924_0 *)il2cpp_codegen_object_new (StringBuilder_t586045924_0_il2cpp_TypeInfo_var);
StringBuilder__ctor_m135953004_0(L_12, /*hidden argument*/NULL);
V_0 = L_12;
int32_t L_13 = (__this->____keyUsages_7);
if (!((int32_t)((int32_t)L_13&(int32_t)((int32_t)128))))
{
goto IL_00a1;
}
}
{
StringBuilder_t586045924_0 * L_14 = V_0;
NullCheck(L_14);
StringBuilder_Append_m_396877221_0(L_14, _stringLiteral_872788880_0, /*hidden argument*/NULL);
}
IL_00a1:
{
int32_t L_15 = (__this->____keyUsages_7);
if (!((int32_t)((int32_t)L_15&(int32_t)((int32_t)64))))
{
goto IL_00d3;
}
}
{
StringBuilder_t586045924_0 * L_16 = V_0;
NullCheck(L_16);
int32_t L_17 = StringBuilder_get_Length_m_1851834197_0(L_16, /*hidden argument*/NULL);
if ((((int32_t)L_17) <= ((int32_t)0)))
{
goto IL_00c7;
}
}
{
StringBuilder_t586045924_0 * L_18 = V_0;
NullCheck(L_18);
StringBuilder_Append_m_396877221_0(L_18, _stringLiteral1396_0, /*hidden argument*/NULL);
}
IL_00c7:
{
StringBuilder_t586045924_0 * L_19 = V_0;
NullCheck(L_19);
StringBuilder_Append_m_396877221_0(L_19, _stringLiteral_213264424_0, /*hidden argument*/NULL);
}
IL_00d3:
{
int32_t L_20 = (__this->____keyUsages_7);
if (!((int32_t)((int32_t)L_20&(int32_t)((int32_t)32))))
{
goto IL_0105;
}
}
{
StringBuilder_t586045924_0 * L_21 = V_0;
NullCheck(L_21);
int32_t L_22 = StringBuilder_get_Length_m_1851834197_0(L_21, /*hidden argument*/NULL);
if ((((int32_t)L_22) <= ((int32_t)0)))
{
goto IL_00f9;
}
}
{
StringBuilder_t586045924_0 * L_23 = V_0;
NullCheck(L_23);
StringBuilder_Append_m_396877221_0(L_23, _stringLiteral1396_0, /*hidden argument*/NULL);
}
IL_00f9:
{
StringBuilder_t586045924_0 * L_24 = V_0;
NullCheck(L_24);
StringBuilder_Append_m_396877221_0(L_24, _stringLiteral335505331_0, /*hidden argument*/NULL);
}
IL_0105:
{
int32_t L_25 = (__this->____keyUsages_7);
if (!((int32_t)((int32_t)L_25&(int32_t)((int32_t)16))))
{
goto IL_0137;
}
}
{
StringBuilder_t586045924_0 * L_26 = V_0;
NullCheck(L_26);
int32_t L_27 = StringBuilder_get_Length_m_1851834197_0(L_26, /*hidden argument*/NULL);
if ((((int32_t)L_27) <= ((int32_t)0)))
{
goto IL_012b;
}
}
{
StringBuilder_t586045924_0 * L_28 = V_0;
NullCheck(L_28);
StringBuilder_Append_m_396877221_0(L_28, _stringLiteral1396_0, /*hidden argument*/NULL);
}
IL_012b:
{
StringBuilder_t586045924_0 * L_29 = V_0;
NullCheck(L_29);
StringBuilder_Append_m_396877221_0(L_29, _stringLiteral_88620024_0, /*hidden argument*/NULL);
}
IL_0137:
{
int32_t L_30 = (__this->____keyUsages_7);
if (!((int32_t)((int32_t)L_30&(int32_t)8)))
{
goto IL_0168;
}
}
{
StringBuilder_t586045924_0 * L_31 = V_0;
NullCheck(L_31);
int32_t L_32 = StringBuilder_get_Length_m_1851834197_0(L_31, /*hidden argument*/NULL);
if ((((int32_t)L_32) <= ((int32_t)0)))
{
goto IL_015c;
}
}
{
StringBuilder_t586045924_0 * L_33 = V_0;
NullCheck(L_33);
StringBuilder_Append_m_396877221_0(L_33, _stringLiteral1396_0, /*hidden argument*/NULL);
}
IL_015c:
{
StringBuilder_t586045924_0 * L_34 = V_0;
NullCheck(L_34);
StringBuilder_Append_m_396877221_0(L_34, _stringLiteral_2074396343_0, /*hidden argument*/NULL);
}
IL_0168:
{
int32_t L_35 = (__this->____keyUsages_7);
if (!((int32_t)((int32_t)L_35&(int32_t)4)))
{
goto IL_0199;
}
}
{
StringBuilder_t586045924_0 * L_36 = V_0;
NullCheck(L_36);
int32_t L_37 = StringBuilder_get_Length_m_1851834197_0(L_36, /*hidden argument*/NULL);
if ((((int32_t)L_37) <= ((int32_t)0)))
{
goto IL_018d;
}
}
{
StringBuilder_t586045924_0 * L_38 = V_0;
NullCheck(L_38);
StringBuilder_Append_m_396877221_0(L_38, _stringLiteral1396_0, /*hidden argument*/NULL);
}
IL_018d:
{
StringBuilder_t586045924_0 * L_39 = V_0;
NullCheck(L_39);
StringBuilder_Append_m_396877221_0(L_39, _stringLiteral_1602864324_0, /*hidden argument*/NULL);
}
IL_0199:
{
int32_t L_40 = (__this->____keyUsages_7);
if (!((int32_t)((int32_t)L_40&(int32_t)2)))
{
goto IL_01ca;
}
}
{
StringBuilder_t586045924_0 * L_41 = V_0;
NullCheck(L_41);
int32_t L_42 = StringBuilder_get_Length_m_1851834197_0(L_41, /*hidden argument*/NULL);
if ((((int32_t)L_42) <= ((int32_t)0)))
{
goto IL_01be;
}
}
{
StringBuilder_t586045924_0 * L_43 = V_0;
NullCheck(L_43);
StringBuilder_Append_m_396877221_0(L_43, _stringLiteral1396_0, /*hidden argument*/NULL);
}
IL_01be:
{
StringBuilder_t586045924_0 * L_44 = V_0;
NullCheck(L_44);
StringBuilder_Append_m_396877221_0(L_44, _stringLiteral498418682_0, /*hidden argument*/NULL);
}
IL_01ca:
{
int32_t L_45 = (__this->____keyUsages_7);
if (!((int32_t)((int32_t)L_45&(int32_t)1)))
{
goto IL_01fb;
}
}
{
StringBuilder_t586045924_0 * L_46 = V_0;
NullCheck(L_46);
int32_t L_47 = StringBuilder_get_Length_m_1851834197_0(L_46, /*hidden argument*/NULL);
if ((((int32_t)L_47) <= ((int32_t)0)))
{
goto IL_01ef;
}
}
{
StringBuilder_t586045924_0 * L_48 = V_0;
NullCheck(L_48);
StringBuilder_Append_m_396877221_0(L_48, _stringLiteral1396_0, /*hidden argument*/NULL);
}
IL_01ef:
{
StringBuilder_t586045924_0 * L_49 = V_0;
NullCheck(L_49);
StringBuilder_Append_m_396877221_0(L_49, _stringLiteral317160536_0, /*hidden argument*/NULL);
}
IL_01fb:
{
int32_t L_50 = (__this->____keyUsages_7);
if (!((int32_t)((int32_t)L_50&(int32_t)((int32_t)32768))))
{
goto IL_0230;
}
}
{
StringBuilder_t586045924_0 * L_51 = V_0;
NullCheck(L_51);
int32_t L_52 = StringBuilder_get_Length_m_1851834197_0(L_51, /*hidden argument*/NULL);
if ((((int32_t)L_52) <= ((int32_t)0)))
{
goto IL_0224;
}
}
{
StringBuilder_t586045924_0 * L_53 = V_0;
NullCheck(L_53);
StringBuilder_Append_m_396877221_0(L_53, _stringLiteral1396_0, /*hidden argument*/NULL);
}
IL_0224:
{
StringBuilder_t586045924_0 * L_54 = V_0;
NullCheck(L_54);
StringBuilder_Append_m_396877221_0(L_54, _stringLiteral_551180928_0, /*hidden argument*/NULL);
}
IL_0230:
{
int32_t L_55 = (__this->____keyUsages_7);
V_1 = L_55;
StringBuilder_t586045924_0 * L_56 = V_0;
NullCheck(L_56);
StringBuilder_Append_m_396877221_0(L_56, _stringLiteral1032_0, /*hidden argument*/NULL);
StringBuilder_t586045924_0 * L_57 = V_0;
int32_t L_58 = V_1;
V_3 = (((int32_t)((uint8_t)L_58)));
String_t* L_59 = Byte_ToString_m_329952990_0((&V_3), _stringLiteral3770_0, /*hidden argument*/NULL);
NullCheck(L_57);
StringBuilder_Append_m_396877221_0(L_57, L_59, /*hidden argument*/NULL);
int32_t L_60 = V_1;
if ((((int32_t)L_60) <= ((int32_t)((int32_t)255))))
{
goto IL_0289;
}
}
{
StringBuilder_t586045924_0 * L_61 = V_0;
NullCheck(L_61);
StringBuilder_Append_m_396877221_0(L_61, _stringLiteral32_0, /*hidden argument*/NULL);
StringBuilder_t586045924_0 * L_62 = V_0;
int32_t L_63 = V_1;
V_4 = (((int32_t)((uint8_t)((int32_t)((int32_t)L_63>>(int32_t)8)))));
String_t* L_64 = Byte_ToString_m_329952990_0((&V_4), _stringLiteral3770_0, /*hidden argument*/NULL);
NullCheck(L_62);
StringBuilder_Append_m_396877221_0(L_62, L_64, /*hidden argument*/NULL);
}
IL_0289:
{
StringBuilder_t586045924_0 * L_65 = V_0;
NullCheck(L_65);
StringBuilder_Append_m_396877221_0(L_65, _stringLiteral41_0, /*hidden argument*/NULL);
bool L_66 = ___multiLine;
if (!L_66)
{
goto IL_02a7;
}
}
{
StringBuilder_t586045924_0 * L_67 = V_0;
String_t* L_68 = Environment_get_NewLine_m1034655108_0(NULL /*static, unused*/, /*hidden argument*/NULL);
NullCheck(L_67);
StringBuilder_Append_m_396877221_0(L_67, L_68, /*hidden argument*/NULL);
}
IL_02a7:
{
StringBuilder_t586045924_0 * L_69 = V_0;
NullCheck(L_69);
String_t* L_70 = StringBuilder_ToString_m350379841_0(L_69, /*hidden argument*/NULL);
return L_70;
}
}
// System.Void System.Security.Cryptography.X509Certificates.X509Store::.ctor(System.Security.Cryptography.X509Certificates.StoreName,System.Security.Cryptography.X509Certificates.StoreLocation)
extern TypeInfo* ArgumentException_t1159624695_0_il2cpp_TypeInfo_var;
extern TypeInfo* StoreName_t56214617_0_il2cpp_TypeInfo_var;
extern Il2CppCodeGenString* _stringLiteral1691782924_0;
extern Il2CppCodeGenString* _stringLiteral_312308810_0;
extern Il2CppCodeGenString* _stringLiteral2142_0;
extern "C" void X509Store__ctor_m_495266554_0 (X509Store_t_244520888_0 * __this, int32_t ___storeName, int32_t ___storeLocation, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
ArgumentException_t1159624695_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(4);
StoreName_t56214617_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(695);
_stringLiteral1691782924_0 = il2cpp_codegen_string_literal_from_index(2301);
_stringLiteral_312308810_0 = il2cpp_codegen_string_literal_from_index(2302);
_stringLiteral2142_0 = il2cpp_codegen_string_literal_from_index(2254);
s_Il2CppMethodIntialized = true;
}
int32_t V_0 = {0};
{
Object__ctor_m1772956182_0(__this, /*hidden argument*/NULL);
int32_t L_0 = ___storeName;
if ((((int32_t)L_0) < ((int32_t)1)))
{
goto IL_0014;
}
}
{
int32_t L_1 = ___storeName;
if ((((int32_t)L_1) <= ((int32_t)8)))
{
goto IL_001f;
}
}
IL_0014:
{
ArgumentException_t1159624695_0 * L_2 = (ArgumentException_t1159624695_0 *)il2cpp_codegen_object_new (ArgumentException_t1159624695_0_il2cpp_TypeInfo_var);
ArgumentException__ctor_m_750110749_0(L_2, _stringLiteral1691782924_0, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_2);
}
IL_001f:
{
int32_t L_3 = ___storeLocation;
if ((((int32_t)L_3) < ((int32_t)1)))
{
goto IL_002d;
}
}
{
int32_t L_4 = ___storeLocation;
if ((((int32_t)L_4) <= ((int32_t)2)))
{
goto IL_0038;
}
}
IL_002d:
{
ArgumentException_t1159624695_0 * L_5 = (ArgumentException_t1159624695_0 *)il2cpp_codegen_object_new (ArgumentException_t1159624695_0_il2cpp_TypeInfo_var);
ArgumentException__ctor_m_750110749_0(L_5, _stringLiteral_312308810_0, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_5);
}
IL_0038:
{
int32_t L_6 = ___storeName;
V_0 = L_6;
int32_t L_7 = V_0;
if ((((int32_t)L_7) == ((int32_t)3)))
{
goto IL_0046;
}
}
{
goto IL_0056;
}
IL_0046:
{
__this->____name_0 = _stringLiteral2142_0;
goto IL_006c;
}
IL_0056:
{
int32_t L_8 = ___storeName;
int32_t L_9 = L_8;
Object_t * L_10 = Box(StoreName_t56214617_0_il2cpp_TypeInfo_var, &L_9);
NullCheck(L_10);
String_t* L_11 = (String_t*)VirtFuncInvoker0< String_t* >::Invoke(3 /* System.String System.Enum::ToString() */, L_10);
__this->____name_0 = L_11;
goto IL_006c;
}
IL_006c:
{
int32_t L_12 = ___storeLocation;
__this->____location_1 = L_12;
return;
}
}
// System.Security.Cryptography.X509Certificates.X509Certificate2Collection System.Security.Cryptography.X509Certificates.X509Store::get_Certificates()
extern TypeInfo* X509Certificate2Collection_t_1899689486_0_il2cpp_TypeInfo_var;
extern "C" X509Certificate2Collection_t_1899689486_0 * X509Store_get_Certificates_m806880954_0 (X509Store_t_244520888_0 * __this, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
X509Certificate2Collection_t_1899689486_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(675);
s_Il2CppMethodIntialized = true;
}
{
X509Certificate2Collection_t_1899689486_0 * L_0 = (__this->___list_2);
if (L_0)
{
goto IL_001b;
}
}
{
X509Certificate2Collection_t_1899689486_0 * L_1 = (X509Certificate2Collection_t_1899689486_0 *)il2cpp_codegen_object_new (X509Certificate2Collection_t_1899689486_0_il2cpp_TypeInfo_var);
X509Certificate2Collection__ctor_m769271012_0(L_1, /*hidden argument*/NULL);
__this->___list_2 = L_1;
goto IL_0031;
}
IL_001b:
{
X509Store_t_477609936_0 * L_2 = (__this->___store_4);
if (L_2)
{
goto IL_0031;
}
}
{
X509Certificate2Collection_t_1899689486_0 * L_3 = (__this->___list_2);
NullCheck(L_3);
VirtActionInvoker0::Invoke(14 /* System.Void System.Collections.CollectionBase::Clear() */, L_3);
}
IL_0031:
{
X509Certificate2Collection_t_1899689486_0 * L_4 = (__this->___list_2);
return L_4;
}
}
// Mono.Security.X509.X509Stores System.Security.Cryptography.X509Certificates.X509Store::get_Factory()
extern "C" X509Stores_t_1921006013_0 * X509Store_get_Factory_m1121149181_0 (X509Store_t_244520888_0 * __this, const MethodInfo* method)
{
{
int32_t L_0 = (__this->____location_1);
if ((!(((uint32_t)L_0) == ((uint32_t)1))))
{
goto IL_0012;
}
}
{
X509Stores_t_1921006013_0 * L_1 = X509StoreManager_get_CurrentUser_m856219042_0(NULL /*static, unused*/, /*hidden argument*/NULL);
return L_1;
}
IL_0012:
{
X509Stores_t_1921006013_0 * L_2 = X509StoreManager_get_LocalMachine_m_558429376_0(NULL /*static, unused*/, /*hidden argument*/NULL);
return L_2;
}
}
// Mono.Security.X509.X509Store System.Security.Cryptography.X509Certificates.X509Store::get_Store()
extern "C" X509Store_t_477609936_0 * X509Store_get_Store_m466869703_0 (X509Store_t_244520888_0 * __this, const MethodInfo* method)
{
{
X509Store_t_477609936_0 * L_0 = (__this->___store_4);
return L_0;
}
}
// System.Void System.Security.Cryptography.X509Certificates.X509Store::Close()
extern "C" void X509Store_Close_m_580080674_0 (X509Store_t_244520888_0 * __this, const MethodInfo* method)
{
{
__this->___store_4 = (X509Store_t_477609936_0 *)NULL;
X509Certificate2Collection_t_1899689486_0 * L_0 = (__this->___list_2);
if (!L_0)
{
goto IL_001d;
}
}
{
X509Certificate2Collection_t_1899689486_0 * L_1 = (__this->___list_2);
NullCheck(L_1);
VirtActionInvoker0::Invoke(14 /* System.Void System.Collections.CollectionBase::Clear() */, L_1);
}
IL_001d:
{
return;
}
}
// System.Void System.Security.Cryptography.X509Certificates.X509Store::Open(System.Security.Cryptography.X509Certificates.OpenFlags)
extern TypeInfo* String_t_il2cpp_TypeInfo_var;
extern TypeInfo* CryptographicException_t_946073705_0_il2cpp_TypeInfo_var;
extern TypeInfo* X509Store_t_244520888_0_il2cpp_TypeInfo_var;
extern TypeInfo* Dictionary_2_t_1305703446_0_il2cpp_TypeInfo_var;
extern TypeInfo* ObjectU5BU5D_t1774424924_0_il2cpp_TypeInfo_var;
extern TypeInfo* X509Certificate2_t1644507188_0_il2cpp_TypeInfo_var;
extern TypeInfo* IDisposable_t_2098447282_0_il2cpp_TypeInfo_var;
extern const MethodInfo* Dictionary_2__ctor_m1958628151_0_MethodInfo_var;
extern Il2CppCodeGenString* _stringLiteral1067973939_0;
extern Il2CppCodeGenString* _stringLiteral2553090_0;
extern Il2CppCodeGenString* _stringLiteral81088056_0;
extern Il2CppCodeGenString* _stringLiteral_218579907_0;
extern "C" void X509Store_Open_m_160412216_0 (X509Store_t_244520888_0 * __this, int32_t ___flags, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
String_t_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(11);
CryptographicException_t_946073705_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(131);
X509Store_t_244520888_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(684);
Dictionary_2_t_1305703446_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(116);
ObjectU5BU5D_t1774424924_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(19);
X509Certificate2_t1644507188_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(668);
IDisposable_t_2098447282_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(142);
Dictionary_2__ctor_m1958628151_0_MethodInfo_var = il2cpp_codegen_method_info_from_index(2147483658);
_stringLiteral1067973939_0 = il2cpp_codegen_string_literal_from_index(2303);
_stringLiteral2553090_0 = il2cpp_codegen_string_literal_from_index(2304);
_stringLiteral81088056_0 = il2cpp_codegen_string_literal_from_index(2305);
_stringLiteral_218579907_0 = il2cpp_codegen_string_literal_from_index(2306);
s_Il2CppMethodIntialized = true;
}
String_t* V_0 = {0};
bool V_1 = false;
X509Certificate_t219648422_0 * V_2 = {0};
X509CertificateEnumerator_t_2007974582_0 * V_3 = {0};
String_t* V_4 = {0};
Dictionary_2_t_1305703446_0 * V_5 = {0};
int32_t V_6 = 0;
Object_t * V_7 = {0};
Exception_t2143823668_0 * __last_unhandled_exception = 0;
NO_UNUSED_WARNING (__last_unhandled_exception);
Exception_t2143823668_0 * __exception_local = 0;
NO_UNUSED_WARNING (__exception_local);
int32_t __leave_target = 0;
NO_UNUSED_WARNING (__leave_target);
{
String_t* L_0 = (__this->____name_0);
IL2CPP_RUNTIME_CLASS_INIT(String_t_il2cpp_TypeInfo_var);
bool L_1 = String_IsNullOrEmpty_m1256468773_0(NULL /*static, unused*/, L_0, /*hidden argument*/NULL);
if (!L_1)
{
goto IL_0020;
}
}
{
String_t* L_2 = Locale_GetText_m_1025094110_0(NULL /*static, unused*/, _stringLiteral1067973939_0, /*hidden argument*/NULL);
CryptographicException_t_946073705_0 * L_3 = (CryptographicException_t_946073705_0 *)il2cpp_codegen_object_new (CryptographicException_t_946073705_0_il2cpp_TypeInfo_var);
CryptographicException__ctor_m_1894244407_0(L_3, L_2, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_3);
}
IL_0020:
{
String_t* L_4 = (__this->____name_0);
V_4 = L_4;
String_t* L_5 = V_4;
if (!L_5)
{
goto IL_007f;
}
}
{
Dictionary_2_t_1305703446_0 * L_6 = ((X509Store_t_244520888_0_StaticFields*)X509Store_t_244520888_0_il2cpp_TypeInfo_var->static_fields)->___U3CU3Ef__switchU24mapF_5;
if (L_6)
{
goto IL_0055;
}
}
{
Dictionary_2_t_1305703446_0 * L_7 = (Dictionary_2_t_1305703446_0 *)il2cpp_codegen_object_new (Dictionary_2_t_1305703446_0_il2cpp_TypeInfo_var);
Dictionary_2__ctor_m1958628151_0(L_7, 1, /*hidden argument*/Dictionary_2__ctor_m1958628151_0_MethodInfo_var);
V_5 = L_7;
Dictionary_2_t_1305703446_0 * L_8 = V_5;
NullCheck(L_8);
VirtActionInvoker2< String_t*, int32_t >::Invoke(28 /* System.Void System.Collections.Generic.Dictionary`2<System.String,System.Int32>::Add(!0,!1) */, L_8, _stringLiteral2553090_0, 0);
Dictionary_2_t_1305703446_0 * L_9 = V_5;
((X509Store_t_244520888_0_StaticFields*)X509Store_t_244520888_0_il2cpp_TypeInfo_var->static_fields)->___U3CU3Ef__switchU24mapF_5 = L_9;
}
IL_0055:
{
Dictionary_2_t_1305703446_0 * L_10 = ((X509Store_t_244520888_0_StaticFields*)X509Store_t_244520888_0_il2cpp_TypeInfo_var->static_fields)->___U3CU3Ef__switchU24mapF_5;
String_t* L_11 = V_4;
NullCheck(L_10);
bool L_12 = (bool)VirtFuncInvoker2< bool, String_t*, int32_t* >::Invoke(33 /* System.Boolean System.Collections.Generic.Dictionary`2<System.String,System.Int32>::TryGetValue(!0,!1&) */, L_10, L_11, (&V_6));
if (!L_12)
{
goto IL_007f;
}
}
{
int32_t L_13 = V_6;
if (!L_13)
{
goto IL_0074;
}
}
{
goto IL_007f;
}
IL_0074:
{
V_0 = _stringLiteral81088056_0;
goto IL_008b;
}
IL_007f:
{
String_t* L_14 = (__this->____name_0);
V_0 = L_14;
goto IL_008b;
}
IL_008b:
{
int32_t L_15 = ___flags;
V_1 = (bool)((((int32_t)((((int32_t)((int32_t)((int32_t)L_15&(int32_t)4))) == ((int32_t)4))? 1 : 0)) == ((int32_t)0))? 1 : 0);
X509Stores_t_1921006013_0 * L_16 = X509Store_get_Factory_m1121149181_0(__this, /*hidden argument*/NULL);
String_t* L_17 = V_0;
bool L_18 = V_1;
NullCheck(L_16);
X509Store_t_477609936_0 * L_19 = X509Stores_Open_m_496041037_0(L_16, L_17, L_18, /*hidden argument*/NULL);
__this->___store_4 = L_19;
X509Store_t_477609936_0 * L_20 = (__this->___store_4);
if (L_20)
{
goto IL_00d2;
}
}
{
ObjectU5BU5D_t1774424924_0* L_21 = ((ObjectU5BU5D_t1774424924_0*)SZArrayNew(ObjectU5BU5D_t1774424924_0_il2cpp_TypeInfo_var, (uint32_t)1));
String_t* L_22 = (__this->____name_0);
NullCheck(L_21);
IL2CPP_ARRAY_BOUNDS_CHECK(L_21, 0);
ArrayElementTypeCheck (L_21, L_22);
*((Object_t **)(Object_t **)SZArrayLdElema(L_21, 0, sizeof(Object_t *))) = (Object_t *)L_22;
String_t* L_23 = Locale_GetText_m946430094_0(NULL /*static, unused*/, _stringLiteral_218579907_0, L_21, /*hidden argument*/NULL);
CryptographicException_t_946073705_0 * L_24 = (CryptographicException_t_946073705_0 *)il2cpp_codegen_object_new (CryptographicException_t_946073705_0_il2cpp_TypeInfo_var);
CryptographicException__ctor_m_1894244407_0(L_24, L_23, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_24);
}
IL_00d2:
{
int32_t L_25 = ___flags;
__this->____flags_3 = L_25;
X509Store_t_477609936_0 * L_26 = (__this->___store_4);
NullCheck(L_26);
X509CertificateCollection_t15320292_0 * L_27 = X509Store_get_Certificates_m_477213992_0(L_26, /*hidden argument*/NULL);
NullCheck(L_27);
X509CertificateEnumerator_t_2007974582_0 * L_28 = X509CertificateCollection_GetEnumerator_m_2068323301_0(L_27, /*hidden argument*/NULL);
V_3 = L_28;
}
IL_00ea:
try
{ // begin try (depth: 1)
{
goto IL_010d;
}
IL_00ef:
{
X509CertificateEnumerator_t_2007974582_0 * L_29 = V_3;
NullCheck(L_29);
X509Certificate_t219648422_0 * L_30 = X509CertificateEnumerator_get_Current_m1696796071_0(L_29, /*hidden argument*/NULL);
V_2 = L_30;
X509Certificate2Collection_t_1899689486_0 * L_31 = X509Store_get_Certificates_m806880954_0(__this, /*hidden argument*/NULL);
X509Certificate_t219648422_0 * L_32 = V_2;
NullCheck(L_32);
ByteU5BU5D_t_1238178395_0* L_33 = (ByteU5BU5D_t_1238178395_0*)VirtFuncInvoker0< ByteU5BU5D_t_1238178395_0* >::Invoke(12 /* System.Byte[] Mono.Security.X509.X509Certificate::get_RawData() */, L_32);
X509Certificate2_t1644507188_0 * L_34 = (X509Certificate2_t1644507188_0 *)il2cpp_codegen_object_new (X509Certificate2_t1644507188_0_il2cpp_TypeInfo_var);
X509Certificate2__ctor_m_1960164761_0(L_34, L_33, /*hidden argument*/NULL);
NullCheck(L_31);
X509Certificate2Collection_Add_m1268164793_0(L_31, L_34, /*hidden argument*/NULL);
}
IL_010d:
{
X509CertificateEnumerator_t_2007974582_0 * L_35 = V_3;
NullCheck(L_35);
bool L_36 = (bool)VirtFuncInvoker0< bool >::Invoke(7 /* System.Boolean Mono.Security.X509.X509CertificateCollection/X509CertificateEnumerator::MoveNext() */, L_35);
if (L_36)
{
goto IL_00ef;
}
}
IL_0118:
{
IL2CPP_LEAVE(0x132, FINALLY_011d);
}
} // end try (depth: 1)
catch(Il2CppExceptionWrapper& e)
{
__last_unhandled_exception = (Exception_t2143823668_0 *)e.ex;
goto FINALLY_011d;
}
FINALLY_011d:
{ // begin finally (depth: 1)
{
X509CertificateEnumerator_t_2007974582_0 * L_37 = V_3;
V_7 = ((Object_t *)IsInst(L_37, IDisposable_t_2098447282_0_il2cpp_TypeInfo_var));
Object_t * L_38 = V_7;
if (L_38)
{
goto IL_012a;
}
}
IL_0129:
{
IL2CPP_END_FINALLY(285)
}
IL_012a:
{
Object_t * L_39 = V_7;
NullCheck(L_39);
InterfaceActionInvoker0::Invoke(0 /* System.Void System.IDisposable::Dispose() */, IDisposable_t_2098447282_0_il2cpp_TypeInfo_var, L_39);
IL2CPP_END_FINALLY(285)
}
} // end finally (depth: 1)
IL2CPP_CLEANUP(285)
{
IL2CPP_JUMP_TBL(0x132, IL_0132)
IL2CPP_RETHROW_IF_UNHANDLED(Exception_t2143823668_0 *)
}
IL_0132:
{
return;
}
}
// System.Void System.Security.Cryptography.X509Certificates.X509SubjectKeyIdentifierExtension::.ctor()
extern TypeInfo* Oid_t1024680945_0_il2cpp_TypeInfo_var;
extern Il2CppCodeGenString* _stringLiteral_455597451_0;
extern Il2CppCodeGenString* _stringLiteral1887966_0;
extern "C" void X509SubjectKeyIdentifierExtension__ctor_m_816707866_0 (X509SubjectKeyIdentifierExtension_t_580700310_0 * __this, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
Oid_t1024680945_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(662);
_stringLiteral_455597451_0 = il2cpp_codegen_string_literal_from_index(1546);
_stringLiteral1887966_0 = il2cpp_codegen_string_literal_from_index(2307);
s_Il2CppMethodIntialized = true;
}
{
X509Extension__ctor_m1164925482_0(__this, /*hidden argument*/NULL);
Oid_t1024680945_0 * L_0 = (Oid_t1024680945_0 *)il2cpp_codegen_object_new (Oid_t1024680945_0_il2cpp_TypeInfo_var);
Oid__ctor_m1889247193_0(L_0, _stringLiteral_455597451_0, _stringLiteral1887966_0, /*hidden argument*/NULL);
((AsnEncodedData_t_194939595_0 *)__this)->____oid_0 = L_0;
return;
}
}
// System.Void System.Security.Cryptography.X509Certificates.X509SubjectKeyIdentifierExtension::.ctor(System.Security.Cryptography.AsnEncodedData,System.Boolean)
extern TypeInfo* Oid_t1024680945_0_il2cpp_TypeInfo_var;
extern Il2CppCodeGenString* _stringLiteral_455597451_0;
extern Il2CppCodeGenString* _stringLiteral1887966_0;
extern "C" void X509SubjectKeyIdentifierExtension__ctor_m804319328_0 (X509SubjectKeyIdentifierExtension_t_580700310_0 * __this, AsnEncodedData_t_194939595_0 * ___encodedSubjectKeyIdentifier, bool ___critical, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
Oid_t1024680945_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(662);
_stringLiteral_455597451_0 = il2cpp_codegen_string_literal_from_index(1546);
_stringLiteral1887966_0 = il2cpp_codegen_string_literal_from_index(2307);
s_Il2CppMethodIntialized = true;
}
{
X509Extension__ctor_m1164925482_0(__this, /*hidden argument*/NULL);
Oid_t1024680945_0 * L_0 = (Oid_t1024680945_0 *)il2cpp_codegen_object_new (Oid_t1024680945_0_il2cpp_TypeInfo_var);
Oid__ctor_m1889247193_0(L_0, _stringLiteral_455597451_0, _stringLiteral1887966_0, /*hidden argument*/NULL);
((AsnEncodedData_t_194939595_0 *)__this)->____oid_0 = L_0;
AsnEncodedData_t_194939595_0 * L_1 = ___encodedSubjectKeyIdentifier;
NullCheck(L_1);
ByteU5BU5D_t_1238178395_0* L_2 = AsnEncodedData_get_RawData_m334685068_0(L_1, /*hidden argument*/NULL);
((AsnEncodedData_t_194939595_0 *)__this)->____raw_1 = L_2;
bool L_3 = ___critical;
X509Extension_set_Critical_m717701037_0(__this, L_3, /*hidden argument*/NULL);
ByteU5BU5D_t_1238178395_0* L_4 = AsnEncodedData_get_RawData_m334685068_0(__this, /*hidden argument*/NULL);
int32_t L_5 = X509SubjectKeyIdentifierExtension_Decode_m_1004181261_0(__this, L_4, /*hidden argument*/NULL);
__this->____status_8 = L_5;
return;
}
}
// System.Void System.Security.Cryptography.X509Certificates.X509SubjectKeyIdentifierExtension::.ctor(System.Byte[],System.Boolean)
extern TypeInfo* ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var;
extern TypeInfo* ArgumentException_t1159624695_0_il2cpp_TypeInfo_var;
extern TypeInfo* Oid_t1024680945_0_il2cpp_TypeInfo_var;
extern TypeInfo* ByteU5BU5D_t_1238178395_0_il2cpp_TypeInfo_var;
extern Il2CppCodeGenString* _stringLiteral697474716_0;
extern Il2CppCodeGenString* _stringLiteral_455597451_0;
extern Il2CppCodeGenString* _stringLiteral1887966_0;
extern "C" void X509SubjectKeyIdentifierExtension__ctor_m_1956382086_0 (X509SubjectKeyIdentifierExtension_t_580700310_0 * __this, ByteU5BU5D_t_1238178395_0* ___subjectKeyIdentifier, bool ___critical, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(2);
ArgumentException_t1159624695_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(4);
Oid_t1024680945_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(662);
ByteU5BU5D_t_1238178395_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(42);
_stringLiteral697474716_0 = il2cpp_codegen_string_literal_from_index(2308);
_stringLiteral_455597451_0 = il2cpp_codegen_string_literal_from_index(1546);
_stringLiteral1887966_0 = il2cpp_codegen_string_literal_from_index(2307);
s_Il2CppMethodIntialized = true;
}
{
X509Extension__ctor_m1164925482_0(__this, /*hidden argument*/NULL);
ByteU5BU5D_t_1238178395_0* L_0 = ___subjectKeyIdentifier;
if (L_0)
{
goto IL_0017;
}
}
{
ArgumentNullException_t_1072101840_0 * L_1 = (ArgumentNullException_t_1072101840_0 *)il2cpp_codegen_object_new (ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var);
ArgumentNullException__ctor_m135444188_0(L_1, _stringLiteral697474716_0, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_1);
}
IL_0017:
{
ByteU5BU5D_t_1238178395_0* L_2 = ___subjectKeyIdentifier;
NullCheck(L_2);
if ((((int32_t)((int32_t)(((Array_t *)L_2)->max_length)))))
{
goto IL_002a;
}
}
{
ArgumentException_t1159624695_0 * L_3 = (ArgumentException_t1159624695_0 *)il2cpp_codegen_object_new (ArgumentException_t1159624695_0_il2cpp_TypeInfo_var);
ArgumentException__ctor_m_750110749_0(L_3, _stringLiteral697474716_0, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_3);
}
IL_002a:
{
Oid_t1024680945_0 * L_4 = (Oid_t1024680945_0 *)il2cpp_codegen_object_new (Oid_t1024680945_0_il2cpp_TypeInfo_var);
Oid__ctor_m1889247193_0(L_4, _stringLiteral_455597451_0, _stringLiteral1887966_0, /*hidden argument*/NULL);
((AsnEncodedData_t_194939595_0 *)__this)->____oid_0 = L_4;
bool L_5 = ___critical;
X509Extension_set_Critical_m717701037_0(__this, L_5, /*hidden argument*/NULL);
ByteU5BU5D_t_1238178395_0* L_6 = ___subjectKeyIdentifier;
NullCheck(L_6);
Object_t * L_7 = (Object_t *)VirtFuncInvoker0< Object_t * >::Invoke(5 /* System.Object System.Array::Clone() */, L_6);
__this->____subjectKeyIdentifier_6 = ((ByteU5BU5D_t_1238178395_0*)Castclass(L_7, ByteU5BU5D_t_1238178395_0_il2cpp_TypeInfo_var));
ByteU5BU5D_t_1238178395_0* L_8 = X509SubjectKeyIdentifierExtension_Encode_m852919050_0(__this, /*hidden argument*/NULL);
AsnEncodedData_set_RawData_m839792539_0(__this, L_8, /*hidden argument*/NULL);
return;
}
}
// System.Void System.Security.Cryptography.X509Certificates.X509SubjectKeyIdentifierExtension::.ctor(System.String,System.Boolean)
extern TypeInfo* ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var;
extern TypeInfo* ArgumentException_t1159624695_0_il2cpp_TypeInfo_var;
extern TypeInfo* Oid_t1024680945_0_il2cpp_TypeInfo_var;
extern Il2CppCodeGenString* _stringLiteral697474716_0;
extern Il2CppCodeGenString* _stringLiteral_455597451_0;
extern Il2CppCodeGenString* _stringLiteral1887966_0;
extern "C" void X509SubjectKeyIdentifierExtension__ctor_m1613029921_0 (X509SubjectKeyIdentifierExtension_t_580700310_0 * __this, String_t* ___subjectKeyIdentifier, bool ___critical, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(2);
ArgumentException_t1159624695_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(4);
Oid_t1024680945_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(662);
_stringLiteral697474716_0 = il2cpp_codegen_string_literal_from_index(2308);
_stringLiteral_455597451_0 = il2cpp_codegen_string_literal_from_index(1546);
_stringLiteral1887966_0 = il2cpp_codegen_string_literal_from_index(2307);
s_Il2CppMethodIntialized = true;
}
{
X509Extension__ctor_m1164925482_0(__this, /*hidden argument*/NULL);
String_t* L_0 = ___subjectKeyIdentifier;
if (L_0)
{
goto IL_0017;
}
}
{
ArgumentNullException_t_1072101840_0 * L_1 = (ArgumentNullException_t_1072101840_0 *)il2cpp_codegen_object_new (ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var);
ArgumentNullException__ctor_m135444188_0(L_1, _stringLiteral697474716_0, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_1);
}
IL_0017:
{
String_t* L_2 = ___subjectKeyIdentifier;
NullCheck(L_2);
int32_t L_3 = String_get_Length_m_1314969965_0(L_2, /*hidden argument*/NULL);
if ((((int32_t)L_3) >= ((int32_t)2)))
{
goto IL_002e;
}
}
{
ArgumentException_t1159624695_0 * L_4 = (ArgumentException_t1159624695_0 *)il2cpp_codegen_object_new (ArgumentException_t1159624695_0_il2cpp_TypeInfo_var);
ArgumentException__ctor_m_750110749_0(L_4, _stringLiteral697474716_0, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_4);
}
IL_002e:
{
Oid_t1024680945_0 * L_5 = (Oid_t1024680945_0 *)il2cpp_codegen_object_new (Oid_t1024680945_0_il2cpp_TypeInfo_var);
Oid__ctor_m1889247193_0(L_5, _stringLiteral_455597451_0, _stringLiteral1887966_0, /*hidden argument*/NULL);
((AsnEncodedData_t_194939595_0 *)__this)->____oid_0 = L_5;
bool L_6 = ___critical;
X509Extension_set_Critical_m717701037_0(__this, L_6, /*hidden argument*/NULL);
String_t* L_7 = ___subjectKeyIdentifier;
ByteU5BU5D_t_1238178395_0* L_8 = X509SubjectKeyIdentifierExtension_FromHex_m_300000093_0(NULL /*static, unused*/, L_7, /*hidden argument*/NULL);
__this->____subjectKeyIdentifier_6 = L_8;
ByteU5BU5D_t_1238178395_0* L_9 = X509SubjectKeyIdentifierExtension_Encode_m852919050_0(__this, /*hidden argument*/NULL);
AsnEncodedData_set_RawData_m839792539_0(__this, L_9, /*hidden argument*/NULL);
return;
}
}
// System.Void System.Security.Cryptography.X509Certificates.X509SubjectKeyIdentifierExtension::.ctor(System.Security.Cryptography.X509Certificates.PublicKey,System.Boolean)
extern "C" void X509SubjectKeyIdentifierExtension__ctor_m1879279918_0 (X509SubjectKeyIdentifierExtension_t_580700310_0 * __this, PublicKey_t_188668797_0 * ___key, bool ___critical, const MethodInfo* method)
{
{
PublicKey_t_188668797_0 * L_0 = ___key;
bool L_1 = ___critical;
X509SubjectKeyIdentifierExtension__ctor_m891295656_0(__this, L_0, 0, L_1, /*hidden argument*/NULL);
return;
}
}
// System.Void System.Security.Cryptography.X509Certificates.X509SubjectKeyIdentifierExtension::.ctor(System.Security.Cryptography.X509Certificates.PublicKey,System.Security.Cryptography.X509Certificates.X509SubjectKeyIdentifierHashAlgorithm,System.Boolean)
extern TypeInfo* ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var;
extern TypeInfo* ByteU5BU5D_t_1238178395_0_il2cpp_TypeInfo_var;
extern TypeInfo* ASN1_t311288114_0_il2cpp_TypeInfo_var;
extern TypeInfo* CryptoConfig_t545185970_0_il2cpp_TypeInfo_var;
extern TypeInfo* ArgumentException_t1159624695_0_il2cpp_TypeInfo_var;
extern TypeInfo* Oid_t1024680945_0_il2cpp_TypeInfo_var;
extern Il2CppCodeGenString* _stringLiteral106079_0;
extern Il2CppCodeGenString* _stringLiteral225490031_0;
extern Il2CppCodeGenString* _stringLiteral_455597451_0;
extern Il2CppCodeGenString* _stringLiteral1887966_0;
extern "C" void X509SubjectKeyIdentifierExtension__ctor_m891295656_0 (X509SubjectKeyIdentifierExtension_t_580700310_0 * __this, PublicKey_t_188668797_0 * ___key, int32_t ___algorithm, bool ___critical, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(2);
ByteU5BU5D_t_1238178395_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(42);
ASN1_t311288114_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(665);
CryptoConfig_t545185970_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(148);
ArgumentException_t1159624695_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(4);
Oid_t1024680945_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(662);
_stringLiteral106079_0 = il2cpp_codegen_string_literal_from_index(490);
_stringLiteral225490031_0 = il2cpp_codegen_string_literal_from_index(2309);
_stringLiteral_455597451_0 = il2cpp_codegen_string_literal_from_index(1546);
_stringLiteral1887966_0 = il2cpp_codegen_string_literal_from_index(2307);
s_Il2CppMethodIntialized = true;
}
ByteU5BU5D_t_1238178395_0* V_0 = {0};
ByteU5BU5D_t_1238178395_0* V_1 = {0};
ASN1_t311288114_0 * V_2 = {0};
ASN1_t311288114_0 * V_3 = {0};
ByteU5BU5D_t_1238178395_0* V_4 = {0};
int32_t V_5 = {0};
{
X509Extension__ctor_m1164925482_0(__this, /*hidden argument*/NULL);
PublicKey_t_188668797_0 * L_0 = ___key;
if (L_0)
{
goto IL_0017;
}
}
{
ArgumentNullException_t_1072101840_0 * L_1 = (ArgumentNullException_t_1072101840_0 *)il2cpp_codegen_object_new (ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var);
ArgumentNullException__ctor_m135444188_0(L_1, _stringLiteral106079_0, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_1);
}
IL_0017:
{
PublicKey_t_188668797_0 * L_2 = ___key;
NullCheck(L_2);
AsnEncodedData_t_194939595_0 * L_3 = PublicKey_get_EncodedKeyValue_m334858790_0(L_2, /*hidden argument*/NULL);
NullCheck(L_3);
ByteU5BU5D_t_1238178395_0* L_4 = AsnEncodedData_get_RawData_m334685068_0(L_3, /*hidden argument*/NULL);
V_0 = L_4;
int32_t L_5 = ___algorithm;
V_5 = L_5;
int32_t L_6 = V_5;
if (L_6 == 0)
{
goto IL_003e;
}
if (L_6 == 1)
{
goto IL_0054;
}
if (L_6 == 2)
{
goto IL_0098;
}
}
{
goto IL_0124;
}
IL_003e:
{
SHA1_t1522004308_0 * L_7 = SHA1_Create_m_1530104759_0(NULL /*static, unused*/, /*hidden argument*/NULL);
ByteU5BU5D_t_1238178395_0* L_8 = V_0;
NullCheck(L_7);
ByteU5BU5D_t_1238178395_0* L_9 = HashAlgorithm_ComputeHash_m1325366732_0(L_7, L_8, /*hidden argument*/NULL);
__this->____subjectKeyIdentifier_6 = L_9;
goto IL_012f;
}
IL_0054:
{
SHA1_t1522004308_0 * L_10 = SHA1_Create_m_1530104759_0(NULL /*static, unused*/, /*hidden argument*/NULL);
ByteU5BU5D_t_1238178395_0* L_11 = V_0;
NullCheck(L_10);
ByteU5BU5D_t_1238178395_0* L_12 = HashAlgorithm_ComputeHash_m1325366732_0(L_10, L_11, /*hidden argument*/NULL);
V_1 = L_12;
__this->____subjectKeyIdentifier_6 = ((ByteU5BU5D_t_1238178395_0*)SZArrayNew(ByteU5BU5D_t_1238178395_0_il2cpp_TypeInfo_var, (uint32_t)8));
ByteU5BU5D_t_1238178395_0* L_13 = V_1;
ByteU5BU5D_t_1238178395_0* L_14 = (__this->____subjectKeyIdentifier_6);
Buffer_BlockCopy_m1580643184_0(NULL /*static, unused*/, (Array_t *)(Array_t *)L_13, ((int32_t)12), (Array_t *)(Array_t *)L_14, 0, 8, /*hidden argument*/NULL);
ByteU5BU5D_t_1238178395_0* L_15 = (__this->____subjectKeyIdentifier_6);
ByteU5BU5D_t_1238178395_0* L_16 = (__this->____subjectKeyIdentifier_6);
NullCheck(L_16);
IL2CPP_ARRAY_BOUNDS_CHECK(L_16, 0);
int32_t L_17 = 0;
NullCheck(L_15);
IL2CPP_ARRAY_BOUNDS_CHECK(L_15, 0);
*((uint8_t*)(uint8_t*)SZArrayLdElema(L_15, 0, sizeof(uint8_t))) = (uint8_t)(((int32_t)((uint8_t)((int32_t)((int32_t)((int32_t)64)|(int32_t)((int32_t)((int32_t)(*(uint8_t*)(uint8_t*)SZArrayLdElema(L_16, L_17, sizeof(uint8_t)))&(int32_t)((int32_t)15))))))));
goto IL_012f;
}
IL_0098:
{
ASN1_t311288114_0 * L_18 = (ASN1_t311288114_0 *)il2cpp_codegen_object_new (ASN1_t311288114_0_il2cpp_TypeInfo_var);
ASN1__ctor_m_1208041721_0(L_18, ((int32_t)48), /*hidden argument*/NULL);
V_2 = L_18;
ASN1_t311288114_0 * L_19 = V_2;
ASN1_t311288114_0 * L_20 = (ASN1_t311288114_0 *)il2cpp_codegen_object_new (ASN1_t311288114_0_il2cpp_TypeInfo_var);
ASN1__ctor_m_1208041721_0(L_20, ((int32_t)48), /*hidden argument*/NULL);
NullCheck(L_19);
ASN1_t311288114_0 * L_21 = ASN1_Add_m1424422628_0(L_19, L_20, /*hidden argument*/NULL);
V_3 = L_21;
ASN1_t311288114_0 * L_22 = V_3;
PublicKey_t_188668797_0 * L_23 = ___key;
NullCheck(L_23);
Oid_t1024680945_0 * L_24 = PublicKey_get_Oid_m100819764_0(L_23, /*hidden argument*/NULL);
NullCheck(L_24);
String_t* L_25 = Oid_get_Value_m216923304_0(L_24, /*hidden argument*/NULL);
IL2CPP_RUNTIME_CLASS_INIT(CryptoConfig_t545185970_0_il2cpp_TypeInfo_var);
ByteU5BU5D_t_1238178395_0* L_26 = CryptoConfig_EncodeOID_m_695186360_0(NULL /*static, unused*/, L_25, /*hidden argument*/NULL);
ASN1_t311288114_0 * L_27 = (ASN1_t311288114_0 *)il2cpp_codegen_object_new (ASN1_t311288114_0_il2cpp_TypeInfo_var);
ASN1__ctor_m_1286872987_0(L_27, L_26, /*hidden argument*/NULL);
NullCheck(L_22);
ASN1_Add_m1424422628_0(L_22, L_27, /*hidden argument*/NULL);
ASN1_t311288114_0 * L_28 = V_3;
PublicKey_t_188668797_0 * L_29 = ___key;
NullCheck(L_29);
AsnEncodedData_t_194939595_0 * L_30 = PublicKey_get_EncodedParameters_m_616556802_0(L_29, /*hidden argument*/NULL);
NullCheck(L_30);
ByteU5BU5D_t_1238178395_0* L_31 = AsnEncodedData_get_RawData_m334685068_0(L_30, /*hidden argument*/NULL);
ASN1_t311288114_0 * L_32 = (ASN1_t311288114_0 *)il2cpp_codegen_object_new (ASN1_t311288114_0_il2cpp_TypeInfo_var);
ASN1__ctor_m_1286872987_0(L_32, L_31, /*hidden argument*/NULL);
NullCheck(L_28);
ASN1_Add_m1424422628_0(L_28, L_32, /*hidden argument*/NULL);
ByteU5BU5D_t_1238178395_0* L_33 = V_0;
NullCheck(L_33);
V_4 = ((ByteU5BU5D_t_1238178395_0*)SZArrayNew(ByteU5BU5D_t_1238178395_0_il2cpp_TypeInfo_var, (uint32_t)((int32_t)((int32_t)(((int32_t)((int32_t)(((Array_t *)L_33)->max_length))))+(int32_t)1))));
ByteU5BU5D_t_1238178395_0* L_34 = V_0;
ByteU5BU5D_t_1238178395_0* L_35 = V_4;
ByteU5BU5D_t_1238178395_0* L_36 = V_0;
NullCheck(L_36);
Buffer_BlockCopy_m1580643184_0(NULL /*static, unused*/, (Array_t *)(Array_t *)L_34, 0, (Array_t *)(Array_t *)L_35, 1, (((int32_t)((int32_t)(((Array_t *)L_36)->max_length)))), /*hidden argument*/NULL);
ASN1_t311288114_0 * L_37 = V_2;
ByteU5BU5D_t_1238178395_0* L_38 = V_4;
ASN1_t311288114_0 * L_39 = (ASN1_t311288114_0 *)il2cpp_codegen_object_new (ASN1_t311288114_0_il2cpp_TypeInfo_var);
ASN1__ctor_m_1567232054_0(L_39, 3, L_38, /*hidden argument*/NULL);
NullCheck(L_37);
ASN1_Add_m1424422628_0(L_37, L_39, /*hidden argument*/NULL);
SHA1_t1522004308_0 * L_40 = SHA1_Create_m_1530104759_0(NULL /*static, unused*/, /*hidden argument*/NULL);
ASN1_t311288114_0 * L_41 = V_2;
NullCheck(L_41);
ByteU5BU5D_t_1238178395_0* L_42 = (ByteU5BU5D_t_1238178395_0*)VirtFuncInvoker0< ByteU5BU5D_t_1238178395_0* >::Invoke(4 /* System.Byte[] Mono.Security.ASN1::GetBytes() */, L_41);
NullCheck(L_40);
ByteU5BU5D_t_1238178395_0* L_43 = HashAlgorithm_ComputeHash_m1325366732_0(L_40, L_42, /*hidden argument*/NULL);
__this->____subjectKeyIdentifier_6 = L_43;
goto IL_012f;
}
IL_0124:
{
ArgumentException_t1159624695_0 * L_44 = (ArgumentException_t1159624695_0 *)il2cpp_codegen_object_new (ArgumentException_t1159624695_0_il2cpp_TypeInfo_var);
ArgumentException__ctor_m_750110749_0(L_44, _stringLiteral225490031_0, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_44);
}
IL_012f:
{
Oid_t1024680945_0 * L_45 = (Oid_t1024680945_0 *)il2cpp_codegen_object_new (Oid_t1024680945_0_il2cpp_TypeInfo_var);
Oid__ctor_m1889247193_0(L_45, _stringLiteral_455597451_0, _stringLiteral1887966_0, /*hidden argument*/NULL);
((AsnEncodedData_t_194939595_0 *)__this)->____oid_0 = L_45;
bool L_46 = ___critical;
X509Extension_set_Critical_m717701037_0(__this, L_46, /*hidden argument*/NULL);
ByteU5BU5D_t_1238178395_0* L_47 = X509SubjectKeyIdentifierExtension_Encode_m852919050_0(__this, /*hidden argument*/NULL);
AsnEncodedData_set_RawData_m839792539_0(__this, L_47, /*hidden argument*/NULL);
return;
}
}
// System.String System.Security.Cryptography.X509Certificates.X509SubjectKeyIdentifierExtension::get_SubjectKeyIdentifier()
extern TypeInfo* CryptographicException_t_946073705_0_il2cpp_TypeInfo_var;
extern Il2CppCodeGenString* _stringLiteral290329807_0;
extern "C" String_t* X509SubjectKeyIdentifierExtension_get_SubjectKeyIdentifier_m_1800027776_0 (X509SubjectKeyIdentifierExtension_t_580700310_0 * __this, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
CryptographicException_t_946073705_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(131);
_stringLiteral290329807_0 = il2cpp_codegen_string_literal_from_index(2248);
s_Il2CppMethodIntialized = true;
}
int32_t V_0 = {0};
{
int32_t L_0 = (__this->____status_8);
V_0 = L_0;
int32_t L_1 = V_0;
if (!L_1)
{
goto IL_0019;
}
}
{
int32_t L_2 = V_0;
if ((((int32_t)L_2) == ((int32_t)4)))
{
goto IL_0019;
}
}
{
goto IL_003c;
}
IL_0019:
{
ByteU5BU5D_t_1238178395_0* L_3 = (__this->____subjectKeyIdentifier_6);
if (!L_3)
{
goto IL_0035;
}
}
{
ByteU5BU5D_t_1238178395_0* L_4 = (__this->____subjectKeyIdentifier_6);
String_t* L_5 = CryptoConvert_ToHex_m1331445157_0(NULL /*static, unused*/, L_4, /*hidden argument*/NULL);
__this->____ski_7 = L_5;
}
IL_0035:
{
String_t* L_6 = (__this->____ski_7);
return L_6;
}
IL_003c:
{
CryptographicException_t_946073705_0 * L_7 = (CryptographicException_t_946073705_0 *)il2cpp_codegen_object_new (CryptographicException_t_946073705_0_il2cpp_TypeInfo_var);
CryptographicException__ctor_m_1894244407_0(L_7, _stringLiteral290329807_0, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_7);
}
}
// System.Void System.Security.Cryptography.X509Certificates.X509SubjectKeyIdentifierExtension::CopyFrom(System.Security.Cryptography.AsnEncodedData)
extern TypeInfo* ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var;
extern TypeInfo* X509Extension_t_1686437850_0_il2cpp_TypeInfo_var;
extern TypeInfo* ArgumentException_t1159624695_0_il2cpp_TypeInfo_var;
extern TypeInfo* Oid_t1024680945_0_il2cpp_TypeInfo_var;
extern Il2CppCodeGenString* _stringLiteral1926017496_0;
extern Il2CppCodeGenString* _stringLiteral_726479903_0;
extern Il2CppCodeGenString* _stringLiteral_455597451_0;
extern Il2CppCodeGenString* _stringLiteral1887966_0;
extern "C" void X509SubjectKeyIdentifierExtension_CopyFrom_m_896678938_0 (X509SubjectKeyIdentifierExtension_t_580700310_0 * __this, AsnEncodedData_t_194939595_0 * ___encodedData, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(2);
X509Extension_t_1686437850_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(667);
ArgumentException_t1159624695_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(4);
Oid_t1024680945_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(662);
_stringLiteral1926017496_0 = il2cpp_codegen_string_literal_from_index(2284);
_stringLiteral_726479903_0 = il2cpp_codegen_string_literal_from_index(2250);
_stringLiteral_455597451_0 = il2cpp_codegen_string_literal_from_index(1546);
_stringLiteral1887966_0 = il2cpp_codegen_string_literal_from_index(2307);
s_Il2CppMethodIntialized = true;
}
X509Extension_t_1686437850_0 * V_0 = {0};
{
AsnEncodedData_t_194939595_0 * L_0 = ___encodedData;
if (L_0)
{
goto IL_0011;
}
}
{
ArgumentNullException_t_1072101840_0 * L_1 = (ArgumentNullException_t_1072101840_0 *)il2cpp_codegen_object_new (ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var);
ArgumentNullException__ctor_m135444188_0(L_1, _stringLiteral1926017496_0, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_1);
}
IL_0011:
{
AsnEncodedData_t_194939595_0 * L_2 = ___encodedData;
V_0 = ((X509Extension_t_1686437850_0 *)IsInstClass(L_2, X509Extension_t_1686437850_0_il2cpp_TypeInfo_var));
X509Extension_t_1686437850_0 * L_3 = V_0;
if (L_3)
{
goto IL_0033;
}
}
{
String_t* L_4 = Locale_GetText_m_1025094110_0(NULL /*static, unused*/, _stringLiteral_726479903_0, /*hidden argument*/NULL);
ArgumentException_t1159624695_0 * L_5 = (ArgumentException_t1159624695_0 *)il2cpp_codegen_object_new (ArgumentException_t1159624695_0_il2cpp_TypeInfo_var);
ArgumentException__ctor_m732321503_0(L_5, L_4, _stringLiteral1926017496_0, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_5);
}
IL_0033:
{
X509Extension_t_1686437850_0 * L_6 = V_0;
NullCheck(L_6);
Oid_t1024680945_0 * L_7 = (((AsnEncodedData_t_194939595_0 *)L_6)->____oid_0);
if (L_7)
{
goto IL_0058;
}
}
{
Oid_t1024680945_0 * L_8 = (Oid_t1024680945_0 *)il2cpp_codegen_object_new (Oid_t1024680945_0_il2cpp_TypeInfo_var);
Oid__ctor_m1889247193_0(L_8, _stringLiteral_455597451_0, _stringLiteral1887966_0, /*hidden argument*/NULL);
((AsnEncodedData_t_194939595_0 *)__this)->____oid_0 = L_8;
goto IL_0069;
}
IL_0058:
{
X509Extension_t_1686437850_0 * L_9 = V_0;
NullCheck(L_9);
Oid_t1024680945_0 * L_10 = (((AsnEncodedData_t_194939595_0 *)L_9)->____oid_0);
Oid_t1024680945_0 * L_11 = (Oid_t1024680945_0 *)il2cpp_codegen_object_new (Oid_t1024680945_0_il2cpp_TypeInfo_var);
Oid__ctor_m_218583058_0(L_11, L_10, /*hidden argument*/NULL);
((AsnEncodedData_t_194939595_0 *)__this)->____oid_0 = L_11;
}
IL_0069:
{
X509Extension_t_1686437850_0 * L_12 = V_0;
NullCheck(L_12);
ByteU5BU5D_t_1238178395_0* L_13 = AsnEncodedData_get_RawData_m334685068_0(L_12, /*hidden argument*/NULL);
AsnEncodedData_set_RawData_m839792539_0(__this, L_13, /*hidden argument*/NULL);
X509Extension_t_1686437850_0 * L_14 = V_0;
NullCheck(L_14);
bool L_15 = X509Extension_get_Critical_m1925069548_0(L_14, /*hidden argument*/NULL);
X509Extension_set_Critical_m717701037_0(__this, L_15, /*hidden argument*/NULL);
ByteU5BU5D_t_1238178395_0* L_16 = AsnEncodedData_get_RawData_m334685068_0(__this, /*hidden argument*/NULL);
int32_t L_17 = X509SubjectKeyIdentifierExtension_Decode_m_1004181261_0(__this, L_16, /*hidden argument*/NULL);
__this->____status_8 = L_17;
return;
}
}
// System.Byte System.Security.Cryptography.X509Certificates.X509SubjectKeyIdentifierExtension::FromHexChar(System.Char)
extern "C" uint8_t X509SubjectKeyIdentifierExtension_FromHexChar_m751746662_0 (Object_t * __this /* static, unused */, uint16_t ___c, const MethodInfo* method)
{
{
uint16_t L_0 = ___c;
if ((((int32_t)L_0) < ((int32_t)((int32_t)97))))
{
goto IL_0019;
}
}
{
uint16_t L_1 = ___c;
if ((((int32_t)L_1) > ((int32_t)((int32_t)102))))
{
goto IL_0019;
}
}
{
uint16_t L_2 = ___c;
return (((int32_t)((uint8_t)((int32_t)((int32_t)((int32_t)((int32_t)L_2-(int32_t)((int32_t)97)))+(int32_t)((int32_t)10))))));
}
IL_0019:
{
uint16_t L_3 = ___c;
if ((((int32_t)L_3) < ((int32_t)((int32_t)65))))
{
goto IL_0032;
}
}
{
uint16_t L_4 = ___c;
if ((((int32_t)L_4) > ((int32_t)((int32_t)70))))
{
goto IL_0032;
}
}
{
uint16_t L_5 = ___c;
return (((int32_t)((uint8_t)((int32_t)((int32_t)((int32_t)((int32_t)L_5-(int32_t)((int32_t)65)))+(int32_t)((int32_t)10))))));
}
IL_0032:
{
uint16_t L_6 = ___c;
if ((((int32_t)L_6) < ((int32_t)((int32_t)48))))
{
goto IL_0048;
}
}
{
uint16_t L_7 = ___c;
if ((((int32_t)L_7) > ((int32_t)((int32_t)57))))
{
goto IL_0048;
}
}
{
uint16_t L_8 = ___c;
return (((int32_t)((uint8_t)((int32_t)((int32_t)L_8-(int32_t)((int32_t)48))))));
}
IL_0048:
{
return ((int32_t)255);
}
}
// System.Byte System.Security.Cryptography.X509Certificates.X509SubjectKeyIdentifierExtension::FromHexChars(System.Char,System.Char)
extern "C" uint8_t X509SubjectKeyIdentifierExtension_FromHexChars_m_564518954_0 (Object_t * __this /* static, unused */, uint16_t ___c1, uint16_t ___c2, const MethodInfo* method)
{
uint8_t V_0 = 0x0;
{
uint16_t L_0 = ___c1;
uint8_t L_1 = X509SubjectKeyIdentifierExtension_FromHexChar_m751746662_0(NULL /*static, unused*/, L_0, /*hidden argument*/NULL);
V_0 = L_1;
uint8_t L_2 = V_0;
if ((((int32_t)L_2) >= ((int32_t)((int32_t)255))))
{
goto IL_001e;
}
}
{
uint8_t L_3 = V_0;
uint16_t L_4 = ___c2;
uint8_t L_5 = X509SubjectKeyIdentifierExtension_FromHexChar_m751746662_0(NULL /*static, unused*/, L_4, /*hidden argument*/NULL);
V_0 = (((int32_t)((uint8_t)((int32_t)((int32_t)((int32_t)((int32_t)L_3<<(int32_t)4))|(int32_t)L_5)))));
}
IL_001e:
{
uint8_t L_6 = V_0;
return L_6;
}
}
// System.Byte[] System.Security.Cryptography.X509Certificates.X509SubjectKeyIdentifierExtension::FromHex(System.String)
extern TypeInfo* ByteU5BU5D_t_1238178395_0_il2cpp_TypeInfo_var;
extern "C" ByteU5BU5D_t_1238178395_0* X509SubjectKeyIdentifierExtension_FromHex_m_300000093_0 (Object_t * __this /* static, unused */, String_t* ___hex, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
ByteU5BU5D_t_1238178395_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(42);
s_Il2CppMethodIntialized = true;
}
int32_t V_0 = 0;
ByteU5BU5D_t_1238178395_0* V_1 = {0};
int32_t V_2 = 0;
int32_t V_3 = 0;
{
String_t* L_0 = ___hex;
if (L_0)
{
goto IL_0008;
}
}
{
return (ByteU5BU5D_t_1238178395_0*)NULL;
}
IL_0008:
{
String_t* L_1 = ___hex;
NullCheck(L_1);
int32_t L_2 = String_get_Length_m_1314969965_0(L_1, /*hidden argument*/NULL);
V_0 = ((int32_t)((int32_t)L_2>>(int32_t)1));
int32_t L_3 = V_0;
V_1 = ((ByteU5BU5D_t_1238178395_0*)SZArrayNew(ByteU5BU5D_t_1238178395_0_il2cpp_TypeInfo_var, (uint32_t)L_3));
V_2 = 0;
V_3 = 0;
goto IL_0043;
}
IL_0021:
{
ByteU5BU5D_t_1238178395_0* L_4 = V_1;
int32_t L_5 = V_2;
int32_t L_6 = L_5;
V_2 = ((int32_t)((int32_t)L_6+(int32_t)1));
String_t* L_7 = ___hex;
int32_t L_8 = V_3;
int32_t L_9 = L_8;
V_3 = ((int32_t)((int32_t)L_9+(int32_t)1));
NullCheck(L_7);
uint16_t L_10 = String_get_Chars_m_1279625435_0(L_7, L_9, /*hidden argument*/NULL);
String_t* L_11 = ___hex;
int32_t L_12 = V_3;
int32_t L_13 = L_12;
V_3 = ((int32_t)((int32_t)L_13+(int32_t)1));
NullCheck(L_11);
uint16_t L_14 = String_get_Chars_m_1279625435_0(L_11, L_13, /*hidden argument*/NULL);
uint8_t L_15 = X509SubjectKeyIdentifierExtension_FromHexChars_m_564518954_0(NULL /*static, unused*/, L_10, L_14, /*hidden argument*/NULL);
NullCheck(L_4);
IL2CPP_ARRAY_BOUNDS_CHECK(L_4, L_6);
*((uint8_t*)(uint8_t*)SZArrayLdElema(L_4, L_6, sizeof(uint8_t))) = (uint8_t)L_15;
}
IL_0043:
{
int32_t L_16 = V_2;
int32_t L_17 = V_0;
if ((((int32_t)L_16) < ((int32_t)L_17)))
{
goto IL_0021;
}
}
{
ByteU5BU5D_t_1238178395_0* L_18 = V_1;
return L_18;
}
}
// System.Security.Cryptography.AsnDecodeStatus System.Security.Cryptography.X509Certificates.X509SubjectKeyIdentifierExtension::Decode(System.Byte[])
extern TypeInfo* String_t_il2cpp_TypeInfo_var;
extern TypeInfo* ASN1_t311288114_0_il2cpp_TypeInfo_var;
extern TypeInfo* Object_t_il2cpp_TypeInfo_var;
extern "C" int32_t X509SubjectKeyIdentifierExtension_Decode_m_1004181261_0 (X509SubjectKeyIdentifierExtension_t_580700310_0 * __this, ByteU5BU5D_t_1238178395_0* ___extension, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
String_t_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(11);
ASN1_t311288114_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(665);
Object_t_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(0);
s_Il2CppMethodIntialized = true;
}
ASN1_t311288114_0 * V_0 = {0};
int32_t V_1 = {0};
Exception_t2143823668_0 * __last_unhandled_exception = 0;
NO_UNUSED_WARNING (__last_unhandled_exception);
Exception_t2143823668_0 * __exception_local = 0;
NO_UNUSED_WARNING (__exception_local);
int32_t __leave_target = 0;
NO_UNUSED_WARNING (__leave_target);
{
ByteU5BU5D_t_1238178395_0* L_0 = ___extension;
if (!L_0)
{
goto IL_000e;
}
}
{
ByteU5BU5D_t_1238178395_0* L_1 = ___extension;
NullCheck(L_1);
if ((((int32_t)((int32_t)(((Array_t *)L_1)->max_length)))))
{
goto IL_0010;
}
}
IL_000e:
{
return (int32_t)(1);
}
IL_0010:
{
IL2CPP_RUNTIME_CLASS_INIT(String_t_il2cpp_TypeInfo_var);
String_t* L_2 = ((String_t_StaticFields*)String_t_il2cpp_TypeInfo_var->static_fields)->___Empty_2;
__this->____ski_7 = L_2;
ByteU5BU5D_t_1238178395_0* L_3 = ___extension;
NullCheck(L_3);
IL2CPP_ARRAY_BOUNDS_CHECK(L_3, 0);
int32_t L_4 = 0;
if ((((int32_t)(*(uint8_t*)(uint8_t*)SZArrayLdElema(L_3, L_4, sizeof(uint8_t)))) == ((int32_t)4)))
{
goto IL_0026;
}
}
{
return (int32_t)(2);
}
IL_0026:
{
ByteU5BU5D_t_1238178395_0* L_5 = ___extension;
NullCheck(L_5);
if ((!(((uint32_t)(((int32_t)((int32_t)(((Array_t *)L_5)->max_length))))) == ((uint32_t)2))))
{
goto IL_0031;
}
}
{
return (int32_t)(4);
}
IL_0031:
{
ByteU5BU5D_t_1238178395_0* L_6 = ___extension;
NullCheck(L_6);
if ((((int32_t)(((int32_t)((int32_t)(((Array_t *)L_6)->max_length))))) >= ((int32_t)3)))
{
goto IL_003c;
}
}
{
return (int32_t)(3);
}
IL_003c:
try
{ // begin try (depth: 1)
ByteU5BU5D_t_1238178395_0* L_7 = ___extension;
ASN1_t311288114_0 * L_8 = (ASN1_t311288114_0 *)il2cpp_codegen_object_new (ASN1_t311288114_0_il2cpp_TypeInfo_var);
ASN1__ctor_m_1286872987_0(L_8, L_7, /*hidden argument*/NULL);
V_0 = L_8;
ASN1_t311288114_0 * L_9 = V_0;
NullCheck(L_9);
ByteU5BU5D_t_1238178395_0* L_10 = ASN1_get_Value_m390067040_0(L_9, /*hidden argument*/NULL);
__this->____subjectKeyIdentifier_6 = L_10;
goto IL_0061;
} // end try (depth: 1)
catch(Il2CppExceptionWrapper& e)
{
__exception_local = (Exception_t2143823668_0 *)e.ex;
if(il2cpp_codegen_class_is_assignable_from (Object_t_il2cpp_TypeInfo_var, e.ex->object.klass))
goto CATCH_0054;
throw e;
}
CATCH_0054:
{ // begin catch(System.Object)
{
V_1 = 1;
goto IL_0063;
}
IL_005c:
{
; // IL_005c: leave IL_0061
}
} // end catch (depth: 1)
IL_0061:
{
return (int32_t)(0);
}
IL_0063:
{
int32_t L_11 = V_1;
return L_11;
}
}
// System.Byte[] System.Security.Cryptography.X509Certificates.X509SubjectKeyIdentifierExtension::Encode()
extern TypeInfo* ASN1_t311288114_0_il2cpp_TypeInfo_var;
extern "C" ByteU5BU5D_t_1238178395_0* X509SubjectKeyIdentifierExtension_Encode_m852919050_0 (X509SubjectKeyIdentifierExtension_t_580700310_0 * __this, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
ASN1_t311288114_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(665);
s_Il2CppMethodIntialized = true;
}
ASN1_t311288114_0 * V_0 = {0};
{
ByteU5BU5D_t_1238178395_0* L_0 = (__this->____subjectKeyIdentifier_6);
ASN1_t311288114_0 * L_1 = (ASN1_t311288114_0 *)il2cpp_codegen_object_new (ASN1_t311288114_0_il2cpp_TypeInfo_var);
ASN1__ctor_m_1567232054_0(L_1, 4, L_0, /*hidden argument*/NULL);
V_0 = L_1;
ASN1_t311288114_0 * L_2 = V_0;
NullCheck(L_2);
ByteU5BU5D_t_1238178395_0* L_3 = (ByteU5BU5D_t_1238178395_0*)VirtFuncInvoker0< ByteU5BU5D_t_1238178395_0* >::Invoke(4 /* System.Byte[] Mono.Security.ASN1::GetBytes() */, L_2);
return L_3;
}
}
// System.String System.Security.Cryptography.X509Certificates.X509SubjectKeyIdentifierExtension::ToString(System.Boolean)
extern TypeInfo* String_t_il2cpp_TypeInfo_var;
extern TypeInfo* StringBuilder_t586045924_0_il2cpp_TypeInfo_var;
extern Il2CppCodeGenString* _stringLiteral608242024_0;
extern Il2CppCodeGenString* _stringLiteral_455597451_0;
extern Il2CppCodeGenString* _stringLiteral59567507_0;
extern Il2CppCodeGenString* _stringLiteral3770_0;
extern Il2CppCodeGenString* _stringLiteral32_0;
extern "C" String_t* X509SubjectKeyIdentifierExtension_ToString_m_1698503810_0 (X509SubjectKeyIdentifierExtension_t_580700310_0 * __this, bool ___multiLine, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
String_t_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(11);
StringBuilder_t586045924_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(36);
_stringLiteral608242024_0 = il2cpp_codegen_string_literal_from_index(2251);
_stringLiteral_455597451_0 = il2cpp_codegen_string_literal_from_index(1546);
_stringLiteral59567507_0 = il2cpp_codegen_string_literal_from_index(2252);
_stringLiteral3770_0 = il2cpp_codegen_string_literal_from_index(132);
_stringLiteral32_0 = il2cpp_codegen_string_literal_from_index(232);
s_Il2CppMethodIntialized = true;
}
StringBuilder_t586045924_0 * V_0 = {0};
int32_t V_1 = 0;
int32_t V_2 = {0};
{
int32_t L_0 = (__this->____status_8);
V_2 = L_0;
int32_t L_1 = V_2;
if (((int32_t)((int32_t)L_1-(int32_t)1)) == 0)
{
goto IL_0024;
}
if (((int32_t)((int32_t)L_1-(int32_t)1)) == 1)
{
goto IL_002a;
}
if (((int32_t)((int32_t)L_1-(int32_t)1)) == 2)
{
goto IL_002a;
}
if (((int32_t)((int32_t)L_1-(int32_t)1)) == 3)
{
goto IL_0037;
}
}
{
goto IL_003d;
}
IL_0024:
{
IL2CPP_RUNTIME_CLASS_INIT(String_t_il2cpp_TypeInfo_var);
String_t* L_2 = ((String_t_StaticFields*)String_t_il2cpp_TypeInfo_var->static_fields)->___Empty_2;
return L_2;
}
IL_002a:
{
ByteU5BU5D_t_1238178395_0* L_3 = (((AsnEncodedData_t_194939595_0 *)__this)->____raw_1);
String_t* L_4 = X509Extension_FormatUnkownData_m_60566915_0(__this, L_3, /*hidden argument*/NULL);
return L_4;
}
IL_0037:
{
return _stringLiteral608242024_0;
}
IL_003d:
{
Oid_t1024680945_0 * L_5 = (((AsnEncodedData_t_194939595_0 *)__this)->____oid_0);
NullCheck(L_5);
String_t* L_6 = Oid_get_Value_m216923304_0(L_5, /*hidden argument*/NULL);
IL2CPP_RUNTIME_CLASS_INIT(String_t_il2cpp_TypeInfo_var);
bool L_7 = String_op_Inequality_m2125462205_0(NULL /*static, unused*/, L_6, _stringLiteral_455597451_0, /*hidden argument*/NULL);
if (!L_7)
{
goto IL_006d;
}
}
{
Oid_t1024680945_0 * L_8 = (((AsnEncodedData_t_194939595_0 *)__this)->____oid_0);
NullCheck(L_8);
String_t* L_9 = Oid_get_Value_m216923304_0(L_8, /*hidden argument*/NULL);
IL2CPP_RUNTIME_CLASS_INIT(String_t_il2cpp_TypeInfo_var);
String_t* L_10 = String_Format_m_1823716516_0(NULL /*static, unused*/, _stringLiteral59567507_0, L_9, /*hidden argument*/NULL);
return L_10;
}
IL_006d:
{
StringBuilder_t586045924_0 * L_11 = (StringBuilder_t586045924_0 *)il2cpp_codegen_object_new (StringBuilder_t586045924_0_il2cpp_TypeInfo_var);
StringBuilder__ctor_m135953004_0(L_11, /*hidden argument*/NULL);
V_0 = L_11;
V_1 = 0;
goto IL_00b7;
}
IL_007a:
{
StringBuilder_t586045924_0 * L_12 = V_0;
ByteU5BU5D_t_1238178395_0* L_13 = (__this->____subjectKeyIdentifier_6);
int32_t L_14 = V_1;
NullCheck(L_13);
IL2CPP_ARRAY_BOUNDS_CHECK(L_13, L_14);
String_t* L_15 = Byte_ToString_m_329952990_0(((uint8_t*)(uint8_t*)SZArrayLdElema(L_13, L_14, sizeof(uint8_t))), _stringLiteral3770_0, /*hidden argument*/NULL);
NullCheck(L_12);
StringBuilder_Append_m_396877221_0(L_12, L_15, /*hidden argument*/NULL);
int32_t L_16 = V_1;
ByteU5BU5D_t_1238178395_0* L_17 = (__this->____subjectKeyIdentifier_6);
NullCheck(L_17);
if ((((int32_t)L_16) == ((int32_t)((int32_t)((int32_t)(((int32_t)((int32_t)(((Array_t *)L_17)->max_length))))-(int32_t)1)))))
{
goto IL_00b3;
}
}
{
StringBuilder_t586045924_0 * L_18 = V_0;
NullCheck(L_18);
StringBuilder_Append_m_396877221_0(L_18, _stringLiteral32_0, /*hidden argument*/NULL);
}
IL_00b3:
{
int32_t L_19 = V_1;
V_1 = ((int32_t)((int32_t)L_19+(int32_t)1));
}
IL_00b7:
{
int32_t L_20 = V_1;
ByteU5BU5D_t_1238178395_0* L_21 = (__this->____subjectKeyIdentifier_6);
NullCheck(L_21);
if ((((int32_t)L_20) < ((int32_t)(((int32_t)((int32_t)(((Array_t *)L_21)->max_length)))))))
{
goto IL_007a;
}
}
{
bool L_22 = ___multiLine;
if (!L_22)
{
goto IL_00d7;
}
}
{
StringBuilder_t586045924_0 * L_23 = V_0;
String_t* L_24 = Environment_get_NewLine_m1034655108_0(NULL /*static, unused*/, /*hidden argument*/NULL);
NullCheck(L_23);
StringBuilder_Append_m_396877221_0(L_23, L_24, /*hidden argument*/NULL);
}
IL_00d7:
{
StringBuilder_t586045924_0 * L_25 = V_0;
NullCheck(L_25);
String_t* L_26 = StringBuilder_ToString_m350379841_0(L_25, /*hidden argument*/NULL);
return L_26;
}
}
// System.Void System.Security.Cryptography.AsnEncodedData::.ctor()
extern "C" void AsnEncodedData__ctor_m_78913541_0 (AsnEncodedData_t_194939595_0 * __this, const MethodInfo* method)
{
{
Object__ctor_m1772956182_0(__this, /*hidden argument*/NULL);
return;
}
}
// System.Void System.Security.Cryptography.AsnEncodedData::.ctor(System.String,System.Byte[])
extern TypeInfo* Oid_t1024680945_0_il2cpp_TypeInfo_var;
extern "C" void AsnEncodedData__ctor_m_1453672534_0 (AsnEncodedData_t_194939595_0 * __this, String_t* ___oid, ByteU5BU5D_t_1238178395_0* ___rawData, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
Oid_t1024680945_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(662);
s_Il2CppMethodIntialized = true;
}
{
Object__ctor_m1772956182_0(__this, /*hidden argument*/NULL);
String_t* L_0 = ___oid;
Oid_t1024680945_0 * L_1 = (Oid_t1024680945_0 *)il2cpp_codegen_object_new (Oid_t1024680945_0_il2cpp_TypeInfo_var);
Oid__ctor_m_1507238307_0(L_1, L_0, /*hidden argument*/NULL);
__this->____oid_0 = L_1;
ByteU5BU5D_t_1238178395_0* L_2 = ___rawData;
AsnEncodedData_set_RawData_m839792539_0(__this, L_2, /*hidden argument*/NULL);
return;
}
}
// System.Void System.Security.Cryptography.AsnEncodedData::.ctor(System.Security.Cryptography.Oid,System.Byte[])
extern "C" void AsnEncodedData__ctor_m299043111_0 (AsnEncodedData_t_194939595_0 * __this, Oid_t1024680945_0 * ___oid, ByteU5BU5D_t_1238178395_0* ___rawData, const MethodInfo* method)
{
{
Object__ctor_m1772956182_0(__this, /*hidden argument*/NULL);
Oid_t1024680945_0 * L_0 = ___oid;
AsnEncodedData_set_Oid_m865125231_0(__this, L_0, /*hidden argument*/NULL);
ByteU5BU5D_t_1238178395_0* L_1 = ___rawData;
AsnEncodedData_set_RawData_m839792539_0(__this, L_1, /*hidden argument*/NULL);
return;
}
}
// System.Security.Cryptography.Oid System.Security.Cryptography.AsnEncodedData::get_Oid()
extern "C" Oid_t1024680945_0 * AsnEncodedData_get_Oid_m_2033850686_0 (AsnEncodedData_t_194939595_0 * __this, const MethodInfo* method)
{
{
Oid_t1024680945_0 * L_0 = (__this->____oid_0);
return L_0;
}
}
// System.Void System.Security.Cryptography.AsnEncodedData::set_Oid(System.Security.Cryptography.Oid)
extern TypeInfo* Oid_t1024680945_0_il2cpp_TypeInfo_var;
extern "C" void AsnEncodedData_set_Oid_m865125231_0 (AsnEncodedData_t_194939595_0 * __this, Oid_t1024680945_0 * ___value, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
Oid_t1024680945_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(662);
s_Il2CppMethodIntialized = true;
}
{
Oid_t1024680945_0 * L_0 = ___value;
if (L_0)
{
goto IL_0012;
}
}
{
__this->____oid_0 = (Oid_t1024680945_0 *)NULL;
goto IL_001e;
}
IL_0012:
{
Oid_t1024680945_0 * L_1 = ___value;
Oid_t1024680945_0 * L_2 = (Oid_t1024680945_0 *)il2cpp_codegen_object_new (Oid_t1024680945_0_il2cpp_TypeInfo_var);
Oid__ctor_m_218583058_0(L_2, L_1, /*hidden argument*/NULL);
__this->____oid_0 = L_2;
}
IL_001e:
{
return;
}
}
// System.Byte[] System.Security.Cryptography.AsnEncodedData::get_RawData()
extern "C" ByteU5BU5D_t_1238178395_0* AsnEncodedData_get_RawData_m334685068_0 (AsnEncodedData_t_194939595_0 * __this, const MethodInfo* method)
{
{
ByteU5BU5D_t_1238178395_0* L_0 = (__this->____raw_1);
return L_0;
}
}
// System.Void System.Security.Cryptography.AsnEncodedData::set_RawData(System.Byte[])
extern TypeInfo* ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var;
extern TypeInfo* ByteU5BU5D_t_1238178395_0_il2cpp_TypeInfo_var;
extern Il2CppCodeGenString* _stringLiteral_1645060142_0;
extern "C" void AsnEncodedData_set_RawData_m839792539_0 (AsnEncodedData_t_194939595_0 * __this, ByteU5BU5D_t_1238178395_0* ___value, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(2);
ByteU5BU5D_t_1238178395_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(42);
_stringLiteral_1645060142_0 = il2cpp_codegen_string_literal_from_index(1435);
s_Il2CppMethodIntialized = true;
}
{
ByteU5BU5D_t_1238178395_0* L_0 = ___value;
if (L_0)
{
goto IL_0011;
}
}
{
ArgumentNullException_t_1072101840_0 * L_1 = (ArgumentNullException_t_1072101840_0 *)il2cpp_codegen_object_new (ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var);
ArgumentNullException__ctor_m135444188_0(L_1, _stringLiteral_1645060142_0, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_1);
}
IL_0011:
{
ByteU5BU5D_t_1238178395_0* L_2 = ___value;
NullCheck(L_2);
Object_t * L_3 = (Object_t *)VirtFuncInvoker0< Object_t * >::Invoke(5 /* System.Object System.Array::Clone() */, L_2);
__this->____raw_1 = ((ByteU5BU5D_t_1238178395_0*)Castclass(L_3, ByteU5BU5D_t_1238178395_0_il2cpp_TypeInfo_var));
return;
}
}
// System.Void System.Security.Cryptography.AsnEncodedData::CopyFrom(System.Security.Cryptography.AsnEncodedData)
extern TypeInfo* ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var;
extern TypeInfo* Oid_t1024680945_0_il2cpp_TypeInfo_var;
extern Il2CppCodeGenString* _stringLiteral_563037764_0;
extern "C" void AsnEncodedData_CopyFrom_m406388795_0 (AsnEncodedData_t_194939595_0 * __this, AsnEncodedData_t_194939595_0 * ___asnEncodedData, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(2);
Oid_t1024680945_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(662);
_stringLiteral_563037764_0 = il2cpp_codegen_string_literal_from_index(2249);
s_Il2CppMethodIntialized = true;
}
{
AsnEncodedData_t_194939595_0 * L_0 = ___asnEncodedData;
if (L_0)
{
goto IL_0011;
}
}
{
ArgumentNullException_t_1072101840_0 * L_1 = (ArgumentNullException_t_1072101840_0 *)il2cpp_codegen_object_new (ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var);
ArgumentNullException__ctor_m135444188_0(L_1, _stringLiteral_563037764_0, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_1);
}
IL_0011:
{
AsnEncodedData_t_194939595_0 * L_2 = ___asnEncodedData;
NullCheck(L_2);
Oid_t1024680945_0 * L_3 = (L_2->____oid_0);
if (L_3)
{
goto IL_0028;
}
}
{
AsnEncodedData_set_Oid_m865125231_0(__this, (Oid_t1024680945_0 *)NULL, /*hidden argument*/NULL);
goto IL_0039;
}
IL_0028:
{
AsnEncodedData_t_194939595_0 * L_4 = ___asnEncodedData;
NullCheck(L_4);
Oid_t1024680945_0 * L_5 = (L_4->____oid_0);
Oid_t1024680945_0 * L_6 = (Oid_t1024680945_0 *)il2cpp_codegen_object_new (Oid_t1024680945_0_il2cpp_TypeInfo_var);
Oid__ctor_m_218583058_0(L_6, L_5, /*hidden argument*/NULL);
AsnEncodedData_set_Oid_m865125231_0(__this, L_6, /*hidden argument*/NULL);
}
IL_0039:
{
AsnEncodedData_t_194939595_0 * L_7 = ___asnEncodedData;
NullCheck(L_7);
ByteU5BU5D_t_1238178395_0* L_8 = (L_7->____raw_1);
AsnEncodedData_set_RawData_m839792539_0(__this, L_8, /*hidden argument*/NULL);
return;
}
}
// System.String System.Security.Cryptography.AsnEncodedData::ToString(System.Boolean)
extern TypeInfo* AsnEncodedData_t_194939595_0_il2cpp_TypeInfo_var;
extern TypeInfo* Dictionary_2_t_1305703446_0_il2cpp_TypeInfo_var;
extern const MethodInfo* Dictionary_2__ctor_m1958628151_0_MethodInfo_var;
extern Il2CppCodeGenString* _stringLiteral_455597446_0;
extern Il2CppCodeGenString* _stringLiteral_455597386_0;
extern Il2CppCodeGenString* _stringLiteral_455597450_0;
extern Il2CppCodeGenString* _stringLiteral_455597451_0;
extern Il2CppCodeGenString* _stringLiteral_455597448_0;
extern Il2CppCodeGenString* _stringLiteral_70489621_0;
extern "C" String_t* AsnEncodedData_ToString_m_1296109175_0 (AsnEncodedData_t_194939595_0 * __this, bool ___multiLine, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
AsnEncodedData_t_194939595_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(663);
Dictionary_2_t_1305703446_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(116);
Dictionary_2__ctor_m1958628151_0_MethodInfo_var = il2cpp_codegen_method_info_from_index(2147483658);
_stringLiteral_455597446_0 = il2cpp_codegen_string_literal_from_index(1550);
_stringLiteral_455597386_0 = il2cpp_codegen_string_literal_from_index(1552);
_stringLiteral_455597450_0 = il2cpp_codegen_string_literal_from_index(1548);
_stringLiteral_455597451_0 = il2cpp_codegen_string_literal_from_index(1546);
_stringLiteral_455597448_0 = il2cpp_codegen_string_literal_from_index(2310);
_stringLiteral_70489621_0 = il2cpp_codegen_string_literal_from_index(2311);
s_Il2CppMethodIntialized = true;
}
String_t* V_0 = {0};
Dictionary_2_t_1305703446_0 * V_1 = {0};
int32_t V_2 = 0;
{
Oid_t1024680945_0 * L_0 = (__this->____oid_0);
NullCheck(L_0);
String_t* L_1 = Oid_get_Value_m216923304_0(L_0, /*hidden argument*/NULL);
V_0 = L_1;
String_t* L_2 = V_0;
if (!L_2)
{
goto IL_00d6;
}
}
{
Dictionary_2_t_1305703446_0 * L_3 = ((AsnEncodedData_t_194939595_0_StaticFields*)AsnEncodedData_t_194939595_0_il2cpp_TypeInfo_var->static_fields)->___U3CU3Ef__switchU24mapA_2;
if (L_3)
{
goto IL_0071;
}
}
{
Dictionary_2_t_1305703446_0 * L_4 = (Dictionary_2_t_1305703446_0 *)il2cpp_codegen_object_new (Dictionary_2_t_1305703446_0_il2cpp_TypeInfo_var);
Dictionary_2__ctor_m1958628151_0(L_4, 6, /*hidden argument*/Dictionary_2__ctor_m1958628151_0_MethodInfo_var);
V_1 = L_4;
Dictionary_2_t_1305703446_0 * L_5 = V_1;
NullCheck(L_5);
VirtActionInvoker2< String_t*, int32_t >::Invoke(28 /* System.Void System.Collections.Generic.Dictionary`2<System.String,System.Int32>::Add(!0,!1) */, L_5, _stringLiteral_455597446_0, 0);
Dictionary_2_t_1305703446_0 * L_6 = V_1;
NullCheck(L_6);
VirtActionInvoker2< String_t*, int32_t >::Invoke(28 /* System.Void System.Collections.Generic.Dictionary`2<System.String,System.Int32>::Add(!0,!1) */, L_6, _stringLiteral_455597386_0, 1);
Dictionary_2_t_1305703446_0 * L_7 = V_1;
NullCheck(L_7);
VirtActionInvoker2< String_t*, int32_t >::Invoke(28 /* System.Void System.Collections.Generic.Dictionary`2<System.String,System.Int32>::Add(!0,!1) */, L_7, _stringLiteral_455597450_0, 2);
Dictionary_2_t_1305703446_0 * L_8 = V_1;
NullCheck(L_8);
VirtActionInvoker2< String_t*, int32_t >::Invoke(28 /* System.Void System.Collections.Generic.Dictionary`2<System.String,System.Int32>::Add(!0,!1) */, L_8, _stringLiteral_455597451_0, 3);
Dictionary_2_t_1305703446_0 * L_9 = V_1;
NullCheck(L_9);
VirtActionInvoker2< String_t*, int32_t >::Invoke(28 /* System.Void System.Collections.Generic.Dictionary`2<System.String,System.Int32>::Add(!0,!1) */, L_9, _stringLiteral_455597448_0, 4);
Dictionary_2_t_1305703446_0 * L_10 = V_1;
NullCheck(L_10);
VirtActionInvoker2< String_t*, int32_t >::Invoke(28 /* System.Void System.Collections.Generic.Dictionary`2<System.String,System.Int32>::Add(!0,!1) */, L_10, _stringLiteral_70489621_0, 5);
Dictionary_2_t_1305703446_0 * L_11 = V_1;
((AsnEncodedData_t_194939595_0_StaticFields*)AsnEncodedData_t_194939595_0_il2cpp_TypeInfo_var->static_fields)->___U3CU3Ef__switchU24mapA_2 = L_11;
}
IL_0071:
{
Dictionary_2_t_1305703446_0 * L_12 = ((AsnEncodedData_t_194939595_0_StaticFields*)AsnEncodedData_t_194939595_0_il2cpp_TypeInfo_var->static_fields)->___U3CU3Ef__switchU24mapA_2;
String_t* L_13 = V_0;
NullCheck(L_12);
bool L_14 = (bool)VirtFuncInvoker2< bool, String_t*, int32_t* >::Invoke(33 /* System.Boolean System.Collections.Generic.Dictionary`2<System.String,System.Int32>::TryGetValue(!0,!1&) */, L_12, L_13, (&V_2));
if (!L_14)
{
goto IL_00d6;
}
}
{
int32_t L_15 = V_2;
if (L_15 == 0)
{
goto IL_00a6;
}
if (L_15 == 1)
{
goto IL_00ae;
}
if (L_15 == 2)
{
goto IL_00b6;
}
if (L_15 == 3)
{
goto IL_00be;
}
if (L_15 == 4)
{
goto IL_00c6;
}
if (L_15 == 5)
{
goto IL_00ce;
}
}
{
goto IL_00d6;
}
IL_00a6:
{
bool L_16 = ___multiLine;
String_t* L_17 = AsnEncodedData_BasicConstraintsExtension_m1615975146_0(__this, L_16, /*hidden argument*/NULL);
return L_17;
}
IL_00ae:
{
bool L_18 = ___multiLine;
String_t* L_19 = AsnEncodedData_EnhancedKeyUsageExtension_m45972986_0(__this, L_18, /*hidden argument*/NULL);
return L_19;
}
IL_00b6:
{
bool L_20 = ___multiLine;
String_t* L_21 = AsnEncodedData_KeyUsageExtension_m_1234029104_0(__this, L_20, /*hidden argument*/NULL);
return L_21;
}
IL_00be:
{
bool L_22 = ___multiLine;
String_t* L_23 = AsnEncodedData_SubjectKeyIdentifierExtension_m_569599370_0(__this, L_22, /*hidden argument*/NULL);
return L_23;
}
IL_00c6:
{
bool L_24 = ___multiLine;
String_t* L_25 = AsnEncodedData_SubjectAltName_m1574931557_0(__this, L_24, /*hidden argument*/NULL);
return L_25;
}
IL_00ce:
{
bool L_26 = ___multiLine;
String_t* L_27 = AsnEncodedData_NetscapeCertType_m_1847274236_0(__this, L_26, /*hidden argument*/NULL);
return L_27;
}
IL_00d6:
{
bool L_28 = ___multiLine;
String_t* L_29 = AsnEncodedData_Default_m_2112707084_0(__this, L_28, /*hidden argument*/NULL);
return L_29;
}
}
// System.String System.Security.Cryptography.AsnEncodedData::Default(System.Boolean)
extern TypeInfo* StringBuilder_t586045924_0_il2cpp_TypeInfo_var;
extern Il2CppCodeGenString* _stringLiteral3770_0;
extern Il2CppCodeGenString* _stringLiteral32_0;
extern "C" String_t* AsnEncodedData_Default_m_2112707084_0 (AsnEncodedData_t_194939595_0 * __this, bool ___multiLine, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
StringBuilder_t586045924_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(36);
_stringLiteral3770_0 = il2cpp_codegen_string_literal_from_index(132);
_stringLiteral32_0 = il2cpp_codegen_string_literal_from_index(232);
s_Il2CppMethodIntialized = true;
}
StringBuilder_t586045924_0 * V_0 = {0};
int32_t V_1 = 0;
{
StringBuilder_t586045924_0 * L_0 = (StringBuilder_t586045924_0 *)il2cpp_codegen_object_new (StringBuilder_t586045924_0_il2cpp_TypeInfo_var);
StringBuilder__ctor_m135953004_0(L_0, /*hidden argument*/NULL);
V_0 = L_0;
V_1 = 0;
goto IL_004a;
}
IL_000d:
{
StringBuilder_t586045924_0 * L_1 = V_0;
ByteU5BU5D_t_1238178395_0* L_2 = (__this->____raw_1);
int32_t L_3 = V_1;
NullCheck(L_2);
IL2CPP_ARRAY_BOUNDS_CHECK(L_2, L_3);
String_t* L_4 = Byte_ToString_m_329952990_0(((uint8_t*)(uint8_t*)SZArrayLdElema(L_2, L_3, sizeof(uint8_t))), _stringLiteral3770_0, /*hidden argument*/NULL);
NullCheck(L_1);
StringBuilder_Append_m_396877221_0(L_1, L_4, /*hidden argument*/NULL);
int32_t L_5 = V_1;
ByteU5BU5D_t_1238178395_0* L_6 = (__this->____raw_1);
NullCheck(L_6);
if ((((int32_t)L_5) == ((int32_t)((int32_t)((int32_t)(((int32_t)((int32_t)(((Array_t *)L_6)->max_length))))-(int32_t)1)))))
{
goto IL_0046;
}
}
{
StringBuilder_t586045924_0 * L_7 = V_0;
NullCheck(L_7);
StringBuilder_Append_m_396877221_0(L_7, _stringLiteral32_0, /*hidden argument*/NULL);
}
IL_0046:
{
int32_t L_8 = V_1;
V_1 = ((int32_t)((int32_t)L_8+(int32_t)1));
}
IL_004a:
{
int32_t L_9 = V_1;
ByteU5BU5D_t_1238178395_0* L_10 = (__this->____raw_1);
NullCheck(L_10);
if ((((int32_t)L_9) < ((int32_t)(((int32_t)((int32_t)(((Array_t *)L_10)->max_length)))))))
{
goto IL_000d;
}
}
{
StringBuilder_t586045924_0 * L_11 = V_0;
NullCheck(L_11);
String_t* L_12 = StringBuilder_ToString_m350379841_0(L_11, /*hidden argument*/NULL);
return L_12;
}
}
// System.String System.Security.Cryptography.AsnEncodedData::BasicConstraintsExtension(System.Boolean)
extern TypeInfo* X509BasicConstraintsExtension_t_30568994_0_il2cpp_TypeInfo_var;
extern TypeInfo* Object_t_il2cpp_TypeInfo_var;
extern TypeInfo* String_t_il2cpp_TypeInfo_var;
extern "C" String_t* AsnEncodedData_BasicConstraintsExtension_m1615975146_0 (AsnEncodedData_t_194939595_0 * __this, bool ___multiLine, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
X509BasicConstraintsExtension_t_30568994_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(685);
Object_t_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(0);
String_t_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(11);
s_Il2CppMethodIntialized = true;
}
X509BasicConstraintsExtension_t_30568994_0 * V_0 = {0};
String_t* V_1 = {0};
Exception_t2143823668_0 * __last_unhandled_exception = 0;
NO_UNUSED_WARNING (__last_unhandled_exception);
Exception_t2143823668_0 * __exception_local = 0;
NO_UNUSED_WARNING (__exception_local);
int32_t __leave_target = 0;
NO_UNUSED_WARNING (__leave_target);
IL_0000:
try
{ // begin try (depth: 1)
{
X509BasicConstraintsExtension_t_30568994_0 * L_0 = (X509BasicConstraintsExtension_t_30568994_0 *)il2cpp_codegen_object_new (X509BasicConstraintsExtension_t_30568994_0_il2cpp_TypeInfo_var);
X509BasicConstraintsExtension__ctor_m331703276_0(L_0, __this, (bool)0, /*hidden argument*/NULL);
V_0 = L_0;
X509BasicConstraintsExtension_t_30568994_0 * L_1 = V_0;
bool L_2 = ___multiLine;
NullCheck(L_1);
String_t* L_3 = X509BasicConstraintsExtension_ToString_m917821682_0(L_1, L_2, /*hidden argument*/NULL);
V_1 = L_3;
goto IL_002b;
}
IL_0015:
{
; // IL_0015: leave IL_002b
}
} // end try (depth: 1)
catch(Il2CppExceptionWrapper& e)
{
__exception_local = (Exception_t2143823668_0 *)e.ex;
if(il2cpp_codegen_class_is_assignable_from (Object_t_il2cpp_TypeInfo_var, e.ex->object.klass))
goto CATCH_001a;
throw e;
}
CATCH_001a:
{ // begin catch(System.Object)
{
IL2CPP_RUNTIME_CLASS_INIT(String_t_il2cpp_TypeInfo_var);
String_t* L_4 = ((String_t_StaticFields*)String_t_il2cpp_TypeInfo_var->static_fields)->___Empty_2;
V_1 = L_4;
goto IL_002b;
}
IL_0026:
{
; // IL_0026: leave IL_002b
}
} // end catch (depth: 1)
IL_002b:
{
String_t* L_5 = V_1;
return L_5;
}
}
// System.String System.Security.Cryptography.AsnEncodedData::EnhancedKeyUsageExtension(System.Boolean)
extern TypeInfo* X509EnhancedKeyUsageExtension_t_923707154_0_il2cpp_TypeInfo_var;
extern TypeInfo* Object_t_il2cpp_TypeInfo_var;
extern TypeInfo* String_t_il2cpp_TypeInfo_var;
extern "C" String_t* AsnEncodedData_EnhancedKeyUsageExtension_m45972986_0 (AsnEncodedData_t_194939595_0 * __this, bool ___multiLine, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
X509EnhancedKeyUsageExtension_t_923707154_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(693);
Object_t_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(0);
String_t_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(11);
s_Il2CppMethodIntialized = true;
}
X509EnhancedKeyUsageExtension_t_923707154_0 * V_0 = {0};
String_t* V_1 = {0};
Exception_t2143823668_0 * __last_unhandled_exception = 0;
NO_UNUSED_WARNING (__last_unhandled_exception);
Exception_t2143823668_0 * __exception_local = 0;
NO_UNUSED_WARNING (__exception_local);
int32_t __leave_target = 0;
NO_UNUSED_WARNING (__leave_target);
IL_0000:
try
{ // begin try (depth: 1)
{
X509EnhancedKeyUsageExtension_t_923707154_0 * L_0 = (X509EnhancedKeyUsageExtension_t_923707154_0 *)il2cpp_codegen_object_new (X509EnhancedKeyUsageExtension_t_923707154_0_il2cpp_TypeInfo_var);
X509EnhancedKeyUsageExtension__ctor_m1143045852_0(L_0, __this, (bool)0, /*hidden argument*/NULL);
V_0 = L_0;
X509EnhancedKeyUsageExtension_t_923707154_0 * L_1 = V_0;
bool L_2 = ___multiLine;
NullCheck(L_1);
String_t* L_3 = X509EnhancedKeyUsageExtension_ToString_m554823682_0(L_1, L_2, /*hidden argument*/NULL);
V_1 = L_3;
goto IL_002b;
}
IL_0015:
{
; // IL_0015: leave IL_002b
}
} // end try (depth: 1)
catch(Il2CppExceptionWrapper& e)
{
__exception_local = (Exception_t2143823668_0 *)e.ex;
if(il2cpp_codegen_class_is_assignable_from (Object_t_il2cpp_TypeInfo_var, e.ex->object.klass))
goto CATCH_001a;
throw e;
}
CATCH_001a:
{ // begin catch(System.Object)
{
IL2CPP_RUNTIME_CLASS_INIT(String_t_il2cpp_TypeInfo_var);
String_t* L_4 = ((String_t_StaticFields*)String_t_il2cpp_TypeInfo_var->static_fields)->___Empty_2;
V_1 = L_4;
goto IL_002b;
}
IL_0026:
{
; // IL_0026: leave IL_002b
}
} // end catch (depth: 1)
IL_002b:
{
String_t* L_5 = V_1;
return L_5;
}
}
// System.String System.Security.Cryptography.AsnEncodedData::KeyUsageExtension(System.Boolean)
extern TypeInfo* X509KeyUsageExtension_t_1020729148_0_il2cpp_TypeInfo_var;
extern TypeInfo* Object_t_il2cpp_TypeInfo_var;
extern TypeInfo* String_t_il2cpp_TypeInfo_var;
extern "C" String_t* AsnEncodedData_KeyUsageExtension_m_1234029104_0 (AsnEncodedData_t_194939595_0 * __this, bool ___multiLine, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
X509KeyUsageExtension_t_1020729148_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(677);
Object_t_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(0);
String_t_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(11);
s_Il2CppMethodIntialized = true;
}
X509KeyUsageExtension_t_1020729148_0 * V_0 = {0};
String_t* V_1 = {0};
Exception_t2143823668_0 * __last_unhandled_exception = 0;
NO_UNUSED_WARNING (__last_unhandled_exception);
Exception_t2143823668_0 * __exception_local = 0;
NO_UNUSED_WARNING (__exception_local);
int32_t __leave_target = 0;
NO_UNUSED_WARNING (__leave_target);
IL_0000:
try
{ // begin try (depth: 1)
{
X509KeyUsageExtension_t_1020729148_0 * L_0 = (X509KeyUsageExtension_t_1020729148_0 *)il2cpp_codegen_object_new (X509KeyUsageExtension_t_1020729148_0_il2cpp_TypeInfo_var);
X509KeyUsageExtension__ctor_m_1884904378_0(L_0, __this, (bool)0, /*hidden argument*/NULL);
V_0 = L_0;
X509KeyUsageExtension_t_1020729148_0 * L_1 = V_0;
bool L_2 = ___multiLine;
NullCheck(L_1);
String_t* L_3 = X509KeyUsageExtension_ToString_m1884016728_0(L_1, L_2, /*hidden argument*/NULL);
V_1 = L_3;
goto IL_002b;
}
IL_0015:
{
; // IL_0015: leave IL_002b
}
} // end try (depth: 1)
catch(Il2CppExceptionWrapper& e)
{
__exception_local = (Exception_t2143823668_0 *)e.ex;
if(il2cpp_codegen_class_is_assignable_from (Object_t_il2cpp_TypeInfo_var, e.ex->object.klass))
goto CATCH_001a;
throw e;
}
CATCH_001a:
{ // begin catch(System.Object)
{
IL2CPP_RUNTIME_CLASS_INIT(String_t_il2cpp_TypeInfo_var);
String_t* L_4 = ((String_t_StaticFields*)String_t_il2cpp_TypeInfo_var->static_fields)->___Empty_2;
V_1 = L_4;
goto IL_002b;
}
IL_0026:
{
; // IL_0026: leave IL_002b
}
} // end catch (depth: 1)
IL_002b:
{
String_t* L_5 = V_1;
return L_5;
}
}
// System.String System.Security.Cryptography.AsnEncodedData::SubjectKeyIdentifierExtension(System.Boolean)
extern TypeInfo* X509SubjectKeyIdentifierExtension_t_580700310_0_il2cpp_TypeInfo_var;
extern TypeInfo* Object_t_il2cpp_TypeInfo_var;
extern TypeInfo* String_t_il2cpp_TypeInfo_var;
extern "C" String_t* AsnEncodedData_SubjectKeyIdentifierExtension_m_569599370_0 (AsnEncodedData_t_194939595_0 * __this, bool ___multiLine, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
X509SubjectKeyIdentifierExtension_t_580700310_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(676);
Object_t_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(0);
String_t_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(11);
s_Il2CppMethodIntialized = true;
}
X509SubjectKeyIdentifierExtension_t_580700310_0 * V_0 = {0};
String_t* V_1 = {0};
Exception_t2143823668_0 * __last_unhandled_exception = 0;
NO_UNUSED_WARNING (__last_unhandled_exception);
Exception_t2143823668_0 * __exception_local = 0;
NO_UNUSED_WARNING (__exception_local);
int32_t __leave_target = 0;
NO_UNUSED_WARNING (__leave_target);
IL_0000:
try
{ // begin try (depth: 1)
{
X509SubjectKeyIdentifierExtension_t_580700310_0 * L_0 = (X509SubjectKeyIdentifierExtension_t_580700310_0 *)il2cpp_codegen_object_new (X509SubjectKeyIdentifierExtension_t_580700310_0_il2cpp_TypeInfo_var);
X509SubjectKeyIdentifierExtension__ctor_m804319328_0(L_0, __this, (bool)0, /*hidden argument*/NULL);
V_0 = L_0;
X509SubjectKeyIdentifierExtension_t_580700310_0 * L_1 = V_0;
bool L_2 = ___multiLine;
NullCheck(L_1);
String_t* L_3 = X509SubjectKeyIdentifierExtension_ToString_m_1698503810_0(L_1, L_2, /*hidden argument*/NULL);
V_1 = L_3;
goto IL_002b;
}
IL_0015:
{
; // IL_0015: leave IL_002b
}
} // end try (depth: 1)
catch(Il2CppExceptionWrapper& e)
{
__exception_local = (Exception_t2143823668_0 *)e.ex;
if(il2cpp_codegen_class_is_assignable_from (Object_t_il2cpp_TypeInfo_var, e.ex->object.klass))
goto CATCH_001a;
throw e;
}
CATCH_001a:
{ // begin catch(System.Object)
{
IL2CPP_RUNTIME_CLASS_INIT(String_t_il2cpp_TypeInfo_var);
String_t* L_4 = ((String_t_StaticFields*)String_t_il2cpp_TypeInfo_var->static_fields)->___Empty_2;
V_1 = L_4;
goto IL_002b;
}
IL_0026:
{
; // IL_0026: leave IL_002b
}
} // end catch (depth: 1)
IL_002b:
{
String_t* L_5 = V_1;
return L_5;
}
}
// System.String System.Security.Cryptography.AsnEncodedData::SubjectAltName(System.Boolean)
extern TypeInfo* ASN1_t311288114_0_il2cpp_TypeInfo_var;
extern TypeInfo* StringBuilder_t586045924_0_il2cpp_TypeInfo_var;
extern TypeInfo* Encoding_t453909881_0_il2cpp_TypeInfo_var;
extern TypeInfo* Byte_t_224751869_0_il2cpp_TypeInfo_var;
extern TypeInfo* String_t_il2cpp_TypeInfo_var;
extern TypeInfo* Object_t_il2cpp_TypeInfo_var;
extern Il2CppCodeGenString* _stringLiteral608242024_0;
extern Il2CppCodeGenString* _stringLiteral1705446811_0;
extern Il2CppCodeGenString* _stringLiteral1786927387_0;
extern Il2CppCodeGenString* _stringLiteral247779530_0;
extern Il2CppCodeGenString* _stringLiteral1396_0;
extern "C" String_t* AsnEncodedData_SubjectAltName_m1574931557_0 (AsnEncodedData_t_194939595_0 * __this, bool ___multiLine, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
ASN1_t311288114_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(665);
StringBuilder_t586045924_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(36);
Encoding_t453909881_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(41);
Byte_t_224751869_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(22);
String_t_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(11);
Object_t_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(0);
_stringLiteral608242024_0 = il2cpp_codegen_string_literal_from_index(2251);
_stringLiteral1705446811_0 = il2cpp_codegen_string_literal_from_index(2312);
_stringLiteral1786927387_0 = il2cpp_codegen_string_literal_from_index(2313);
_stringLiteral247779530_0 = il2cpp_codegen_string_literal_from_index(2314);
_stringLiteral1396_0 = il2cpp_codegen_string_literal_from_index(141);
s_Il2CppMethodIntialized = true;
}
ASN1_t311288114_0 * V_0 = {0};
StringBuilder_t586045924_0 * V_1 = {0};
int32_t V_2 = 0;
ASN1_t311288114_0 * V_3 = {0};
String_t* V_4 = {0};
String_t* V_5 = {0};
uint8_t V_6 = 0x0;
String_t* V_7 = {0};
Exception_t2143823668_0 * __last_unhandled_exception = 0;
NO_UNUSED_WARNING (__last_unhandled_exception);
Exception_t2143823668_0 * __exception_local = 0;
NO_UNUSED_WARNING (__exception_local);
int32_t __leave_target = 0;
NO_UNUSED_WARNING (__leave_target);
{
ByteU5BU5D_t_1238178395_0* L_0 = (__this->____raw_1);
NullCheck(L_0);
if ((((int32_t)(((int32_t)((int32_t)(((Array_t *)L_0)->max_length))))) >= ((int32_t)5)))
{
goto IL_0014;
}
}
{
return _stringLiteral608242024_0;
}
IL_0014:
try
{ // begin try (depth: 1)
{
ByteU5BU5D_t_1238178395_0* L_1 = (__this->____raw_1);
ASN1_t311288114_0 * L_2 = (ASN1_t311288114_0 *)il2cpp_codegen_object_new (ASN1_t311288114_0_il2cpp_TypeInfo_var);
ASN1__ctor_m_1286872987_0(L_2, L_1, /*hidden argument*/NULL);
V_0 = L_2;
StringBuilder_t586045924_0 * L_3 = (StringBuilder_t586045924_0 *)il2cpp_codegen_object_new (StringBuilder_t586045924_0_il2cpp_TypeInfo_var);
StringBuilder__ctor_m135953004_0(L_3, /*hidden argument*/NULL);
V_1 = L_3;
V_2 = 0;
goto IL_010c;
}
IL_002d:
{
ASN1_t311288114_0 * L_4 = V_0;
int32_t L_5 = V_2;
NullCheck(L_4);
ASN1_t311288114_0 * L_6 = ASN1_get_Item_m_567689036_0(L_4, L_5, /*hidden argument*/NULL);
V_3 = L_6;
V_4 = (String_t*)NULL;
V_5 = (String_t*)NULL;
ASN1_t311288114_0 * L_7 = V_3;
NullCheck(L_7);
uint8_t L_8 = ASN1_get_Tag_m442995239_0(L_7, /*hidden argument*/NULL);
V_6 = L_8;
uint8_t L_9 = V_6;
if ((((int32_t)L_9) == ((int32_t)((int32_t)129))))
{
goto IL_0060;
}
}
IL_004f:
{
uint8_t L_10 = V_6;
if ((((int32_t)L_10) == ((int32_t)((int32_t)130))))
{
goto IL_007e;
}
}
IL_005b:
{
goto IL_009c;
}
IL_0060:
{
V_4 = _stringLiteral1705446811_0;
IL2CPP_RUNTIME_CLASS_INIT(Encoding_t453909881_0_il2cpp_TypeInfo_var);
Encoding_t453909881_0 * L_11 = Encoding_get_ASCII_m1425378925_0(NULL /*static, unused*/, /*hidden argument*/NULL);
ASN1_t311288114_0 * L_12 = V_3;
NullCheck(L_12);
ByteU5BU5D_t_1238178395_0* L_13 = ASN1_get_Value_m390067040_0(L_12, /*hidden argument*/NULL);
NullCheck(L_11);
String_t* L_14 = (String_t*)VirtFuncInvoker1< String_t*, ByteU5BU5D_t_1238178395_0* >::Invoke(22 /* System.String System.Text.Encoding::GetString(System.Byte[]) */, L_11, L_13);
V_5 = L_14;
goto IL_00c5;
}
IL_007e:
{
V_4 = _stringLiteral1786927387_0;
IL2CPP_RUNTIME_CLASS_INIT(Encoding_t453909881_0_il2cpp_TypeInfo_var);
Encoding_t453909881_0 * L_15 = Encoding_get_ASCII_m1425378925_0(NULL /*static, unused*/, /*hidden argument*/NULL);
ASN1_t311288114_0 * L_16 = V_3;
NullCheck(L_16);
ByteU5BU5D_t_1238178395_0* L_17 = ASN1_get_Value_m390067040_0(L_16, /*hidden argument*/NULL);
NullCheck(L_15);
String_t* L_18 = (String_t*)VirtFuncInvoker1< String_t*, ByteU5BU5D_t_1238178395_0* >::Invoke(22 /* System.String System.Text.Encoding::GetString(System.Byte[]) */, L_15, L_17);
V_5 = L_18;
goto IL_00c5;
}
IL_009c:
{
ASN1_t311288114_0 * L_19 = V_3;
NullCheck(L_19);
uint8_t L_20 = ASN1_get_Tag_m442995239_0(L_19, /*hidden argument*/NULL);
uint8_t L_21 = L_20;
Object_t * L_22 = Box(Byte_t_224751869_0_il2cpp_TypeInfo_var, &L_21);
IL2CPP_RUNTIME_CLASS_INIT(String_t_il2cpp_TypeInfo_var);
String_t* L_23 = String_Format_m_1823716516_0(NULL /*static, unused*/, _stringLiteral247779530_0, L_22, /*hidden argument*/NULL);
V_4 = L_23;
ASN1_t311288114_0 * L_24 = V_3;
NullCheck(L_24);
ByteU5BU5D_t_1238178395_0* L_25 = ASN1_get_Value_m390067040_0(L_24, /*hidden argument*/NULL);
String_t* L_26 = CryptoConvert_ToHex_m1331445157_0(NULL /*static, unused*/, L_25, /*hidden argument*/NULL);
V_5 = L_26;
goto IL_00c5;
}
IL_00c5:
{
StringBuilder_t586045924_0 * L_27 = V_1;
String_t* L_28 = V_4;
NullCheck(L_27);
StringBuilder_Append_m_396877221_0(L_27, L_28, /*hidden argument*/NULL);
StringBuilder_t586045924_0 * L_29 = V_1;
String_t* L_30 = V_5;
NullCheck(L_29);
StringBuilder_Append_m_396877221_0(L_29, L_30, /*hidden argument*/NULL);
bool L_31 = ___multiLine;
if (!L_31)
{
goto IL_00ee;
}
}
IL_00dd:
{
StringBuilder_t586045924_0 * L_32 = V_1;
String_t* L_33 = Environment_get_NewLine_m1034655108_0(NULL /*static, unused*/, /*hidden argument*/NULL);
NullCheck(L_32);
StringBuilder_Append_m_396877221_0(L_32, L_33, /*hidden argument*/NULL);
goto IL_0108;
}
IL_00ee:
{
int32_t L_34 = V_2;
ASN1_t311288114_0 * L_35 = V_0;
NullCheck(L_35);
int32_t L_36 = ASN1_get_Count_m_2080495176_0(L_35, /*hidden argument*/NULL);
if ((((int32_t)L_34) >= ((int32_t)((int32_t)((int32_t)L_36-(int32_t)1)))))
{
goto IL_0108;
}
}
IL_00fc:
{
StringBuilder_t586045924_0 * L_37 = V_1;
NullCheck(L_37);
StringBuilder_Append_m_396877221_0(L_37, _stringLiteral1396_0, /*hidden argument*/NULL);
}
IL_0108:
{
int32_t L_38 = V_2;
V_2 = ((int32_t)((int32_t)L_38+(int32_t)1));
}
IL_010c:
{
int32_t L_39 = V_2;
ASN1_t311288114_0 * L_40 = V_0;
NullCheck(L_40);
int32_t L_41 = ASN1_get_Count_m_2080495176_0(L_40, /*hidden argument*/NULL);
if ((((int32_t)L_39) < ((int32_t)L_41)))
{
goto IL_002d;
}
}
IL_0118:
{
StringBuilder_t586045924_0 * L_42 = V_1;
NullCheck(L_42);
String_t* L_43 = StringBuilder_ToString_m350379841_0(L_42, /*hidden argument*/NULL);
V_7 = L_43;
goto IL_013c;
}
IL_0125:
{
; // IL_0125: leave IL_013c
}
} // end try (depth: 1)
catch(Il2CppExceptionWrapper& e)
{
__exception_local = (Exception_t2143823668_0 *)e.ex;
if(il2cpp_codegen_class_is_assignable_from (Object_t_il2cpp_TypeInfo_var, e.ex->object.klass))
goto CATCH_012a;
throw e;
}
CATCH_012a:
{ // begin catch(System.Object)
{
IL2CPP_RUNTIME_CLASS_INIT(String_t_il2cpp_TypeInfo_var);
String_t* L_44 = ((String_t_StaticFields*)String_t_il2cpp_TypeInfo_var->static_fields)->___Empty_2;
V_7 = L_44;
goto IL_013c;
}
IL_0137:
{
; // IL_0137: leave IL_013c
}
} // end catch (depth: 1)
IL_013c:
{
String_t* L_45 = V_7;
return L_45;
}
}
// System.String System.Security.Cryptography.AsnEncodedData::NetscapeCertType(System.Boolean)
extern TypeInfo* StringBuilder_t586045924_0_il2cpp_TypeInfo_var;
extern Il2CppCodeGenString* _stringLiteral608242024_0;
extern Il2CppCodeGenString* _stringLiteral1288437817_0;
extern Il2CppCodeGenString* _stringLiteral1396_0;
extern Il2CppCodeGenString* _stringLiteral1887397313_0;
extern Il2CppCodeGenString* _stringLiteral79018759_0;
extern Il2CppCodeGenString* _stringLiteral_1217415016_0;
extern Il2CppCodeGenString* _stringLiteral2074896192_0;
extern Il2CppCodeGenString* _stringLiteral_1839798510_0;
extern Il2CppCodeGenString* _stringLiteral405804055_0;
extern Il2CppCodeGenString* _stringLiteral_1306861338_0;
extern Il2CppCodeGenString* _stringLiteral956788009_0;
extern Il2CppCodeGenString* _stringLiteral3770_0;
extern "C" String_t* AsnEncodedData_NetscapeCertType_m_1847274236_0 (AsnEncodedData_t_194939595_0 * __this, bool ___multiLine, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
StringBuilder_t586045924_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(36);
_stringLiteral608242024_0 = il2cpp_codegen_string_literal_from_index(2251);
_stringLiteral1288437817_0 = il2cpp_codegen_string_literal_from_index(2315);
_stringLiteral1396_0 = il2cpp_codegen_string_literal_from_index(141);
_stringLiteral1887397313_0 = il2cpp_codegen_string_literal_from_index(2316);
_stringLiteral79018759_0 = il2cpp_codegen_string_literal_from_index(2317);
_stringLiteral_1217415016_0 = il2cpp_codegen_string_literal_from_index(1164);
_stringLiteral2074896192_0 = il2cpp_codegen_string_literal_from_index(2318);
_stringLiteral_1839798510_0 = il2cpp_codegen_string_literal_from_index(2319);
_stringLiteral405804055_0 = il2cpp_codegen_string_literal_from_index(2320);
_stringLiteral_1306861338_0 = il2cpp_codegen_string_literal_from_index(2321);
_stringLiteral956788009_0 = il2cpp_codegen_string_literal_from_index(2322);
_stringLiteral3770_0 = il2cpp_codegen_string_literal_from_index(132);
s_Il2CppMethodIntialized = true;
}
int32_t V_0 = 0;
StringBuilder_t586045924_0 * V_1 = {0};
{
ByteU5BU5D_t_1238178395_0* L_0 = (__this->____raw_1);
NullCheck(L_0);
if ((((int32_t)(((int32_t)((int32_t)(((Array_t *)L_0)->max_length))))) < ((int32_t)4)))
{
goto IL_002a;
}
}
{
ByteU5BU5D_t_1238178395_0* L_1 = (__this->____raw_1);
NullCheck(L_1);
IL2CPP_ARRAY_BOUNDS_CHECK(L_1, 0);
int32_t L_2 = 0;
if ((!(((uint32_t)(*(uint8_t*)(uint8_t*)SZArrayLdElema(L_1, L_2, sizeof(uint8_t)))) == ((uint32_t)3))))
{
goto IL_002a;
}
}
{
ByteU5BU5D_t_1238178395_0* L_3 = (__this->____raw_1);
NullCheck(L_3);
IL2CPP_ARRAY_BOUNDS_CHECK(L_3, 1);
int32_t L_4 = 1;
if ((((int32_t)(*(uint8_t*)(uint8_t*)SZArrayLdElema(L_3, L_4, sizeof(uint8_t)))) == ((int32_t)2)))
{
goto IL_0030;
}
}
IL_002a:
{
return _stringLiteral608242024_0;
}
IL_0030:
{
ByteU5BU5D_t_1238178395_0* L_5 = (__this->____raw_1);
NullCheck(L_5);
IL2CPP_ARRAY_BOUNDS_CHECK(L_5, 3);
int32_t L_6 = 3;
ByteU5BU5D_t_1238178395_0* L_7 = (__this->____raw_1);
NullCheck(L_7);
IL2CPP_ARRAY_BOUNDS_CHECK(L_7, 2);
int32_t L_8 = 2;
ByteU5BU5D_t_1238178395_0* L_9 = (__this->____raw_1);
NullCheck(L_9);
IL2CPP_ARRAY_BOUNDS_CHECK(L_9, 2);
int32_t L_10 = 2;
V_0 = ((int32_t)((int32_t)((int32_t)((int32_t)(*(uint8_t*)(uint8_t*)SZArrayLdElema(L_5, L_6, sizeof(uint8_t)))>>(int32_t)((int32_t)((int32_t)(*(uint8_t*)(uint8_t*)SZArrayLdElema(L_7, L_8, sizeof(uint8_t)))&(int32_t)((int32_t)31)))))<<(int32_t)((int32_t)((int32_t)(*(uint8_t*)(uint8_t*)SZArrayLdElema(L_9, L_10, sizeof(uint8_t)))&(int32_t)((int32_t)31)))));
StringBuilder_t586045924_0 * L_11 = (StringBuilder_t586045924_0 *)il2cpp_codegen_object_new (StringBuilder_t586045924_0_il2cpp_TypeInfo_var);
StringBuilder__ctor_m135953004_0(L_11, /*hidden argument*/NULL);
V_1 = L_11;
int32_t L_12 = V_0;
if ((!(((uint32_t)((int32_t)((int32_t)L_12&(int32_t)((int32_t)128)))) == ((uint32_t)((int32_t)128)))))
{
goto IL_0074;
}
}
{
StringBuilder_t586045924_0 * L_13 = V_1;
NullCheck(L_13);
StringBuilder_Append_m_396877221_0(L_13, _stringLiteral1288437817_0, /*hidden argument*/NULL);
}
IL_0074:
{
int32_t L_14 = V_0;
if ((!(((uint32_t)((int32_t)((int32_t)L_14&(int32_t)((int32_t)64)))) == ((uint32_t)((int32_t)64)))))
{
goto IL_00a3;
}
}
{
StringBuilder_t586045924_0 * L_15 = V_1;
NullCheck(L_15);
int32_t L_16 = StringBuilder_get_Length_m_1851834197_0(L_15, /*hidden argument*/NULL);
if ((((int32_t)L_16) <= ((int32_t)0)))
{
goto IL_0097;
}
}
{
StringBuilder_t586045924_0 * L_17 = V_1;
NullCheck(L_17);
StringBuilder_Append_m_396877221_0(L_17, _stringLiteral1396_0, /*hidden argument*/NULL);
}
IL_0097:
{
StringBuilder_t586045924_0 * L_18 = V_1;
NullCheck(L_18);
StringBuilder_Append_m_396877221_0(L_18, _stringLiteral1887397313_0, /*hidden argument*/NULL);
}
IL_00a3:
{
int32_t L_19 = V_0;
if ((!(((uint32_t)((int32_t)((int32_t)L_19&(int32_t)((int32_t)32)))) == ((uint32_t)((int32_t)32)))))
{
goto IL_00d2;
}
}
{
StringBuilder_t586045924_0 * L_20 = V_1;
NullCheck(L_20);
int32_t L_21 = StringBuilder_get_Length_m_1851834197_0(L_20, /*hidden argument*/NULL);
if ((((int32_t)L_21) <= ((int32_t)0)))
{
goto IL_00c6;
}
}
{
StringBuilder_t586045924_0 * L_22 = V_1;
NullCheck(L_22);
StringBuilder_Append_m_396877221_0(L_22, _stringLiteral1396_0, /*hidden argument*/NULL);
}
IL_00c6:
{
StringBuilder_t586045924_0 * L_23 = V_1;
NullCheck(L_23);
StringBuilder_Append_m_396877221_0(L_23, _stringLiteral79018759_0, /*hidden argument*/NULL);
}
IL_00d2:
{
int32_t L_24 = V_0;
if ((!(((uint32_t)((int32_t)((int32_t)L_24&(int32_t)((int32_t)16)))) == ((uint32_t)((int32_t)16)))))
{
goto IL_0101;
}
}
{
StringBuilder_t586045924_0 * L_25 = V_1;
NullCheck(L_25);
int32_t L_26 = StringBuilder_get_Length_m_1851834197_0(L_25, /*hidden argument*/NULL);
if ((((int32_t)L_26) <= ((int32_t)0)))
{
goto IL_00f5;
}
}
{
StringBuilder_t586045924_0 * L_27 = V_1;
NullCheck(L_27);
StringBuilder_Append_m_396877221_0(L_27, _stringLiteral1396_0, /*hidden argument*/NULL);
}
IL_00f5:
{
StringBuilder_t586045924_0 * L_28 = V_1;
NullCheck(L_28);
StringBuilder_Append_m_396877221_0(L_28, _stringLiteral_1217415016_0, /*hidden argument*/NULL);
}
IL_0101:
{
int32_t L_29 = V_0;
if ((!(((uint32_t)((int32_t)((int32_t)L_29&(int32_t)8))) == ((uint32_t)8))))
{
goto IL_012e;
}
}
{
StringBuilder_t586045924_0 * L_30 = V_1;
NullCheck(L_30);
int32_t L_31 = StringBuilder_get_Length_m_1851834197_0(L_30, /*hidden argument*/NULL);
if ((((int32_t)L_31) <= ((int32_t)0)))
{
goto IL_0122;
}
}
{
StringBuilder_t586045924_0 * L_32 = V_1;
NullCheck(L_32);
StringBuilder_Append_m_396877221_0(L_32, _stringLiteral1396_0, /*hidden argument*/NULL);
}
IL_0122:
{
StringBuilder_t586045924_0 * L_33 = V_1;
NullCheck(L_33);
StringBuilder_Append_m_396877221_0(L_33, _stringLiteral2074896192_0, /*hidden argument*/NULL);
}
IL_012e:
{
int32_t L_34 = V_0;
if ((!(((uint32_t)((int32_t)((int32_t)L_34&(int32_t)4))) == ((uint32_t)4))))
{
goto IL_015b;
}
}
{
StringBuilder_t586045924_0 * L_35 = V_1;
NullCheck(L_35);
int32_t L_36 = StringBuilder_get_Length_m_1851834197_0(L_35, /*hidden argument*/NULL);
if ((((int32_t)L_36) <= ((int32_t)0)))
{
goto IL_014f;
}
}
{
StringBuilder_t586045924_0 * L_37 = V_1;
NullCheck(L_37);
StringBuilder_Append_m_396877221_0(L_37, _stringLiteral1396_0, /*hidden argument*/NULL);
}
IL_014f:
{
StringBuilder_t586045924_0 * L_38 = V_1;
NullCheck(L_38);
StringBuilder_Append_m_396877221_0(L_38, _stringLiteral_1839798510_0, /*hidden argument*/NULL);
}
IL_015b:
{
int32_t L_39 = V_0;
if ((!(((uint32_t)((int32_t)((int32_t)L_39&(int32_t)2))) == ((uint32_t)2))))
{
goto IL_0188;
}
}
{
StringBuilder_t586045924_0 * L_40 = V_1;
NullCheck(L_40);
int32_t L_41 = StringBuilder_get_Length_m_1851834197_0(L_40, /*hidden argument*/NULL);
if ((((int32_t)L_41) <= ((int32_t)0)))
{
goto IL_017c;
}
}
{
StringBuilder_t586045924_0 * L_42 = V_1;
NullCheck(L_42);
StringBuilder_Append_m_396877221_0(L_42, _stringLiteral1396_0, /*hidden argument*/NULL);
}
IL_017c:
{
StringBuilder_t586045924_0 * L_43 = V_1;
NullCheck(L_43);
StringBuilder_Append_m_396877221_0(L_43, _stringLiteral405804055_0, /*hidden argument*/NULL);
}
IL_0188:
{
int32_t L_44 = V_0;
if ((!(((uint32_t)((int32_t)((int32_t)L_44&(int32_t)1))) == ((uint32_t)1))))
{
goto IL_01b5;
}
}
{
StringBuilder_t586045924_0 * L_45 = V_1;
NullCheck(L_45);
int32_t L_46 = StringBuilder_get_Length_m_1851834197_0(L_45, /*hidden argument*/NULL);
if ((((int32_t)L_46) <= ((int32_t)0)))
{
goto IL_01a9;
}
}
{
StringBuilder_t586045924_0 * L_47 = V_1;
NullCheck(L_47);
StringBuilder_Append_m_396877221_0(L_47, _stringLiteral1396_0, /*hidden argument*/NULL);
}
IL_01a9:
{
StringBuilder_t586045924_0 * L_48 = V_1;
NullCheck(L_48);
StringBuilder_Append_m_396877221_0(L_48, _stringLiteral_1306861338_0, /*hidden argument*/NULL);
}
IL_01b5:
{
StringBuilder_t586045924_0 * L_49 = V_1;
String_t* L_50 = Int32_ToString_m_441481390_0((&V_0), _stringLiteral3770_0, /*hidden argument*/NULL);
NullCheck(L_49);
StringBuilder_AppendFormat_m_571775566_0(L_49, _stringLiteral956788009_0, L_50, /*hidden argument*/NULL);
StringBuilder_t586045924_0 * L_51 = V_1;
NullCheck(L_51);
String_t* L_52 = StringBuilder_ToString_m350379841_0(L_51, /*hidden argument*/NULL);
return L_52;
}
}
// System.Void System.Security.Cryptography.Oid::.ctor()
extern "C" void Oid__ctor_m49113285_0 (Oid_t1024680945_0 * __this, const MethodInfo* method)
{
{
Object__ctor_m1772956182_0(__this, /*hidden argument*/NULL);
return;
}
}
// System.Void System.Security.Cryptography.Oid::.ctor(System.String)
extern TypeInfo* ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var;
extern Il2CppCodeGenString* _stringLiteral110026_0;
extern "C" void Oid__ctor_m_1507238307_0 (Oid_t1024680945_0 * __this, String_t* ___oid, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(2);
_stringLiteral110026_0 = il2cpp_codegen_string_literal_from_index(447);
s_Il2CppMethodIntialized = true;
}
{
Object__ctor_m1772956182_0(__this, /*hidden argument*/NULL);
String_t* L_0 = ___oid;
if (L_0)
{
goto IL_0017;
}
}
{
ArgumentNullException_t_1072101840_0 * L_1 = (ArgumentNullException_t_1072101840_0 *)il2cpp_codegen_object_new (ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var);
ArgumentNullException__ctor_m135444188_0(L_1, _stringLiteral110026_0, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_1);
}
IL_0017:
{
String_t* L_2 = ___oid;
__this->____value_0 = L_2;
String_t* L_3 = ___oid;
String_t* L_4 = Oid_GetName_m1845636801_0(__this, L_3, /*hidden argument*/NULL);
__this->____name_1 = L_4;
return;
}
}
// System.Void System.Security.Cryptography.Oid::.ctor(System.String,System.String)
extern "C" void Oid__ctor_m1889247193_0 (Oid_t1024680945_0 * __this, String_t* ___value, String_t* ___friendlyName, const MethodInfo* method)
{
{
Object__ctor_m1772956182_0(__this, /*hidden argument*/NULL);
String_t* L_0 = ___value;
__this->____value_0 = L_0;
String_t* L_1 = ___friendlyName;
__this->____name_1 = L_1;
return;
}
}
// System.Void System.Security.Cryptography.Oid::.ctor(System.Security.Cryptography.Oid)
extern TypeInfo* ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var;
extern Il2CppCodeGenString* _stringLiteral110026_0;
extern "C" void Oid__ctor_m_218583058_0 (Oid_t1024680945_0 * __this, Oid_t1024680945_0 * ___oid, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(2);
_stringLiteral110026_0 = il2cpp_codegen_string_literal_from_index(447);
s_Il2CppMethodIntialized = true;
}
{
Object__ctor_m1772956182_0(__this, /*hidden argument*/NULL);
Oid_t1024680945_0 * L_0 = ___oid;
if (L_0)
{
goto IL_0017;
}
}
{
ArgumentNullException_t_1072101840_0 * L_1 = (ArgumentNullException_t_1072101840_0 *)il2cpp_codegen_object_new (ArgumentNullException_t_1072101840_0_il2cpp_TypeInfo_var);
ArgumentNullException__ctor_m135444188_0(L_1, _stringLiteral110026_0, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_1);
}
IL_0017:
{
Oid_t1024680945_0 * L_2 = ___oid;
NullCheck(L_2);
String_t* L_3 = Oid_get_Value_m216923304_0(L_2, /*hidden argument*/NULL);
__this->____value_0 = L_3;
Oid_t1024680945_0 * L_4 = ___oid;
NullCheck(L_4);
String_t* L_5 = Oid_get_FriendlyName_m937320993_0(L_4, /*hidden argument*/NULL);
__this->____name_1 = L_5;
return;
}
}
// System.String System.Security.Cryptography.Oid::get_FriendlyName()
extern "C" String_t* Oid_get_FriendlyName_m937320993_0 (Oid_t1024680945_0 * __this, const MethodInfo* method)
{
{
String_t* L_0 = (__this->____name_1);
return L_0;
}
}
// System.String System.Security.Cryptography.Oid::get_Value()
extern "C" String_t* Oid_get_Value_m216923304_0 (Oid_t1024680945_0 * __this, const MethodInfo* method)
{
{
String_t* L_0 = (__this->____value_0);
return L_0;
}
}
// System.String System.Security.Cryptography.Oid::GetName(System.String)
extern TypeInfo* Oid_t1024680945_0_il2cpp_TypeInfo_var;
extern TypeInfo* Dictionary_2_t_1305703446_0_il2cpp_TypeInfo_var;
extern const MethodInfo* Dictionary_2__ctor_m1958628151_0_MethodInfo_var;
extern Il2CppCodeGenString* _stringLiteral_2096004509_0;
extern Il2CppCodeGenString* _stringLiteral_2095998743_0;
extern Il2CppCodeGenString* _stringLiteral_2095996819_0;
extern Il2CppCodeGenString* _stringLiteral_2095996818_0;
extern Il2CppCodeGenString* _stringLiteral_2095996817_0;
extern Il2CppCodeGenString* _stringLiteral_2071450584_0;
extern Il2CppCodeGenString* _stringLiteral_455597446_0;
extern Il2CppCodeGenString* _stringLiteral_455597450_0;
extern Il2CppCodeGenString* _stringLiteral_455597386_0;
extern Il2CppCodeGenString* _stringLiteral_455597451_0;
extern Il2CppCodeGenString* _stringLiteral_455597448_0;
extern Il2CppCodeGenString* _stringLiteral_70489621_0;
extern Il2CppCodeGenString* _stringLiteral_2071451547_0;
extern Il2CppCodeGenString* _stringLiteral_308431282_0;
extern Il2CppCodeGenString* _stringLiteral81440_0;
extern Il2CppCodeGenString* _stringLiteral_1855201240_0;
extern Il2CppCodeGenString* _stringLiteral937031361_0;
extern Il2CppCodeGenString* _stringLiteral_1427310531_0;
extern Il2CppCodeGenString* _stringLiteral_1756307128_0;
extern Il2CppCodeGenString* _stringLiteral1618687_0;
extern Il2CppCodeGenString* _stringLiteral2082355460_0;
extern Il2CppCodeGenString* _stringLiteral_1472996256_0;
extern Il2CppCodeGenString* _stringLiteral24835158_0;
extern Il2CppCodeGenString* _stringLiteral1887966_0;
extern Il2CppCodeGenString* _stringLiteral_645608462_0;
extern Il2CppCodeGenString* _stringLiteral_925928769_0;
extern Il2CppCodeGenString* _stringLiteral107902_0;
extern Il2CppCodeGenString* _stringLiteral3528965_0;
extern "C" String_t* Oid_GetName_m1845636801_0 (Oid_t1024680945_0 * __this, String_t* ___oid, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
Oid_t1024680945_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(662);
Dictionary_2_t_1305703446_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(116);
Dictionary_2__ctor_m1958628151_0_MethodInfo_var = il2cpp_codegen_method_info_from_index(2147483658);
_stringLiteral_2096004509_0 = il2cpp_codegen_string_literal_from_index(2234);
_stringLiteral_2095998743_0 = il2cpp_codegen_string_literal_from_index(364);
_stringLiteral_2095996819_0 = il2cpp_codegen_string_literal_from_index(2323);
_stringLiteral_2095996818_0 = il2cpp_codegen_string_literal_from_index(2324);
_stringLiteral_2095996817_0 = il2cpp_codegen_string_literal_from_index(2325);
_stringLiteral_2071450584_0 = il2cpp_codegen_string_literal_from_index(1564);
_stringLiteral_455597446_0 = il2cpp_codegen_string_literal_from_index(1550);
_stringLiteral_455597450_0 = il2cpp_codegen_string_literal_from_index(1548);
_stringLiteral_455597386_0 = il2cpp_codegen_string_literal_from_index(1552);
_stringLiteral_455597451_0 = il2cpp_codegen_string_literal_from_index(1546);
_stringLiteral_455597448_0 = il2cpp_codegen_string_literal_from_index(2310);
_stringLiteral_70489621_0 = il2cpp_codegen_string_literal_from_index(2311);
_stringLiteral_2071451547_0 = il2cpp_codegen_string_literal_from_index(1557);
_stringLiteral_308431282_0 = il2cpp_codegen_string_literal_from_index(367);
_stringLiteral81440_0 = il2cpp_codegen_string_literal_from_index(1465);
_stringLiteral_1855201240_0 = il2cpp_codegen_string_literal_from_index(2326);
_stringLiteral937031361_0 = il2cpp_codegen_string_literal_from_index(2327);
_stringLiteral_1427310531_0 = il2cpp_codegen_string_literal_from_index(2328);
_stringLiteral_1756307128_0 = il2cpp_codegen_string_literal_from_index(2329);
_stringLiteral1618687_0 = il2cpp_codegen_string_literal_from_index(2330);
_stringLiteral2082355460_0 = il2cpp_codegen_string_literal_from_index(2246);
_stringLiteral_1472996256_0 = il2cpp_codegen_string_literal_from_index(2291);
_stringLiteral24835158_0 = il2cpp_codegen_string_literal_from_index(2283);
_stringLiteral1887966_0 = il2cpp_codegen_string_literal_from_index(2307);
_stringLiteral_645608462_0 = il2cpp_codegen_string_literal_from_index(2331);
_stringLiteral_925928769_0 = il2cpp_codegen_string_literal_from_index(2332);
_stringLiteral107902_0 = il2cpp_codegen_string_literal_from_index(2333);
_stringLiteral3528965_0 = il2cpp_codegen_string_literal_from_index(2334);
s_Il2CppMethodIntialized = true;
}
String_t* V_0 = {0};
Dictionary_2_t_1305703446_0 * V_1 = {0};
int32_t V_2 = 0;
{
String_t* L_0 = ___oid;
V_0 = L_0;
String_t* L_1 = V_0;
if (!L_1)
{
goto IL_0176;
}
}
{
Dictionary_2_t_1305703446_0 * L_2 = ((Oid_t1024680945_0_StaticFields*)Oid_t1024680945_0_il2cpp_TypeInfo_var->static_fields)->___U3CU3Ef__switchU24map10_2;
if (L_2)
{
goto IL_00cd;
}
}
{
Dictionary_2_t_1305703446_0 * L_3 = (Dictionary_2_t_1305703446_0 *)il2cpp_codegen_object_new (Dictionary_2_t_1305703446_0_il2cpp_TypeInfo_var);
Dictionary_2__ctor_m1958628151_0(L_3, ((int32_t)14), /*hidden argument*/Dictionary_2__ctor_m1958628151_0_MethodInfo_var);
V_1 = L_3;
Dictionary_2_t_1305703446_0 * L_4 = V_1;
NullCheck(L_4);
VirtActionInvoker2< String_t*, int32_t >::Invoke(28 /* System.Void System.Collections.Generic.Dictionary`2<System.String,System.Int32>::Add(!0,!1) */, L_4, _stringLiteral_2096004509_0, 0);
Dictionary_2_t_1305703446_0 * L_5 = V_1;
NullCheck(L_5);
VirtActionInvoker2< String_t*, int32_t >::Invoke(28 /* System.Void System.Collections.Generic.Dictionary`2<System.String,System.Int32>::Add(!0,!1) */, L_5, _stringLiteral_2095998743_0, 1);
Dictionary_2_t_1305703446_0 * L_6 = V_1;
NullCheck(L_6);
VirtActionInvoker2< String_t*, int32_t >::Invoke(28 /* System.Void System.Collections.Generic.Dictionary`2<System.String,System.Int32>::Add(!0,!1) */, L_6, _stringLiteral_2095996819_0, 2);
Dictionary_2_t_1305703446_0 * L_7 = V_1;
NullCheck(L_7);
VirtActionInvoker2< String_t*, int32_t >::Invoke(28 /* System.Void System.Collections.Generic.Dictionary`2<System.String,System.Int32>::Add(!0,!1) */, L_7, _stringLiteral_2095996818_0, 3);
Dictionary_2_t_1305703446_0 * L_8 = V_1;
NullCheck(L_8);
VirtActionInvoker2< String_t*, int32_t >::Invoke(28 /* System.Void System.Collections.Generic.Dictionary`2<System.String,System.Int32>::Add(!0,!1) */, L_8, _stringLiteral_2095996817_0, 4);
Dictionary_2_t_1305703446_0 * L_9 = V_1;
NullCheck(L_9);
VirtActionInvoker2< String_t*, int32_t >::Invoke(28 /* System.Void System.Collections.Generic.Dictionary`2<System.String,System.Int32>::Add(!0,!1) */, L_9, _stringLiteral_2071450584_0, 5);
Dictionary_2_t_1305703446_0 * L_10 = V_1;
NullCheck(L_10);
VirtActionInvoker2< String_t*, int32_t >::Invoke(28 /* System.Void System.Collections.Generic.Dictionary`2<System.String,System.Int32>::Add(!0,!1) */, L_10, _stringLiteral_455597446_0, 6);
Dictionary_2_t_1305703446_0 * L_11 = V_1;
NullCheck(L_11);
VirtActionInvoker2< String_t*, int32_t >::Invoke(28 /* System.Void System.Collections.Generic.Dictionary`2<System.String,System.Int32>::Add(!0,!1) */, L_11, _stringLiteral_455597450_0, 7);
Dictionary_2_t_1305703446_0 * L_12 = V_1;
NullCheck(L_12);
VirtActionInvoker2< String_t*, int32_t >::Invoke(28 /* System.Void System.Collections.Generic.Dictionary`2<System.String,System.Int32>::Add(!0,!1) */, L_12, _stringLiteral_455597386_0, 8);
Dictionary_2_t_1305703446_0 * L_13 = V_1;
NullCheck(L_13);
VirtActionInvoker2< String_t*, int32_t >::Invoke(28 /* System.Void System.Collections.Generic.Dictionary`2<System.String,System.Int32>::Add(!0,!1) */, L_13, _stringLiteral_455597451_0, ((int32_t)9));
Dictionary_2_t_1305703446_0 * L_14 = V_1;
NullCheck(L_14);
VirtActionInvoker2< String_t*, int32_t >::Invoke(28 /* System.Void System.Collections.Generic.Dictionary`2<System.String,System.Int32>::Add(!0,!1) */, L_14, _stringLiteral_455597448_0, ((int32_t)10));
Dictionary_2_t_1305703446_0 * L_15 = V_1;
NullCheck(L_15);
VirtActionInvoker2< String_t*, int32_t >::Invoke(28 /* System.Void System.Collections.Generic.Dictionary`2<System.String,System.Int32>::Add(!0,!1) */, L_15, _stringLiteral_70489621_0, ((int32_t)11));
Dictionary_2_t_1305703446_0 * L_16 = V_1;
NullCheck(L_16);
VirtActionInvoker2< String_t*, int32_t >::Invoke(28 /* System.Void System.Collections.Generic.Dictionary`2<System.String,System.Int32>::Add(!0,!1) */, L_16, _stringLiteral_2071451547_0, ((int32_t)12));
Dictionary_2_t_1305703446_0 * L_17 = V_1;
NullCheck(L_17);
VirtActionInvoker2< String_t*, int32_t >::Invoke(28 /* System.Void System.Collections.Generic.Dictionary`2<System.String,System.Int32>::Add(!0,!1) */, L_17, _stringLiteral_308431282_0, ((int32_t)13));
Dictionary_2_t_1305703446_0 * L_18 = V_1;
((Oid_t1024680945_0_StaticFields*)Oid_t1024680945_0_il2cpp_TypeInfo_var->static_fields)->___U3CU3Ef__switchU24map10_2 = L_18;
}
IL_00cd:
{
Dictionary_2_t_1305703446_0 * L_19 = ((Oid_t1024680945_0_StaticFields*)Oid_t1024680945_0_il2cpp_TypeInfo_var->static_fields)->___U3CU3Ef__switchU24map10_2;
String_t* L_20 = V_0;
NullCheck(L_19);
bool L_21 = (bool)VirtFuncInvoker2< bool, String_t*, int32_t* >::Invoke(33 /* System.Boolean System.Collections.Generic.Dictionary`2<System.String,System.Int32>::TryGetValue(!0,!1&) */, L_19, L_20, (&V_2));
if (!L_21)
{
goto IL_0176;
}
}
{
int32_t L_22 = V_2;
if (L_22 == 0)
{
goto IL_0122;
}
if (L_22 == 1)
{
goto IL_0128;
}
if (L_22 == 2)
{
goto IL_012e;
}
if (L_22 == 3)
{
goto IL_0134;
}
if (L_22 == 4)
{
goto IL_013a;
}
if (L_22 == 5)
{
goto IL_0140;
}
if (L_22 == 6)
{
goto IL_0146;
}
if (L_22 == 7)
{
goto IL_014c;
}
if (L_22 == 8)
{
goto IL_0152;
}
if (L_22 == 9)
{
goto IL_0158;
}
if (L_22 == 10)
{
goto IL_015e;
}
if (L_22 == 11)
{
goto IL_0164;
}
if (L_22 == 12)
{
goto IL_016a;
}
if (L_22 == 13)
{
goto IL_0170;
}
}
{
goto IL_0176;
}
IL_0122:
{
return _stringLiteral81440_0;
}
IL_0128:
{
return _stringLiteral_1855201240_0;
}
IL_012e:
{
return _stringLiteral937031361_0;
}
IL_0134:
{
return _stringLiteral_1427310531_0;
}
IL_013a:
{
return _stringLiteral_1756307128_0;
}
IL_0140:
{
return _stringLiteral1618687_0;
}
IL_0146:
{
return _stringLiteral2082355460_0;
}
IL_014c:
{
return _stringLiteral_1472996256_0;
}
IL_0152:
{
return _stringLiteral24835158_0;
}
IL_0158:
{
return _stringLiteral1887966_0;
}
IL_015e:
{
return _stringLiteral_645608462_0;
}
IL_0164:
{
return _stringLiteral_925928769_0;
}
IL_016a:
{
return _stringLiteral107902_0;
}
IL_0170:
{
return _stringLiteral3528965_0;
}
IL_0176:
{
String_t* L_23 = (__this->____name_1);
return L_23;
}
}
// System.Void System.Security.Cryptography.OidCollection::.ctor()
extern TypeInfo* ArrayList_t536890563_0_il2cpp_TypeInfo_var;
extern "C" void OidCollection__ctor_m_702469817_0 (OidCollection_t_322472593_0 * __this, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
ArrayList_t536890563_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(55);
s_Il2CppMethodIntialized = true;
}
{
Object__ctor_m1772956182_0(__this, /*hidden argument*/NULL);
ArrayList_t536890563_0 * L_0 = (ArrayList_t536890563_0 *)il2cpp_codegen_object_new (ArrayList_t536890563_0_il2cpp_TypeInfo_var);
ArrayList__ctor_m1878432947_0(L_0, /*hidden argument*/NULL);
__this->____list_0 = L_0;
return;
}
}
// System.Void System.Security.Cryptography.OidCollection::System.Collections.ICollection.CopyTo(System.Array,System.Int32)
extern "C" void OidCollection_System_Collections_ICollection_CopyTo_m_1094615587_0 (OidCollection_t_322472593_0 * __this, Array_t * ___array, int32_t ___index, const MethodInfo* method)
{
{
ArrayList_t536890563_0 * L_0 = (__this->____list_0);
Array_t * L_1 = ___array;
int32_t L_2 = ___index;
NullCheck(L_0);
VirtActionInvoker2< Array_t *, int32_t >::Invoke(41 /* System.Void System.Collections.ArrayList::CopyTo(System.Array,System.Int32) */, L_0, L_1, L_2);
return;
}
}
// System.Collections.IEnumerator System.Security.Cryptography.OidCollection::System.Collections.IEnumerable.GetEnumerator()
extern TypeInfo* OidEnumerator_t498179733_0_il2cpp_TypeInfo_var;
extern "C" Object_t * OidCollection_System_Collections_IEnumerable_GetEnumerator_m494890284_0 (OidCollection_t_322472593_0 * __this, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
OidEnumerator_t498179733_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(696);
s_Il2CppMethodIntialized = true;
}
{
OidEnumerator_t498179733_0 * L_0 = (OidEnumerator_t498179733_0 *)il2cpp_codegen_object_new (OidEnumerator_t498179733_0_il2cpp_TypeInfo_var);
OidEnumerator__ctor_m1686464972_0(L_0, __this, /*hidden argument*/NULL);
return L_0;
}
}
// System.Int32 System.Security.Cryptography.OidCollection::get_Count()
extern "C" int32_t OidCollection_get_Count_m924395419_0 (OidCollection_t_322472593_0 * __this, const MethodInfo* method)
{
{
ArrayList_t536890563_0 * L_0 = (__this->____list_0);
NullCheck(L_0);
int32_t L_1 = (int32_t)VirtFuncInvoker0< int32_t >::Invoke(23 /* System.Int32 System.Collections.ArrayList::get_Count() */, L_0);
return L_1;
}
}
// System.Boolean System.Security.Cryptography.OidCollection::get_IsSynchronized()
extern "C" bool OidCollection_get_IsSynchronized_m_1310398374_0 (OidCollection_t_322472593_0 * __this, const MethodInfo* method)
{
{
ArrayList_t536890563_0 * L_0 = (__this->____list_0);
NullCheck(L_0);
bool L_1 = (bool)VirtFuncInvoker0< bool >::Invoke(28 /* System.Boolean System.Collections.ArrayList::get_IsSynchronized() */, L_0);
return L_1;
}
}
// System.Security.Cryptography.Oid System.Security.Cryptography.OidCollection::get_Item(System.Int32)
extern TypeInfo* Oid_t1024680945_0_il2cpp_TypeInfo_var;
extern "C" Oid_t1024680945_0 * OidCollection_get_Item_m1851824850_0 (OidCollection_t_322472593_0 * __this, int32_t ___index, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
Oid_t1024680945_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(662);
s_Il2CppMethodIntialized = true;
}
{
ArrayList_t536890563_0 * L_0 = (__this->____list_0);
int32_t L_1 = ___index;
NullCheck(L_0);
Object_t * L_2 = (Object_t *)VirtFuncInvoker1< Object_t *, int32_t >::Invoke(21 /* System.Object System.Collections.ArrayList::get_Item(System.Int32) */, L_0, L_1);
return ((Oid_t1024680945_0 *)CastclassSealed(L_2, Oid_t1024680945_0_il2cpp_TypeInfo_var));
}
}
// System.Object System.Security.Cryptography.OidCollection::get_SyncRoot()
extern "C" Object_t * OidCollection_get_SyncRoot_m887599928_0 (OidCollection_t_322472593_0 * __this, const MethodInfo* method)
{
{
ArrayList_t536890563_0 * L_0 = (__this->____list_0);
NullCheck(L_0);
Object_t * L_1 = (Object_t *)VirtFuncInvoker0< Object_t * >::Invoke(29 /* System.Object System.Collections.ArrayList::get_SyncRoot() */, L_0);
return L_1;
}
}
// System.Int32 System.Security.Cryptography.OidCollection::Add(System.Security.Cryptography.Oid)
extern "C" int32_t OidCollection_Add_m1834548415_0 (OidCollection_t_322472593_0 * __this, Oid_t1024680945_0 * ___oid, const MethodInfo* method)
{
int32_t G_B3_0 = 0;
{
bool L_0 = (__this->____readOnly_1);
if (!L_0)
{
goto IL_0011;
}
}
{
G_B3_0 = 0;
goto IL_001d;
}
IL_0011:
{
ArrayList_t536890563_0 * L_1 = (__this->____list_0);
Oid_t1024680945_0 * L_2 = ___oid;
NullCheck(L_1);
int32_t L_3 = (int32_t)VirtFuncInvoker1< int32_t, Object_t * >::Invoke(30 /* System.Int32 System.Collections.ArrayList::Add(System.Object) */, L_1, L_2);
G_B3_0 = L_3;
}
IL_001d:
{
return G_B3_0;
}
}
// System.Void System.Security.Cryptography.OidEnumerator::.ctor(System.Security.Cryptography.OidCollection)
extern "C" void OidEnumerator__ctor_m1686464972_0 (OidEnumerator_t498179733_0 * __this, OidCollection_t_322472593_0 * ___collection, const MethodInfo* method)
{
{
Object__ctor_m1772956182_0(__this, /*hidden argument*/NULL);
OidCollection_t_322472593_0 * L_0 = ___collection;
__this->____collection_0 = L_0;
__this->____position_1 = (-1);
return;
}
}
// System.Object System.Security.Cryptography.OidEnumerator::System.Collections.IEnumerator.get_Current()
extern TypeInfo* ArgumentOutOfRangeException_t_1011290529_0_il2cpp_TypeInfo_var;
extern "C" Object_t * OidEnumerator_System_Collections_IEnumerator_get_Current_m530360623_0 (OidEnumerator_t498179733_0 * __this, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
ArgumentOutOfRangeException_t_1011290529_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(27);
s_Il2CppMethodIntialized = true;
}
{
int32_t L_0 = (__this->____position_1);
if ((((int32_t)L_0) >= ((int32_t)0)))
{
goto IL_0012;
}
}
{
ArgumentOutOfRangeException_t_1011290529_0 * L_1 = (ArgumentOutOfRangeException_t_1011290529_0 *)il2cpp_codegen_object_new (ArgumentOutOfRangeException_t_1011290529_0_il2cpp_TypeInfo_var);
ArgumentOutOfRangeException__ctor_m410800215_0(L_1, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_1);
}
IL_0012:
{
OidCollection_t_322472593_0 * L_2 = (__this->____collection_0);
int32_t L_3 = (__this->____position_1);
NullCheck(L_2);
Oid_t1024680945_0 * L_4 = OidCollection_get_Item_m1851824850_0(L_2, L_3, /*hidden argument*/NULL);
return L_4;
}
}
// System.Boolean System.Security.Cryptography.OidEnumerator::MoveNext()
extern "C" bool OidEnumerator_MoveNext_m_528896323_0 (OidEnumerator_t498179733_0 * __this, const MethodInfo* method)
{
int32_t V_0 = 0;
{
int32_t L_0 = (__this->____position_1);
int32_t L_1 = ((int32_t)((int32_t)L_0+(int32_t)1));
V_0 = L_1;
__this->____position_1 = L_1;
int32_t L_2 = V_0;
OidCollection_t_322472593_0 * L_3 = (__this->____collection_0);
NullCheck(L_3);
int32_t L_4 = OidCollection_get_Count_m924395419_0(L_3, /*hidden argument*/NULL);
if ((((int32_t)L_2) >= ((int32_t)L_4)))
{
goto IL_0023;
}
}
{
return (bool)1;
}
IL_0023:
{
OidCollection_t_322472593_0 * L_5 = (__this->____collection_0);
NullCheck(L_5);
int32_t L_6 = OidCollection_get_Count_m924395419_0(L_5, /*hidden argument*/NULL);
__this->____position_1 = ((int32_t)((int32_t)L_6-(int32_t)1));
return (bool)0;
}
}
// System.Void System.Security.Cryptography.OidEnumerator::Reset()
extern "C" void OidEnumerator_Reset_m_2043456114_0 (OidEnumerator_t498179733_0 * __this, const MethodInfo* method)
{
{
__this->____position_1 = (-1);
return;
}
}
// System.Void System.Text.RegularExpressions.BaseMachine/MatchAppendEvaluator::.ctor(System.Object,System.IntPtr)
extern "C" void MatchAppendEvaluator__ctor_m44201646_0 (MatchAppendEvaluator_t228680604_0 * __this, Object_t * ___object, IntPtr_t ___method, const MethodInfo* method)
{
__this->___method_ptr_0 = (methodPointerType)((MethodInfo*)___method.___m_value_0)->method;
__this->___method_3 = ___method;
__this->___m_target_2 = ___object;
}
// System.Void System.Text.RegularExpressions.BaseMachine/MatchAppendEvaluator::Invoke(System.Text.RegularExpressions.Match,System.Text.StringBuilder)
extern "C" void MatchAppendEvaluator_Invoke_m_1384157868_0 (MatchAppendEvaluator_t228680604_0 * __this, Match_t939027474_0 * ___match, StringBuilder_t586045924_0 * ___sb, const MethodInfo* method)
{
if(__this->___prev_9 != NULL)
{
MatchAppendEvaluator_Invoke_m_1384157868_0((MatchAppendEvaluator_t228680604_0 *)__this->___prev_9,___match, ___sb, method);
}
il2cpp_codegen_raise_execution_engine_exception_if_method_is_not_found((MethodInfo*)(__this->___method_3.___m_value_0));
bool ___methodIsStatic = MethodIsStatic((MethodInfo*)(__this->___method_3.___m_value_0));
if (__this->___m_target_2 != NULL && ___methodIsStatic)
{
typedef void (*FunctionPointerType) (Object_t *, Object_t * __this, Match_t939027474_0 * ___match, StringBuilder_t586045924_0 * ___sb, const MethodInfo* method);
((FunctionPointerType)__this->___method_ptr_0)(NULL,__this->___m_target_2,___match, ___sb,(MethodInfo*)(__this->___method_3.___m_value_0));
}
else if (__this->___m_target_2 != NULL || ___methodIsStatic)
{
typedef void (*FunctionPointerType) (Object_t * __this, Match_t939027474_0 * ___match, StringBuilder_t586045924_0 * ___sb, const MethodInfo* method);
((FunctionPointerType)__this->___method_ptr_0)(__this->___m_target_2,___match, ___sb,(MethodInfo*)(__this->___method_3.___m_value_0));
}
else
{
typedef void (*FunctionPointerType) (Object_t * __this, StringBuilder_t586045924_0 * ___sb, const MethodInfo* method);
((FunctionPointerType)__this->___method_ptr_0)(___match, ___sb,(MethodInfo*)(__this->___method_3.___m_value_0));
}
}
extern "C" void pinvoke_delegate_wrapper_MatchAppendEvaluator_t228680604_0(Il2CppObject* delegate, Match_t939027474_0 * ___match, StringBuilder_t586045924_0 * ___sb)
{
// Marshaling of parameter '___match' to native representation
Match_t939027474_0 * ____match_marshaled = { 0 };
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)il2cpp_codegen_get_not_supported_exception("Cannot marshal type 'System.Text.RegularExpressions.Match'."));
}
// System.IAsyncResult System.Text.RegularExpressions.BaseMachine/MatchAppendEvaluator::BeginInvoke(System.Text.RegularExpressions.Match,System.Text.StringBuilder,System.AsyncCallback,System.Object)
extern "C" Object_t * MatchAppendEvaluator_BeginInvoke_m1979969071_0 (MatchAppendEvaluator_t228680604_0 * __this, Match_t939027474_0 * ___match, StringBuilder_t586045924_0 * ___sb, AsyncCallback_t_266361018_0 * ___callback, Object_t * ___object, const MethodInfo* method)
{
void *__d_args[3] = {0};
__d_args[0] = ___match;
__d_args[1] = ___sb;
return (Object_t *)il2cpp_delegate_begin_invoke((Il2CppDelegate*)__this, __d_args, (Il2CppDelegate*)___callback, (Il2CppObject*)___object);
}
// System.Void System.Text.RegularExpressions.BaseMachine/MatchAppendEvaluator::EndInvoke(System.IAsyncResult)
extern "C" void MatchAppendEvaluator_EndInvoke_m_30904386_0 (MatchAppendEvaluator_t228680604_0 * __this, Object_t * ___result, const MethodInfo* method)
{
il2cpp_delegate_end_invoke((Il2CppAsyncResult*) ___result, 0);
}
// System.Void System.Text.RegularExpressions.BaseMachine::.ctor()
extern "C" void BaseMachine__ctor_m17432691_0 (BaseMachine_t598973635_0 * __this, const MethodInfo* method)
{
{
__this->___needs_groups_or_captures_0 = (bool)1;
Object__ctor_m1772956182_0(__this, /*hidden argument*/NULL);
return;
}
}
// System.String System.Text.RegularExpressions.BaseMachine::Replace(System.Text.RegularExpressions.Regex,System.String,System.String,System.Int32,System.Int32)
extern TypeInfo* ReplacementEvaluator_t1435785296_0_il2cpp_TypeInfo_var;
extern TypeInfo* MatchEvaluator_t172888125_0_il2cpp_TypeInfo_var;
extern TypeInfo* MatchAppendEvaluator_t228680604_0_il2cpp_TypeInfo_var;
extern const MethodInfo* ReplacementEvaluator_Evaluate_m_89642302_0_MethodInfo_var;
extern const MethodInfo* ReplacementEvaluator_EvaluateAppend_m_28560349_0_MethodInfo_var;
extern "C" String_t* BaseMachine_Replace_m_958410496_0 (BaseMachine_t598973635_0 * __this, Regex_t943751828_0 * ___regex, String_t* ___input, String_t* ___replacement, int32_t ___count, int32_t ___startat, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
ReplacementEvaluator_t1435785296_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(697);
MatchEvaluator_t172888125_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(698);
MatchAppendEvaluator_t228680604_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(699);
ReplacementEvaluator_Evaluate_m_89642302_0_MethodInfo_var = il2cpp_codegen_method_info_from_index(43);
ReplacementEvaluator_EvaluateAppend_m_28560349_0_MethodInfo_var = il2cpp_codegen_method_info_from_index(44);
s_Il2CppMethodIntialized = true;
}
ReplacementEvaluator_t1435785296_0 * V_0 = {0};
{
Regex_t943751828_0 * L_0 = ___regex;
String_t* L_1 = ___replacement;
ReplacementEvaluator_t1435785296_0 * L_2 = (ReplacementEvaluator_t1435785296_0 *)il2cpp_codegen_object_new (ReplacementEvaluator_t1435785296_0_il2cpp_TypeInfo_var);
ReplacementEvaluator__ctor_m_1520116638_0(L_2, L_0, L_1, /*hidden argument*/NULL);
V_0 = L_2;
Regex_t943751828_0 * L_3 = ___regex;
NullCheck(L_3);
bool L_4 = Regex_get_RightToLeft_m_800212289_0(L_3, /*hidden argument*/NULL);
if (!L_4)
{
goto IL_002c;
}
}
{
Regex_t943751828_0 * L_5 = ___regex;
String_t* L_6 = ___input;
ReplacementEvaluator_t1435785296_0 * L_7 = V_0;
IntPtr_t L_8 = { (void*)ReplacementEvaluator_Evaluate_m_89642302_0_MethodInfo_var };
MatchEvaluator_t172888125_0 * L_9 = (MatchEvaluator_t172888125_0 *)il2cpp_codegen_object_new (MatchEvaluator_t172888125_0_il2cpp_TypeInfo_var);
MatchEvaluator__ctor_m_1337367153_0(L_9, L_7, L_8, /*hidden argument*/NULL);
int32_t L_10 = ___count;
int32_t L_11 = ___startat;
String_t* L_12 = BaseMachine_RTLReplace_m1984309653_0(__this, L_5, L_6, L_9, L_10, L_11, /*hidden argument*/NULL);
return L_12;
}
IL_002c:
{
Regex_t943751828_0 * L_13 = ___regex;
String_t* L_14 = ___input;
ReplacementEvaluator_t1435785296_0 * L_15 = V_0;
IntPtr_t L_16 = { (void*)ReplacementEvaluator_EvaluateAppend_m_28560349_0_MethodInfo_var };
MatchAppendEvaluator_t228680604_0 * L_17 = (MatchAppendEvaluator_t228680604_0 *)il2cpp_codegen_object_new (MatchAppendEvaluator_t228680604_0_il2cpp_TypeInfo_var);
MatchAppendEvaluator__ctor_m44201646_0(L_17, L_15, L_16, /*hidden argument*/NULL);
int32_t L_18 = ___count;
int32_t L_19 = ___startat;
ReplacementEvaluator_t1435785296_0 * L_20 = V_0;
NullCheck(L_20);
bool L_21 = ReplacementEvaluator_get_NeedsGroupsOrCaptures_m1475641324_0(L_20, /*hidden argument*/NULL);
String_t* L_22 = BaseMachine_LTRReplace_m_1061567577_0(__this, L_13, L_14, L_17, L_18, L_19, L_21, /*hidden argument*/NULL);
return L_22;
}
}
// System.Text.RegularExpressions.Match System.Text.RegularExpressions.BaseMachine::Scan(System.Text.RegularExpressions.Regex,System.String,System.Int32,System.Int32)
extern TypeInfo* NotImplementedException_t_1372918011_0_il2cpp_TypeInfo_var;
extern Il2CppCodeGenString* _stringLiteral_433456376_0;
extern "C" Match_t939027474_0 * BaseMachine_Scan_m223381495_0 (BaseMachine_t598973635_0 * __this, Regex_t943751828_0 * ___regex, String_t* ___text, int32_t ___start, int32_t ___end, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
NotImplementedException_t_1372918011_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(113);
_stringLiteral_433456376_0 = il2cpp_codegen_string_literal_from_index(2335);
s_Il2CppMethodIntialized = true;
}
{
NotImplementedException_t_1372918011_0 * L_0 = (NotImplementedException_t_1372918011_0 *)il2cpp_codegen_object_new (NotImplementedException_t_1372918011_0_il2cpp_TypeInfo_var);
NotImplementedException__ctor_m495190705_0(L_0, _stringLiteral_433456376_0, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_0);
}
}
// System.String System.Text.RegularExpressions.BaseMachine::LTRReplace(System.Text.RegularExpressions.Regex,System.String,System.Text.RegularExpressions.BaseMachine/MatchAppendEvaluator,System.Int32,System.Int32,System.Boolean)
extern TypeInfo* StringBuilder_t586045924_0_il2cpp_TypeInfo_var;
extern TypeInfo* SystemException_t_1454089723_0_il2cpp_TypeInfo_var;
extern Il2CppCodeGenString* _stringLiteral103504_0;
extern "C" String_t* BaseMachine_LTRReplace_m_1061567577_0 (BaseMachine_t598973635_0 * __this, Regex_t943751828_0 * ___regex, String_t* ___input, MatchAppendEvaluator_t228680604_0 * ___evaluator, int32_t ___count, int32_t ___startat, bool ___needs_groups_or_captures, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
StringBuilder_t586045924_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(36);
SystemException_t_1454089723_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(120);
_stringLiteral103504_0 = il2cpp_codegen_string_literal_from_index(2336);
s_Il2CppMethodIntialized = true;
}
Match_t939027474_0 * V_0 = {0};
StringBuilder_t586045924_0 * V_1 = {0};
int32_t V_2 = 0;
int32_t V_3 = 0;
{
bool L_0 = ___needs_groups_or_captures;
__this->___needs_groups_or_captures_0 = L_0;
Regex_t943751828_0 * L_1 = ___regex;
String_t* L_2 = ___input;
int32_t L_3 = ___startat;
String_t* L_4 = ___input;
NullCheck(L_4);
int32_t L_5 = String_get_Length_m_1314969965_0(L_4, /*hidden argument*/NULL);
Match_t939027474_0 * L_6 = (Match_t939027474_0 *)VirtFuncInvoker4< Match_t939027474_0 *, Regex_t943751828_0 *, String_t*, int32_t, int32_t >::Invoke(7 /* System.Text.RegularExpressions.Match System.Text.RegularExpressions.BaseMachine::Scan(System.Text.RegularExpressions.Regex,System.String,System.Int32,System.Int32) */, __this, L_1, L_2, L_3, L_5);
V_0 = L_6;
Match_t939027474_0 * L_7 = V_0;
NullCheck(L_7);
bool L_8 = Group_get_Success_m_667008532_0(L_7, /*hidden argument*/NULL);
if (L_8)
{
goto IL_0026;
}
}
{
String_t* L_9 = ___input;
return L_9;
}
IL_0026:
{
String_t* L_10 = ___input;
NullCheck(L_10);
int32_t L_11 = String_get_Length_m_1314969965_0(L_10, /*hidden argument*/NULL);
StringBuilder_t586045924_0 * L_12 = (StringBuilder_t586045924_0 *)il2cpp_codegen_object_new (StringBuilder_t586045924_0_il2cpp_TypeInfo_var);
StringBuilder__ctor_m_670569027_0(L_12, L_11, /*hidden argument*/NULL);
V_1 = L_12;
int32_t L_13 = ___startat;
V_2 = L_13;
int32_t L_14 = ___count;
V_3 = L_14;
StringBuilder_t586045924_0 * L_15 = V_1;
String_t* L_16 = ___input;
int32_t L_17 = V_2;
NullCheck(L_15);
StringBuilder_Append_m_1298895877_0(L_15, L_16, 0, L_17, /*hidden argument*/NULL);
}
IL_0042:
{
int32_t L_18 = ___count;
if ((((int32_t)L_18) == ((int32_t)(-1))))
{
goto IL_005a;
}
}
{
int32_t L_19 = V_3;
int32_t L_20 = L_19;
V_3 = ((int32_t)((int32_t)L_20-(int32_t)1));
if ((((int32_t)L_20) > ((int32_t)0)))
{
goto IL_005a;
}
}
{
goto IL_00aa;
}
IL_005a:
{
Match_t939027474_0 * L_21 = V_0;
NullCheck(L_21);
int32_t L_22 = Capture_get_Index_m_2115440198_0(L_21, /*hidden argument*/NULL);
int32_t L_23 = V_2;
if ((((int32_t)L_22) >= ((int32_t)L_23)))
{
goto IL_0071;
}
}
{
SystemException_t_1454089723_0 * L_24 = (SystemException_t_1454089723_0 *)il2cpp_codegen_object_new (SystemException_t_1454089723_0_il2cpp_TypeInfo_var);
SystemException__ctor_m_597652815_0(L_24, _stringLiteral103504_0, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_24);
}
IL_0071:
{
StringBuilder_t586045924_0 * L_25 = V_1;
String_t* L_26 = ___input;
int32_t L_27 = V_2;
Match_t939027474_0 * L_28 = V_0;
NullCheck(L_28);
int32_t L_29 = Capture_get_Index_m_2115440198_0(L_28, /*hidden argument*/NULL);
int32_t L_30 = V_2;
NullCheck(L_25);
StringBuilder_Append_m_1298895877_0(L_25, L_26, L_27, ((int32_t)((int32_t)L_29-(int32_t)L_30)), /*hidden argument*/NULL);
MatchAppendEvaluator_t228680604_0 * L_31 = ___evaluator;
Match_t939027474_0 * L_32 = V_0;
StringBuilder_t586045924_0 * L_33 = V_1;
NullCheck(L_31);
MatchAppendEvaluator_Invoke_m_1384157868_0(L_31, L_32, L_33, /*hidden argument*/NULL);
Match_t939027474_0 * L_34 = V_0;
NullCheck(L_34);
int32_t L_35 = Capture_get_Index_m_2115440198_0(L_34, /*hidden argument*/NULL);
Match_t939027474_0 * L_36 = V_0;
NullCheck(L_36);
int32_t L_37 = Capture_get_Length_m669809376_0(L_36, /*hidden argument*/NULL);
V_2 = ((int32_t)((int32_t)L_35+(int32_t)L_37));
Match_t939027474_0 * L_38 = V_0;
NullCheck(L_38);
Match_t939027474_0 * L_39 = Match_NextMatch_m_381521587_0(L_38, /*hidden argument*/NULL);
V_0 = L_39;
Match_t939027474_0 * L_40 = V_0;
NullCheck(L_40);
bool L_41 = Group_get_Success_m_667008532_0(L_40, /*hidden argument*/NULL);
if (L_41)
{
goto IL_0042;
}
}
IL_00aa:
{
StringBuilder_t586045924_0 * L_42 = V_1;
String_t* L_43 = ___input;
int32_t L_44 = V_2;
String_t* L_45 = ___input;
NullCheck(L_45);
int32_t L_46 = String_get_Length_m_1314969965_0(L_45, /*hidden argument*/NULL);
int32_t L_47 = V_2;
NullCheck(L_42);
StringBuilder_Append_m_1298895877_0(L_42, L_43, L_44, ((int32_t)((int32_t)L_46-(int32_t)L_47)), /*hidden argument*/NULL);
StringBuilder_t586045924_0 * L_48 = V_1;
NullCheck(L_48);
String_t* L_49 = StringBuilder_ToString_m350379841_0(L_48, /*hidden argument*/NULL);
return L_49;
}
}
// System.String System.Text.RegularExpressions.BaseMachine::RTLReplace(System.Text.RegularExpressions.Regex,System.String,System.Text.RegularExpressions.MatchEvaluator,System.Int32,System.Int32)
extern TypeInfo* List_1_t_293602512_0_il2cpp_TypeInfo_var;
extern TypeInfo* SystemException_t_1454089723_0_il2cpp_TypeInfo_var;
extern TypeInfo* StringBuilder_t586045924_0_il2cpp_TypeInfo_var;
extern const MethodInfo* List_1__ctor_m459821414_0_MethodInfo_var;
extern Il2CppCodeGenString* _stringLiteral103504_0;
extern "C" String_t* BaseMachine_RTLReplace_m1984309653_0 (BaseMachine_t598973635_0 * __this, Regex_t943751828_0 * ___regex, String_t* ___input, MatchEvaluator_t172888125_0 * ___evaluator, int32_t ___count, int32_t ___startat, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
List_1_t_293602512_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(34);
SystemException_t_1454089723_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(120);
StringBuilder_t586045924_0_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(36);
List_1__ctor_m459821414_0_MethodInfo_var = il2cpp_codegen_method_info_from_index(2147483649);
_stringLiteral103504_0 = il2cpp_codegen_string_literal_from_index(2336);
s_Il2CppMethodIntialized = true;
}
Match_t939027474_0 * V_0 = {0};
int32_t V_1 = 0;
int32_t V_2 = 0;
List_1_t_293602512_0 * V_3 = {0};
StringBuilder_t586045924_0 * V_4 = {0};
int32_t V_5 = 0;
{
Regex_t943751828_0 * L_0 = ___regex;
String_t* L_1 = ___input;
int32_t L_2 = ___startat;
String_t* L_3 = ___input;
NullCheck(L_3);
int32_t L_4 = String_get_Length_m_1314969965_0(L_3, /*hidden argument*/NULL);
Match_t939027474_0 * L_5 = (Match_t939027474_0 *)VirtFuncInvoker4< Match_t939027474_0 *, Regex_t943751828_0 *, String_t*, int32_t, int32_t >::Invoke(7 /* System.Text.RegularExpressions.Match System.Text.RegularExpressions.BaseMachine::Scan(System.Text.RegularExpressions.Regex,System.String,System.Int32,System.Int32) */, __this, L_0, L_1, L_2, L_4);
V_0 = L_5;
Match_t939027474_0 * L_6 = V_0;
NullCheck(L_6);
bool L_7 = Group_get_Success_m_667008532_0(L_6, /*hidden argument*/NULL);
if (L_7)
{
goto IL_001e;
}
}
{
String_t* L_8 = ___input;
return L_8;
}
IL_001e:
{
int32_t L_9 = ___startat;
V_1 = L_9;
int32_t L_10 = ___count;
V_2 = L_10;
List_1_t_293602512_0 * L_11 = (List_1_t_293602512_0 *)il2cpp_codegen_object_new (List_1_t_293602512_0_il2cpp_TypeInfo_var);
List_1__ctor_m459821414_0(L_11, /*hidden argument*/List_1__ctor_m459821414_0_MethodInfo_var);
V_3 = L_11;
List_1_t_293602512_0 * L_12 = V_3;
String_t* L_13 = ___input;
int32_t L_14 = V_1;
NullCheck(L_13);
String_t* L_15 = String_Substring_m_1485734233_0(L_13, L_14, /*hidden argument*/NULL);
NullCheck(L_12);
VirtActionInvoker1< String_t* >::Invoke(22 /* System.Void System.Collections.Generic.List`1<System.String>::Add(!0) */, L_12, L_15);
}
IL_0037:
{
int32_t L_16 = ___count;
if ((((int32_t)L_16) == ((int32_t)(-1))))
{
goto IL_004f;
}
}
{
int32_t L_17 = V_2;
int32_t L_18 = L_17;
V_2 = ((int32_t)((int32_t)L_18-(int32_t)1));
if ((((int32_t)L_18) > ((int32_t)0)))
{
goto IL_004f;
}
}
{
goto IL_00bb;
}
IL_004f:
{
Match_t939027474_0 * L_19 = V_0;
NullCheck(L_19);
int32_t L_20 = Capture_get_Index_m_2115440198_0(L_19, /*hidden argument*/NULL);
Match_t939027474_0 * L_21 = V_0;
NullCheck(L_21);
int32_t L_22 = Capture_get_Length_m669809376_0(L_21, /*hidden argument*/NULL);
int32_t L_23 = V_1;
if ((((int32_t)((int32_t)((int32_t)L_20+(int32_t)L_22))) <= ((int32_t)L_23)))
{
goto IL_006d;
}
}
{
SystemException_t_1454089723_0 * L_24 = (SystemException_t_1454089723_0 *)il2cpp_codegen_object_new (SystemException_t_1454089723_0_il2cpp_TypeInfo_var);
SystemException__ctor_m_597652815_0(L_24, _stringLiteral103504_0, /*hidden argument*/NULL);
il2cpp_codegen_raise_exception((Il2CppCodeGenException*)L_24);
}
IL_006d:
{
List_1_t_293602512_0 * L_25 = V_3;
String_t* L_26 = ___input;
Match_t939027474_0 * L_27 = V_0;
NullCheck(L_27);
int32_t L_28 = Capture_get_Index_m_2115440198_0(L_27, /*hidden argument*/NULL);
Match_t939027474_0 * L_29 = V_0;
NullCheck(L_29);
int32_t L_30 = Capture_get_Length_m669809376_0(L_29, /*hidden argument*/NULL);
int32_t L_31 = V_1;
Match_t939027474_0 * L_32 = V_0;
NullCheck(L_32);
int32_t L_33 = Capture_get_Index_m_2115440198_0(L_32, /*hidden argument*/NULL);
Match_t939027474_0 * L_34 = V_0;
NullCheck(L_34);
int32_t L_35 = Capture_get_Length_m669809376_0(L_34, /*hidden argument*/NULL);
NullCheck(L_26);
String_t* L_36 = String_Substring_m675079568_0(L_26, ((int32_t)((int32_t)L_28+(int32_t)L_30)), ((int32_t)((int32_t)((int32_t)((int32_t)L_31-(int32_t)L_33))-(int32_t)L_35)), /*hidden argument*/NULL);
NullCheck(L_25);
VirtActionInvoker1< String_t* >::Invoke(22 /* System.Void System.Collections.Generic.List`1<System.String>::Add(!0) */, L_25, L_36);
List_1_t_293602512_0 * L_37 = V_3;
MatchEvaluator_t172888125_0 * L_38 = ___evaluator;
Match_t939027474_0 * L_39 = V_0;
NullCheck(L_38);
String_t* L_40 = MatchEvaluator_Invoke_m_1079705458_0(L_38, L_39, /*hidden argument*/NULL);
NullCheck(L_37);
VirtActionInvoker1< String_t* >::Invoke(22 /* System.Void System.Collections.Generic.List`1<System.String>::Add(!0) */, L_37, L_40);
Match_t939027474_0 * L_41 = V_0;
NullCheck(L_41);
int32_t L_42 = Capture_get_Index_m_2115440198_0(L_41, /*hidden argument*/NULL);
V_1 = L_42;
Match_t939027474_0 * L_43 = V_0;
NullCheck(L_43);
Match_t939027474_0 * L_44 = Match_NextMatch_m_381521587_0(L_43, /*hidden argument*/NULL);
V_0 = L_44;
Match_t939027474_0 * L_45 = V_0;
NullCheck(L_45);
bool L_46 = Group_get_Success_m_667008532_0(L_45, /*hidden argument*/NULL);
if (L_46)
{
goto IL_0037;
}
}
IL_00bb:
{
StringBuilder_t586045924_0 * L_47 = (StringBuilder_t586045924_0 *)il2cpp_codegen_object_new (StringBuilder_t586045924_0_il2cpp_TypeInfo_var);
StringBuilder__ctor_m135953004_0(L_47, /*hidden argument*/NULL);
V_4 = L_47;
StringBuilder_t586045924_0 * L_48 = V_4;
String_t* L_49 = ___input;
int32_t L_50 = V_1;
NullCheck(L_48);
StringBuilder_Append_m_1298895877_0(L_48, L_49, 0, L_50, /*hidden argument*/NULL);
List_1_t_293602512_0 * L_51 = V_3;
NullCheck(L_51);
int32_t L_52 = (int32_t)VirtFuncInvoker0< int32_t >::Invoke(20 /* System.Int32 System.Collections.Generic.List`1<System.String>::get_Count() */, L_51);
V_5 = L_52;
goto IL_00ef;
}
IL_00da:
{
StringBuilder_t586045924_0 * L_53 = V_4;
List_1_t_293602512_0 * L_54 = V_3;
int32_t L_55 = V_5;
int32_t L_56 = ((int32_t)((int32_t)L_55-(int32_t)1));
V_5 = L_56;
NullCheck(L_54);
String_t* L_57 = (String_t*)VirtFuncInvoker1< String_t*, int32_t >::Invoke(31 /* !0 System.Collections.Generic.List`1<System.String>::get_Item(System.Int32) */, L_54, L_56);
NullCheck(L_53);
StringBuilder_Append_m_396877221_0(L_53, L_57, /*hidden argument*/NULL);
}
IL_00ef:
{
int32_t L_58 = V_5;
if ((((int32_t)L_58) > ((int32_t)0)))
{
goto IL_00da;
}
}
{
List_1_t_293602512_0 * L_59 = V_3;
NullCheck(L_59);
VirtActionInvoker0::Invoke(23 /* System.Void System.Collections.Generic.List`1<System.String>::Clear() */, L_59);
StringBuilder_t586045924_0 * L_60 = V_4;
NullCheck(L_60);
String_t* L_61 = StringBuilder_ToString_m350379841_0(L_60, /*hidden argument*/NULL);
return L_61;
}
}
// System.Void System.Text.RegularExpressions.Capture::.ctor(System.String)
extern "C" void Capture__ctor_m_1194208897_0 (Capture_t173996627_0 * __this, String_t* ___text, const MethodInfo* method)
{
{
String_t* L_0 = ___text;
Capture__ctor_m_408439265_0(__this, L_0, 0, 0, /*hidden argument*/NULL);
return;
}
}
// System.Void System.Text.RegularExpressions.Capture::.ctor(System.String,System.Int32,System.Int32)
extern "C" void Capture__ctor_m_408439265_0 (Capture_t173996627_0 * __this, String_t* ___text, int32_t ___index, int32_t ___length, const MethodInfo* method)
{
{
Object__ctor_m1772956182_0(__this, /*hidden argument*/NULL);
String_t* L_0 = ___text;
__this->___text_2 = L_0;
int32_t L_1 = ___index;
__this->___index_0 = L_1;
int32_t L_2 = ___length;
__this->___length_1 = L_2;
return;
}
}
// System.Int32 System.Text.RegularExpressions.Capture::get_Index()
extern "C" int32_t Capture_get_Index_m_2115440198_0 (Capture_t173996627_0 * __this, const MethodInfo* method)
{
{
int32_t L_0 = (__this->___index_0);
return L_0;
}
}
// System.Int32 System.Text.RegularExpressions.Capture::get_Length()
extern "C" int32_t Capture_get_Length_m669809376_0 (Capture_t173996627_0 * __this, const MethodInfo* method)
{
{
int32_t L_0 = (__this->___length_1);
return L_0;
}
}
// System.String System.Text.RegularExpressions.Capture::get_Value()
extern TypeInfo* String_t_il2cpp_TypeInfo_var;
extern "C" String_t* Capture_get_Value_m_1941337722_0 (Capture_t173996627_0 * __this, const MethodInfo* method)
{
static bool s_Il2CppMethodIntialized;
if (!s_Il2CppMethodIntialized)
{
String_t_il2cpp_TypeInfo_var = il2cpp_codegen_type_info_from_index(11);
s_Il2CppMethodIntialized = true;
}
String_t* G_B3_0 = {0};
{
String_t* L_0 = (__this->___text_2);
if (L_0)
{
goto IL_0015;
}
}
{
IL2CPP_RUNTIME_CLASS_INIT(String_t_il2cpp_TypeInfo_var);
String_t* L_1 = ((String_t_StaticFields*)String_t_il2cpp_TypeInfo_var->static_fields)->___Empty_2;
G_B3_0 = L_1;
goto IL_002c;
}
IL_0015:
{
String_t* L_2 = (__this->___text_2);
int32_t L_3 = (__this->___index_0);
int32_t L_4 = (__this->___length_1);
NullCheck(L_2);
String_t* L_5 = String_Substring_m675079568_0(L_2, L_3, L_4, /*hidden argument*/NULL);
G_B3_0 = L_5;
}
IL_002c:
{
return G_B3_0;
}
}
// System.String System.Text.RegularExpressions.Capture::ToString()
extern "C" String_t* Capture_ToString_m1009743248_0 (Capture_t173996627_0 * __this, const MethodInfo* method)
{
{
String_t* L_0 = Capture_get_Value_m_1941337722_0(__this, /*hidden argument*/NULL);
return L_0;
}
}
// System.String System.Text.RegularExpressions.Capture::get_Text()
extern "C" String_t* Capture_get_Text_m1823829274_0 (Capture_t173996627_0 * __this, const MethodInfo* method)
{
{
String_t* L_0 = (__this->___text_2);
return L_0;
}
}
#ifdef __clang__
#pragma clang diagnostic pop
#endif
| [
"[email protected]"
] | |
2f01f4d446090a6f2b59a080bfdc963d6b92f736 | 11ce39581c9f1ddc4dce24590bb9143eb4f6aa2e | /jade/HtmlMessages.h | 6eec59a0ac00bd9cff46c8ecb69ab3931bcd916b | [
"MIT",
"BSD-3-Clause",
"LicenseRef-scancode-unknown-license-reference"
] | permissive | OS2World/DEV-UTIL-OpenJade | 17cd31f0fb3944ca141715a291936b97a49fb6f1 | c8090374fa863bab9824f63be27e2c9b2d3fa2bd | refs/heads/master | 2016-08-04T23:57:47.412638 | 2015-01-06T16:43:20 | 2015-01-06T16:43:21 | 28,872,480 | 1 | 0 | null | null | null | null | UTF-8 | C++ | false | false | 478 | h | // This file was automatically generated from HtmlMessages.msg by msggen.pl.
#include <OpenSP/Message.h>
#ifdef SP_NAMESPACE
namespace SP_NAMESPACE {
#endif
struct HtmlMessages {
// 3000
static const MessageType2 cannotOpenOutputError;
};
extern MessageModule jstyleModule;
const MessageType2 HtmlMessages::cannotOpenOutputError(
MessageType::error,
&jstyleModule,
3000
#ifndef SP_NO_MESSAGE_TEXT
,"cannot open output file %1 (%2)"
#endif
);
#ifdef SP_NAMESPACE
}
#endif
| [
"[email protected]"
] | |
19163aa8fdb1739a484bd49ce683c7960c149cd7 | 20b624acee1673a583d94f02f549e8bff4f05b82 | /multihash/detail/cryptopp_impl.cpp | 59d8e082d2f6fe4c62ba305a419446b94050eec6 | [
"MIT"
] | permissive | lockblox/multihash | f95ae7b847604b900573387a53be574f6a6a50bf | 9f26e84082514a1278c1ba1767fe3d067724b26a | refs/heads/master | 2023-05-31T06:24:55.959167 | 2021-06-19T19:58:48 | 2021-06-19T19:58:48 | 47,453,120 | 5 | 2 | null | null | null | null | UTF-8 | C++ | false | false | 27 | cpp | #include "cryptopp_impl.h"
| [
"[email protected]"
] | |
458c59a08ed6f7db512f297d13a183f3491cb6e3 | 23a0a9413c9af7676ec4c184b3aa56840620bc4d | /src/svTextEdit.h | 34bebe21b1bfb29bd71c71f41e364be0ba1e5bd7 | [
"BSD-3-Clause"
] | permissive | awvic/awvic | 4a5f9c1b3d51f0cf0ff579753785ae7ce3128bbe | 1643844bf11214a72363b33e29ca142e02216b41 | refs/heads/master | 2023-08-25T05:07:36.026985 | 2023-07-19T03:37:49 | 2023-07-19T03:37:49 | 48,832,418 | 0 | 0 | null | null | null | null | UTF-8 | C++ | false | false | 666 | h | /*
* Class svTextEdit present the text edit behavior on the screen.
*/
#ifndef _SVTEXTEDIT_H
#define _SVTEXTEDIT_H
#include <wx/wxprec.h>
#ifdef __BORLANDC__
#pragma hdrstop
#endif
#ifndef WX_PRECOMP
// Include your minimal set of headers here, or wx.h
#include <wx/wx.h>
#endif
#include "svLineText.h"
#include "svBufText.h"
#include "svListOfIntList.h"
#include <vector>
using namespace std;
class svTextEdit
{
private:
svBufText* m_bufText; // text buffer to be edit.
public:
svTextEdit();
svTextEdit(svBufText* p_buftext);
~svTextEdit();
void Reset(svBufText* p_buftext);
void InsertChar(wxChar p_key);
};
#endif
| [
"[email protected]"
] | |
d8b00eb9bb6cd3d51c14036d51a612a37cbe1d73 | ab831d976e3cc012e362b7b520f25ae5a127d799 | /third/behaviac-3.5.9/inc/behaviac/base/object/serializationevent.h | 9b0398b8cb133ae631af61ce72fdd87aa67df5b6 | [
"LicenseRef-scancode-unknown-license-reference",
"Zlib",
"BSD-2-Clause",
"BSD-3-Clause",
"MIT"
] | permissive | bohge/Hades | 7b8c04695cd6e7ecb38e6fd554f0e6f7aa59ca1d | 472d72ef095048d080e1b4fcf0f846d0e57b8b22 | refs/heads/master | 2021-01-02T22:16:05.573728 | 2018-08-04T02:04:37 | 2018-08-04T02:04:37 | 99,313,890 | 1 | 1 | null | null | null | null | UTF-8 | C++ | false | false | 4,780 | h | /////////////////////////////////////////////////////////////////////////////////////////////////////////////////
// Tencent is pleased to support the open source community by making behaviac available.
//
// Copyright (C) 2015 THL A29 Limited, a Tencent company. All rights reserved.
//
// Licensed under the BSD 3-Clause License (the "License"); you may not use this file except in compliance with
// the License. You may obtain a copy of the License at http://opensource.org/licenses/BSD-3-Clause
//
// Unless required by applicable law or agreed to in writing, software distributed under the License is
// distributed on an "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
// See the License for the specific language governing permissions and limitations under the License.
/////////////////////////////////////////////////////////////////////////////////////////////////////////////////
#ifndef BEHAVIAC_ENGINESERVICES_SERIALIZATIONEVENT_H
#define BEHAVIAC_ENGINESERVICES_SERIALIZATIONEVENT_H
#include "behaviac/base/object/tagobject.h"
/////////////////////////////////////////////////////////
/////////////// CONTAINED MEMBER ///////////////
/////////////////////////////////////////////////////////
#define REGISTER_SERIALIZATION_EVENT(functionToCall, PropertyFlags2) \
{ \
behaviac::CMemberBase* property = CSerializationEventFactory<PropertyFlags2>::Create(&objectType::functionToCall, objectType::GetClassTypeName()); \
CTagObjectDescriptor::PushBackMember(ms_members, property); \
}
template<class ObjectType2, uint32_t PropertyFlags2>
class CSerializationEvent : public behaviac::CMemberBase
{
public:
BEHAVIAC_DECLARE_MEMORY_OPERATORS(CSerializationEvent);
CSerializationEvent(void (ObjectType2::*Function)(), const char* className)
: behaviac::CMemberBase("SerializationEvent", className),
m_function(Function) {}
CSerializationEvent(const CSerializationEvent& copy) : behaviac::CMemberBase(copy), m_function(copy.m_function)
{}
virtual behaviac::CMemberBase* clone() const
{
behaviac::CMemberBase* p = BEHAVIAC_NEW CSerializationEvent(*this);
return p;
}
virtual void Load(behaviac::CTagObject* parent, const behaviac::ISerializableNode* node)
{
BEHAVIAC_UNUSED_VAR(parent);
BEHAVIAC_UNUSED_VAR(node);
if ((PropertyFlags2 & behaviac::EPersistenceType_Description_Load))
{
(((ObjectType2*)parent)->*m_function)();
}
}
virtual void Save(const behaviac::CTagObject* parent, behaviac::ISerializableNode* node)
{
BEHAVIAC_UNUSED_VAR(parent);
BEHAVIAC_UNUSED_VAR(node);
if ((PropertyFlags2 & behaviac::EPersistenceType_Description_Save))
{
(((ObjectType2*)parent)->*m_function)();
}
}
virtual void LoadState(behaviac::CTagObject* parent, const behaviac::ISerializableNode* node)
{
BEHAVIAC_UNUSED_VAR(parent);
BEHAVIAC_UNUSED_VAR(node);
if ((PropertyFlags2 & behaviac::EPersistenceType_State_Load))
{
(((ObjectType2*)parent)->*m_function)();
}
}
virtual void SaveState(const behaviac::CTagObject* parent, behaviac::ISerializableNode* node)
{
BEHAVIAC_UNUSED_VAR(parent);
BEHAVIAC_UNUSED_VAR(node);
if ((PropertyFlags2 & behaviac::EPersistenceType_State_Save))
{
(((ObjectType2*)parent)->*m_function)();
}
}
virtual void GetUiInfo(behaviac::CTagTypeDescriptor::TypesMap_t* types, const behaviac::CTagObject* parent, const behaviac::XmlNodeRef& xmlNode)
{
BEHAVIAC_UNUSED_VAR(parent);
BEHAVIAC_UNUSED_VAR(xmlNode);
BEHAVIAC_UNUSED_VAR(types);
}
virtual void GetMethodsDescription(behaviac::CTagTypeDescriptor::TypesMap_t* types, const behaviac::CTagObject* parent, const behaviac::XmlNodeRef& xmlNode)
{
BEHAVIAC_UNUSED_VAR(parent);
BEHAVIAC_UNUSED_VAR(xmlNode);
BEHAVIAC_UNUSED_VAR(types);
}
void (ObjectType2::*m_function)();
};
template<uint32_t PropertyFlags22>
struct CSerializationEventFactory
{
template<class ObjectType22>
static behaviac::CMemberBase* Create(void (ObjectType22::*Function)(), const char* className)
{
typedef CSerializationEvent<ObjectType22, PropertyFlags22> EventType;
return BEHAVIAC_NEW EventType(Function, className);
}
};
#endif // #ifndef BEHAVIAC_ENGINESERVICES_SERIALIZATIONEVENT_H
| [
"[email protected]"
] | |
ca5fa3c432259c79152b8b24036f0b5bd4b04e03 | 968c7c3d25b33f38e35c51d5e1a06074b98241c7 | /prova_dr/src_backups/dtam_slow.h | 0a526262c0beed9698c813152af0820a2e8dbf0c | [] | no_license | RobotBytedance/dtam_thesis | 063d7a4854ff8f644780c8f6f0ab33dd75626e8a | a48449a4446927bc4efc82963e8fb6496d4fc46e | refs/heads/main | 2023-08-29T02:07:40.492701 | 2021-10-19T09:17:07 | 2021-10-19T09:17:07 | null | 0 | 0 | null | null | null | null | UTF-8 | C++ | false | false | 1,299 | h | #pragma once
#include "camera.h"
#include "image.h"
class Dtam{
public:
int i_;
Image<float>* img_cam_r_;
Image<float>* img_cam_m_;
Dtam(int i){
i_ = i;
};
bool get1stDepthWithUV(Camera* camera_r, Camera* camera_m, Eigen::Vector2f& uv_r, Eigen::Vector2f& uv_m, float& depth);
bool collectCostsInEpipolarLine_FVT(Eigen::Vector2i& uv_r, Camera* camera_r, Camera* camera_m, std::vector<std::tuple<float,int>>& costInvdepthTuple);
bool getCost(Eigen::Vector2i& uv_r, float depth_r, Camera* camera_r, Camera* camera_m, int& cost, bool check=false);
bool getTotalCosts(std::vector<std::vector<std::tuple<float,int>>>& allCosts, std::vector<std::tuple<float,int>>& totalCosts);
int getIndexOfMinimumCost(std::vector<std::tuple<float,int>>& totalCosts);
void getDepthMap(CameraVector& camera_vector, int interpolation, bool check=false);
int closest(std::vector<float>& vec, float value);
private:
// taken from https://stackoverflow.com/questions/8647635/elegant-way-to-find-closest-value-in-a-vector-from-above
void extractDepthsFromTupleVec(std::vector<std::tuple<float,int>>& totalCosts, std::vector<float>& invdepths);
void extractCostsFromTupleVec(std::vector<std::tuple<float,int>>& totalCosts, std::vector<float>& costs);
};
| [
"[email protected]"
] | |
80406a3b04b49fdcbb71f09298bb1e6f44ca8007 | be3212dd23d5874f065d4ae4606f2378edb32cd4 | /UVa10603.cpp | 9e1ec1e89f172f3c621adea1238d66b61035b0d7 | [] | no_license | otaGran/uva | 7af48ad2f5d77240e98064d1cb84ff1ea7a014db | 7c0957aa165355a1a77ef84b6c1b64c694b7d3b6 | refs/heads/master | 2021-09-11T21:01:18.233786 | 2018-04-12T10:29:12 | 2018-04-12T10:29:12 | 103,948,166 | 0 | 0 | null | null | null | null | UTF-8 | C++ | false | false | 2,328 | cpp | //
// Created by beans on 2017/10/17.
//
//优先队列确保以最小值到达每个节点
#include <cstdio>
#include <cstring>
#include <queue>
using namespace std;
struct Node {
int v[3], dist;
bool operator<(const Node &rhs) const {
return dist > rhs.dist;
}
};
const int maxn = 200 + 5;
int vis[maxn][maxn], cap[3], ans[maxn];
void update_ans(const Node &u) {
for (int i = 0; i < 3; i++) {//遍历杯编号
int d = u.v[i];
if (ans[d] < 0 || u.dist < ans[d])//未到达该结果 或 较小水量到达该结果
ans[d] = u.dist;
}
}
void slove(int a, int b, int c, int d) {
cap[0] = a;
cap[1] = b;
cap[2] = c;
memset(vis, 0, sizeof(vis));
memset(ans, -1, sizeof(ans));
priority_queue<Node> q;
Node start;
start.dist = 0;
start.v[0] = 0;
start.v[1] = 0;
start.v[2] = c;
q.push(start);
vis[0][0] = 1;
while (!q.empty()) {
Node u = q.top();//取出当前最小水量节点
q.pop();
update_ans(u);//更新结果
if (ans[d] >= 0) {
break;
}
for (int i = 0; i < 3; i++)//选定源杯编号
for (int j = 0; j < 3; j++)//选定目标杯编号
if (i != j) {
if (u.v[i] == 0 || u.v[j] == cap[j]) {//源杯子为空或目标杯已满
continue;
}
int amount = min(cap[j], u.v[i] + u.v[j]) - u.v[j];//确定最小水量 case_1:倒满目标杯 case_2:倒空源杯
Node u2;//扩展新节点
memcpy(&u2, &u, sizeof(u));
u2.dist = u.dist + amount;//新节点最小水量
u2.v[i] -= amount;
u2.v[j] += amount;
if (!vis[u2.v[0]][u2.v[1]]) {//判重
vis[u2.v[0]][u2.v[1]] = 1;
q.push(u2);
}
}
}
while (d >= 0) {//从 d 逼近 d'
if (ans[d] >= 0) {//存在此结果
printf("%d %d\n", ans[d], d);
return;
}
d--;
}
}
int main() {
int T, a, b, c, d;
scanf("%d", &T);
while (T--) {
scanf("%d%d%d%d", &a, &b, &c, &d);
slove(a, b, c, d);
}
return 0;
} | [
"[email protected]"
] | |
5bd640c30b85f0d68701724140b6e5aec3a43a13 | 8dc84558f0058d90dfc4955e905dab1b22d12c08 | /google_apis/drive/drive_api_url_generator_unittest.cc | 45ae4b2892016967ca3d8edfba3eb826784aa8ae | [
"LicenseRef-scancode-unknown-license-reference",
"BSD-3-Clause"
] | permissive | meniossin/src | 42a95cc6c4a9c71d43d62bc4311224ca1fd61e03 | 44f73f7e76119e5ab415d4593ac66485e65d700a | refs/heads/master | 2022-12-16T20:17:03.747113 | 2020-09-03T10:43:12 | 2020-09-03T10:43:12 | 263,710,168 | 1 | 0 | BSD-3-Clause | 2020-05-13T18:20:09 | 2020-05-13T18:20:08 | null | UTF-8 | C++ | false | false | 24,175 | cc | // Copyright (c) 2013 The Chromium Authors. All rights reserved.
// Use of this source code is governed by a BSD-style license that can be
// found in the LICENSE file.
#include "google_apis/drive/drive_api_url_generator.h"
#include <stddef.h>
#include <stdint.h>
#include "base/macros.h"
#include "google_apis/drive/test_util.h"
#include "testing/gtest/include/gtest/gtest.h"
#include "url/gurl.h"
#include "url/url_util.h"
namespace google_apis {
namespace {
// The URLs used for production may be different for Chromium OS and Chrome
// OS, so use testing base urls.
const char kBaseUrlForTesting[] = "https://www.example.com";
const char kBaseThumbnailUrlForTesting[] = "https://thumbnail.example.com";
} // namespace
class DriveApiUrlGeneratorTest : public testing::Test {
public:
DriveApiUrlGeneratorTest()
: url_generator_(GURL(kBaseUrlForTesting),
GURL(kBaseThumbnailUrlForTesting),
TEAM_DRIVES_INTEGRATION_DISABLED),
team_drives_url_generator_(GURL(kBaseUrlForTesting),
GURL(kBaseThumbnailUrlForTesting),
TEAM_DRIVES_INTEGRATION_ENABLED) {
url::AddStandardScheme("chrome-extension", url::SCHEME_WITH_HOST);
}
~DriveApiUrlGeneratorTest() override { url::Shutdown(); }
protected:
DriveApiUrlGenerator url_generator_;
DriveApiUrlGenerator team_drives_url_generator_;
};
// Make sure the hard-coded urls are returned.
TEST_F(DriveApiUrlGeneratorTest, GetAboutGetUrl) {
EXPECT_EQ("https://www.example.com/drive/v2/about",
url_generator_.GetAboutGetUrl().spec());
}
TEST_F(DriveApiUrlGeneratorTest, GetAppsListUrl) {
const bool use_internal_url = true;
EXPECT_EQ("https://www.example.com/drive/v2internal/apps",
url_generator_.GetAppsListUrl(use_internal_url).spec());
EXPECT_EQ("https://www.example.com/drive/v2/apps",
url_generator_.GetAppsListUrl(!use_internal_url).spec());
}
TEST_F(DriveApiUrlGeneratorTest, GetAppsDeleteUrl) {
EXPECT_EQ("https://www.example.com/drive/v2internal/apps/0ADK06pfg",
url_generator_.GetAppsDeleteUrl("0ADK06pfg").spec());
}
TEST_F(DriveApiUrlGeneratorTest, GetFilesGetUrl) {
// |file_id| should be embedded into the url.
EXPECT_EQ("https://www.example.com/drive/v2/files/0ADK06pfg",
url_generator_.GetFilesGetUrl("0ADK06pfg", false, GURL()).spec());
EXPECT_EQ("https://www.example.com/drive/v2/files/0Bz0bd074",
url_generator_.GetFilesGetUrl("0Bz0bd074", false, GURL()).spec());
EXPECT_EQ(
"https://www.example.com/drive/v2/files/file%3Afile_id",
url_generator_.GetFilesGetUrl("file:file_id", false, GURL()).spec());
EXPECT_EQ("https://www.example.com/drive/v2/files/0Bz0bd074"
"?supportsTeamDrives=true",
team_drives_url_generator_.GetFilesGetUrl(
"0Bz0bd074", false, GURL()).spec());
// If |use_internal_endpoint| is true, the generated url should point to the
// v2internal.
EXPECT_EQ("https://www.example.com/drive/v2internal/files/0ADK06pfg",
url_generator_.GetFilesGetUrl("0ADK06pfg", true, GURL()).spec());
// If |embed_origin| is not empty, it should be added as a query parameter.
EXPECT_EQ(
"https://www.example.com/drive/v2/files/0ADK06pfg"
"?embedOrigin=chrome-extension%3A%2F%2Ftest",
url_generator_.GetFilesGetUrl("0ADK06pfg", false,
GURL("chrome-extension://test")).spec());
EXPECT_EQ(
"https://www.example.com/drive/v2internal/files/0ADK06pfg"
"?embedOrigin=chrome-extension%3A%2F%2Ftest",
url_generator_.GetFilesGetUrl("0ADK06pfg", true,
GURL("chrome-extension://test")).spec());
EXPECT_EQ(
"https://www.example.com/drive/v2/files/0ADK06pfg?"
"supportsTeamDrives=true",
team_drives_url_generator_.GetFilesGetUrl("0ADK06pfg", false, GURL())
.spec());
}
TEST_F(DriveApiUrlGeneratorTest, GetFilesAuthorizeUrl) {
EXPECT_EQ(
"https://www.example.com/drive/v2internal/files/aa/authorize?appId=bb",
url_generator_.GetFilesAuthorizeUrl("aa", "bb").spec());
EXPECT_EQ(
"https://www.example.com/drive/v2internal/files/aa/authorize?appId=bb&"
"supportsTeamDrives=true",
team_drives_url_generator_.GetFilesAuthorizeUrl("aa", "bb").spec());
}
TEST_F(DriveApiUrlGeneratorTest, GetFilesInsertUrl) {
EXPECT_EQ("https://www.example.com/drive/v2/files",
url_generator_.GetFilesInsertUrl("").spec());
EXPECT_EQ("https://www.example.com/drive/v2/files?visibility=DEFAULT",
url_generator_.GetFilesInsertUrl("DEFAULT").spec());
EXPECT_EQ("https://www.example.com/drive/v2/files?visibility=PRIVATE",
url_generator_.GetFilesInsertUrl("PRIVATE").spec());
EXPECT_EQ("https://www.example.com/drive/v2/files?supportsTeamDrives=true",
team_drives_url_generator_.GetFilesInsertUrl("").spec());
}
TEST_F(DriveApiUrlGeneratorTest, GetFilePatchUrl) {
struct TestPattern {
bool set_modified_date;
bool update_viewed_date;
const std::string expected_query;
};
const TestPattern kTestPatterns[] = {
{ false, true, "" },
{ true, true, "?setModifiedDate=true" },
{ false, false, "?updateViewedDate=false" },
{ true, false, "?setModifiedDate=true&updateViewedDate=false" },
};
for (size_t i = 0; i < arraysize(kTestPatterns); ++i) {
EXPECT_EQ(
"https://www.example.com/drive/v2/files/0ADK06pfg" +
kTestPatterns[i].expected_query,
url_generator_.GetFilesPatchUrl(
"0ADK06pfg", kTestPatterns[i].set_modified_date,
kTestPatterns[i].update_viewed_date).spec());
EXPECT_EQ(
"https://www.example.com/drive/v2/files/0Bz0bd074" +
kTestPatterns[i].expected_query,
url_generator_.GetFilesPatchUrl(
"0Bz0bd074", kTestPatterns[i].set_modified_date,
kTestPatterns[i].update_viewed_date).spec());
EXPECT_EQ(
"https://www.example.com/drive/v2/files/file%3Afile_id" +
kTestPatterns[i].expected_query,
url_generator_.GetFilesPatchUrl(
"file:file_id", kTestPatterns[i].set_modified_date,
kTestPatterns[i].update_viewed_date).spec());
}
EXPECT_EQ(
"https://www.example.com/drive/v2/files/0ADK06pfg?"
"supportsTeamDrives=true",
team_drives_url_generator_.GetFilesPatchUrl("0ADK06pfg", false, true)
.spec());
}
TEST_F(DriveApiUrlGeneratorTest, GetFilesCopyUrl) {
// |file_id| should be embedded into the url.
EXPECT_EQ("https://www.example.com/drive/v2/files/0ADK06pfg/copy",
url_generator_.GetFilesCopyUrl("0ADK06pfg", "").spec());
EXPECT_EQ("https://www.example.com/drive/v2/files/0Bz0bd074/copy",
url_generator_.GetFilesCopyUrl("0Bz0bd074", "").spec());
EXPECT_EQ("https://www.example.com/drive/v2/files/file%3Afile_id/copy",
url_generator_.GetFilesCopyUrl("file:file_id", "").spec());
EXPECT_EQ("https://www.example.com/drive/v2/files/0Bz0bd074/copy"
"?visibility=DEFAULT",
url_generator_.GetFilesCopyUrl("0Bz0bd074", "DEFAULT").spec());
EXPECT_EQ("https://www.example.com/drive/v2/files/file%3Afile_id/copy"
"?visibility=PRIVATE",
url_generator_.GetFilesCopyUrl("file:file_id", "PRIVATE").spec());
EXPECT_EQ(
"https://www.example.com/drive/v2/files/0ADK06pfg/copy?"
"supportsTeamDrives=true",
team_drives_url_generator_.GetFilesCopyUrl("0ADK06pfg", "").spec());
}
TEST_F(DriveApiUrlGeneratorTest, GetFilesListUrl) {
struct TestPattern {
int max_results;
const std::string page_token;
const std::string q;
const std::string expected_query;
};
const TestPattern kTestPatterns[] = {
{ 100, "", "", "" },
{ 150, "", "", "maxResults=150" },
{ 10, "", "", "maxResults=10" },
{ 100, "token", "", "pageToken=token" },
{ 150, "token", "", "maxResults=150&pageToken=token" },
{ 10, "token", "", "maxResults=10&pageToken=token" },
{ 100, "", "query", "q=query" },
{ 150, "", "query", "maxResults=150&q=query" },
{ 10, "", "query", "maxResults=10&q=query" },
{ 100, "token", "query", "pageToken=token&q=query" },
{ 150, "token", "query", "maxResults=150&pageToken=token&q=query" },
{ 10, "token", "query", "maxResults=10&pageToken=token&q=query" },
};
const std::string kV2FilesUrlPrefix =
"https://www.example.com/drive/v2/files";
const std::string kV2FilesUrlPrefixWithTeamDrives =
"https://www.example.com/drive/v2/files?supportsTeamDrives=true&"
"includeTeamDriveItems=true&corpora=default%2CallTeamDrives";
for (size_t i = 0; i < arraysize(kTestPatterns); ++i) {
EXPECT_EQ(kV2FilesUrlPrefix +
(kTestPatterns[i].expected_query.empty() ? "" : "?") +
kTestPatterns[i].expected_query,
url_generator_
.GetFilesListUrl(kTestPatterns[i].max_results,
kTestPatterns[i].page_token,
FilesListCorpora::DEFAULT, std::string(),
kTestPatterns[i].q)
.spec());
EXPECT_EQ(kV2FilesUrlPrefixWithTeamDrives +
(kTestPatterns[i].expected_query.empty() ? "" : "&") +
kTestPatterns[i].expected_query,
team_drives_url_generator_
.GetFilesListUrl(kTestPatterns[i].max_results,
kTestPatterns[i].page_token,
FilesListCorpora::ALL_TEAM_DRIVES,
std::string(), kTestPatterns[i].q)
.spec());
}
EXPECT_EQ(
"https://www.example.com/drive/v2/files?supportsTeamDrives=true&"
"includeTeamDriveItems=true&corpora=teamDrive&"
"teamDriveId=TheTeamDriveId&q=query",
team_drives_url_generator_
.GetFilesListUrl(100, std::string() /* page_token */,
FilesListCorpora::TEAM_DRIVE, "TheTeamDriveId",
"query")
.spec());
// includeTeamDriveItems should be true for default corpora, so that a file
// that is shared individually is listed for users who are not member of the
// Team Drive which owns the file.
EXPECT_EQ(
"https://www.example.com/drive/v2/files?supportsTeamDrives=true&"
"includeTeamDriveItems=true&corpora=default",
team_drives_url_generator_
.GetFilesListUrl(100, std::string() /* page_token */,
FilesListCorpora::DEFAULT, std::string(),
std::string())
.spec());
}
TEST_F(DriveApiUrlGeneratorTest, GetFilesDeleteUrl) {
// |file_id| should be embedded into the url.
EXPECT_EQ("https://www.example.com/drive/v2/files/0ADK06pfg",
url_generator_.GetFilesDeleteUrl("0ADK06pfg").spec());
EXPECT_EQ("https://www.example.com/drive/v2/files/0Bz0bd074",
url_generator_.GetFilesDeleteUrl("0Bz0bd074").spec());
EXPECT_EQ("https://www.example.com/drive/v2/files/file%3Afile_id",
url_generator_.GetFilesDeleteUrl("file:file_id").spec());
EXPECT_EQ(
"https://www.example.com/drive/v2/files/0ADK06pfg?"
"supportsTeamDrives=true",
team_drives_url_generator_.GetFilesDeleteUrl("0ADK06pfg").spec());
}
TEST_F(DriveApiUrlGeneratorTest, GetFilesTrashUrl) {
// |file_id| should be embedded into the url.
EXPECT_EQ("https://www.example.com/drive/v2/files/0ADK06pfg/trash",
url_generator_.GetFilesTrashUrl("0ADK06pfg").spec());
EXPECT_EQ("https://www.example.com/drive/v2/files/0Bz0bd074/trash",
url_generator_.GetFilesTrashUrl("0Bz0bd074").spec());
EXPECT_EQ("https://www.example.com/drive/v2/files/file%3Afile_id/trash",
url_generator_.GetFilesTrashUrl("file:file_id").spec());
EXPECT_EQ(
"https://www.example.com/drive/v2/files/0ADK06pfg/trash?"
"supportsTeamDrives=true",
team_drives_url_generator_.GetFilesTrashUrl("0ADK06pfg").spec());
}
TEST_F(DriveApiUrlGeneratorTest, GetChangesListUrl) {
struct TestPattern {
bool include_deleted;
int max_results;
const std::string page_token;
int64_t start_change_id;
const std::string expected_query;
};
const TestPattern kTestPatterns[] = {
{ true, 100, "", 0, "" },
{ false, 100, "", 0, "includeDeleted=false" },
{ true, 150, "", 0, "maxResults=150" },
{ false, 150, "", 0, "includeDeleted=false&maxResults=150" },
{ true, 10, "", 0, "maxResults=10" },
{ false, 10, "", 0, "includeDeleted=false&maxResults=10" },
{ true, 100, "token", 0, "pageToken=token" },
{ false, 100, "token", 0, "includeDeleted=false&pageToken=token" },
{ true, 150, "token", 0, "maxResults=150&pageToken=token" },
{ false, 150, "token", 0,
"includeDeleted=false&maxResults=150&pageToken=token" },
{ true, 10, "token", 0, "maxResults=10&pageToken=token" },
{ false, 10, "token", 0,
"includeDeleted=false&maxResults=10&pageToken=token" },
{ true, 100, "", 12345, "startChangeId=12345" },
{ false, 100, "", 12345, "includeDeleted=false&startChangeId=12345" },
{ true, 150, "", 12345, "maxResults=150&startChangeId=12345" },
{ false, 150, "", 12345,
"includeDeleted=false&maxResults=150&startChangeId=12345" },
{ true, 10, "", 12345, "maxResults=10&startChangeId=12345" },
{ false, 10, "", 12345,
"includeDeleted=false&maxResults=10&startChangeId=12345" },
{ true, 100, "token", 12345, "pageToken=token&startChangeId=12345" },
{ false, 100, "token", 12345,
"includeDeleted=false&pageToken=token&startChangeId=12345" },
{ true, 150, "token", 12345,
"maxResults=150&pageToken=token&startChangeId=12345" },
{ false, 150, "token", 12345,
"includeDeleted=false&maxResults=150&pageToken=token"
"&startChangeId=12345" },
{ true, 10, "token", 12345,
"maxResults=10&pageToken=token&startChangeId=12345" },
{ false, 10, "token", 12345,
"includeDeleted=false&maxResults=10&pageToken=token"
"&startChangeId=12345" },
};
const std::string kV2ChangesUrlPrefix =
"https://www.example.com/drive/v2/changes";
const std::string kV2ChangesUrlPrefixWithTeamDrives =
"https://www.example.com/drive/v2/changes?"
"supportsTeamDrives=true&includeTeamDriveItems=true";
for (size_t i = 0; i < arraysize(kTestPatterns); ++i) {
EXPECT_EQ(kV2ChangesUrlPrefix +
(kTestPatterns[i].expected_query.empty() ? "" : "?") +
kTestPatterns[i].expected_query,
url_generator_
.GetChangesListUrl(
kTestPatterns[i].include_deleted,
kTestPatterns[i].max_results, kTestPatterns[i].page_token,
kTestPatterns[i].start_change_id, "" /* team_drive_id */)
.spec());
EXPECT_EQ(kV2ChangesUrlPrefixWithTeamDrives +
(kTestPatterns[i].expected_query.empty() ? "" : "&") +
kTestPatterns[i].expected_query,
team_drives_url_generator_
.GetChangesListUrl(
kTestPatterns[i].include_deleted,
kTestPatterns[i].max_results, kTestPatterns[i].page_token,
kTestPatterns[i].start_change_id, "" /* team_drive_id */)
.spec());
}
EXPECT_EQ(kV2ChangesUrlPrefixWithTeamDrives + "&teamDriveId=TEAM_DRIVE_ID",
team_drives_url_generator_
.GetChangesListUrl(true, 100, "", 0, "TEAM_DRIVE_ID")
.spec());
}
TEST_F(DriveApiUrlGeneratorTest, GetChildrenInsertUrl) {
// |file_id| should be embedded into the url.
EXPECT_EQ("https://www.example.com/drive/v2/files/0ADK06pfg/children",
url_generator_.GetChildrenInsertUrl("0ADK06pfg").spec());
EXPECT_EQ("https://www.example.com/drive/v2/files/0Bz0bd074/children",
url_generator_.GetChildrenInsertUrl("0Bz0bd074").spec());
EXPECT_EQ("https://www.example.com/drive/v2/files/file%3Afolder_id/children",
url_generator_.GetChildrenInsertUrl("file:folder_id").spec());
EXPECT_EQ(
"https://www.example.com/drive/v2/files/0ADK06pfg/children?"
"supportsTeamDrives=true",
team_drives_url_generator_.GetChildrenInsertUrl("0ADK06pfg").spec());
}
TEST_F(DriveApiUrlGeneratorTest, GetChildrenDeleteUrl) {
// |file_id| should be embedded into the url.
EXPECT_EQ(
"https://www.example.com/drive/v2/files/0ADK06pfg/children/0Bz0bd074",
url_generator_.GetChildrenDeleteUrl("0Bz0bd074", "0ADK06pfg").spec());
EXPECT_EQ(
"https://www.example.com/drive/v2/files/0Bz0bd074/children/0ADK06pfg",
url_generator_.GetChildrenDeleteUrl("0ADK06pfg", "0Bz0bd074").spec());
EXPECT_EQ(
"https://www.example.com/drive/v2/files/file%3Afolder_id/children"
"/file%3Achild_id",
url_generator_.GetChildrenDeleteUrl("file:child_id", "file:folder_id")
.spec());
}
TEST_F(DriveApiUrlGeneratorTest, GetInitiateUploadNewFileUrl) {
const bool kSetModifiedDate = true;
EXPECT_EQ(
"https://www.example.com/upload/drive/v2/files?uploadType=resumable",
url_generator_.GetInitiateUploadNewFileUrl(!kSetModifiedDate).spec());
EXPECT_EQ(
"https://www.example.com/upload/drive/v2/files?uploadType=resumable&"
"setModifiedDate=true",
url_generator_.GetInitiateUploadNewFileUrl(kSetModifiedDate).spec());
EXPECT_EQ(
"https://www.example.com/upload/drive/v2/files?uploadType=resumable"
"&supportsTeamDrives=true",
team_drives_url_generator_.GetInitiateUploadNewFileUrl(!kSetModifiedDate)
.spec());
}
TEST_F(DriveApiUrlGeneratorTest, GetInitiateUploadExistingFileUrl) {
const bool kSetModifiedDate = true;
// |resource_id| should be embedded into the url.
EXPECT_EQ(
"https://www.example.com/upload/drive/v2/files/0ADK06pfg"
"?uploadType=resumable",
url_generator_.GetInitiateUploadExistingFileUrl(
"0ADK06pfg", !kSetModifiedDate).spec());
EXPECT_EQ(
"https://www.example.com/upload/drive/v2/files/0Bz0bd074"
"?uploadType=resumable",
url_generator_.GetInitiateUploadExistingFileUrl(
"0Bz0bd074", !kSetModifiedDate).spec());
EXPECT_EQ(
"https://www.example.com/upload/drive/v2/files/file%3Afile_id"
"?uploadType=resumable",
url_generator_.GetInitiateUploadExistingFileUrl(
"file:file_id", !kSetModifiedDate).spec());
EXPECT_EQ(
"https://www.example.com/upload/drive/v2/files/file%3Afile_id"
"?uploadType=resumable&setModifiedDate=true",
url_generator_.GetInitiateUploadExistingFileUrl("file:file_id",
kSetModifiedDate).spec());
EXPECT_EQ(
"https://www.example.com/upload/drive/v2/files/0ADK06pfg"
"?uploadType=resumable&supportsTeamDrives=true",
team_drives_url_generator_
.GetInitiateUploadExistingFileUrl("0ADK06pfg", !kSetModifiedDate)
.spec());
}
TEST_F(DriveApiUrlGeneratorTest, GetMultipartUploadNewFileUrl) {
const bool kSetModifiedDate = true;
EXPECT_EQ(
"https://www.example.com/upload/drive/v2/files?uploadType=multipart",
url_generator_.GetMultipartUploadNewFileUrl(!kSetModifiedDate).spec());
EXPECT_EQ(
"https://www.example.com/upload/drive/v2/files?uploadType=multipart&"
"setModifiedDate=true",
url_generator_.GetMultipartUploadNewFileUrl(kSetModifiedDate).spec());
EXPECT_EQ(
"https://www.example.com/upload/drive/v2/files?uploadType=multipart"
"&supportsTeamDrives=true",
team_drives_url_generator_.GetMultipartUploadNewFileUrl(!kSetModifiedDate)
.spec());
}
TEST_F(DriveApiUrlGeneratorTest, GetMultipartUploadExistingFileUrl) {
const bool kSetModifiedDate = true;
// |resource_id| should be embedded into the url.
EXPECT_EQ(
"https://www.example.com/upload/drive/v2/files/0ADK06pfg"
"?uploadType=multipart",
url_generator_.GetMultipartUploadExistingFileUrl(
"0ADK06pfg", !kSetModifiedDate).spec());
EXPECT_EQ(
"https://www.example.com/upload/drive/v2/files/0Bz0bd074"
"?uploadType=multipart",
url_generator_.GetMultipartUploadExistingFileUrl(
"0Bz0bd074", !kSetModifiedDate).spec());
EXPECT_EQ(
"https://www.example.com/upload/drive/v2/files/file%3Afile_id"
"?uploadType=multipart",
url_generator_.GetMultipartUploadExistingFileUrl(
"file:file_id", !kSetModifiedDate).spec());
EXPECT_EQ(
"https://www.example.com/upload/drive/v2/files/file%3Afile_id"
"?uploadType=multipart&setModifiedDate=true",
url_generator_.GetMultipartUploadExistingFileUrl(
"file:file_id", kSetModifiedDate).spec());
EXPECT_EQ(
"https://www.example.com/upload/drive/v2/files/0ADK06pfg"
"?uploadType=multipart&supportsTeamDrives=true",
team_drives_url_generator_
.GetMultipartUploadExistingFileUrl("0ADK06pfg", !kSetModifiedDate)
.spec());
}
TEST_F(DriveApiUrlGeneratorTest, GenerateDownloadFileUrl) {
EXPECT_EQ(
"https://www.example.com/drive/v2/files/resourceId?alt=media",
url_generator_.GenerateDownloadFileUrl("resourceId").spec());
EXPECT_EQ(
"https://www.example.com/drive/v2/files/file%3AresourceId?alt=media",
url_generator_.GenerateDownloadFileUrl("file:resourceId").spec());
EXPECT_EQ(
"https://www.example.com/drive/v2/files/resourceId?"
"alt=media&supportsTeamDrives=true",
team_drives_url_generator_.GenerateDownloadFileUrl("resourceId").spec());
}
TEST_F(DriveApiUrlGeneratorTest, GeneratePermissionsInsertUrl) {
EXPECT_EQ("https://www.example.com/drive/v2/files/0ADK06pfg/permissions",
url_generator_.GetPermissionsInsertUrl("0ADK06pfg").spec());
EXPECT_EQ(
"https://www.example.com/drive/v2/files/0ADK06pfg/permissions?"
"supportsTeamDrives=true",
team_drives_url_generator_.GetPermissionsInsertUrl("0ADK06pfg").spec());
}
TEST_F(DriveApiUrlGeneratorTest, GenerateThumbnailUrl) {
EXPECT_EQ(
"https://thumbnail.example.com/d/0ADK06pfg=w500-h480",
url_generator_.GetThumbnailUrl("0ADK06pfg", 500, 480, false).spec());
EXPECT_EQ(
"https://thumbnail.example.com/d/0ADK06pfg=w360-h380-c",
url_generator_.GetThumbnailUrl("0ADK06pfg", 360, 380, true).spec());
}
TEST_F(DriveApiUrlGeneratorTest, BatchUploadUrl) {
EXPECT_EQ("https://www.example.com/upload/drive",
url_generator_.GetBatchUploadUrl().spec());
EXPECT_EQ("https://www.example.com/upload/drive?supportsTeamDrives=true",
team_drives_url_generator_.GetBatchUploadUrl().spec());
}
TEST_F(DriveApiUrlGeneratorTest, GenerateTeamDriveListUrl) {
EXPECT_EQ("https://www.example.com/drive/v2/teamdrives",
team_drives_url_generator_.GetTeamDriveListUrl(10, "").spec());
EXPECT_EQ("https://www.example.com/drive/v2/teamdrives?maxResults=100",
team_drives_url_generator_.GetTeamDriveListUrl(100, "").spec());
EXPECT_EQ(
"https://www.example.com/drive/v2/"
"teamdrives?maxResults=100&pageToken=theToken",
team_drives_url_generator_.GetTeamDriveListUrl(100, "theToken").spec());
}
TEST_F(DriveApiUrlGeneratorTest, GeneraeStartPageTokenUrl) {
EXPECT_EQ("https://www.example.com/drive/v2/changes/startPageToken",
url_generator_.GetStartPageTokenUrl("").spec());
EXPECT_EQ(
"https://www.example.com/drive/v2/changes/"
"startPageToken?supportsTeamDrives=true",
team_drives_url_generator_.GetStartPageTokenUrl("").spec());
EXPECT_EQ(
"https://www.example.com/drive/v2/changes/"
"startPageToken?supportsTeamDrives=true&teamDriveId=team_drive_id",
team_drives_url_generator_.GetStartPageTokenUrl("team_drive_id").spec());
}
} // namespace google_apis
| [
"[email protected]"
] | |
2b547fb4ad29d9b6fad8e0abe3fb806aead8ebff | 887f3a72757ff8f691c1481618944b727d4d9ff5 | /third_party/gecko_1.9.2/linux/gecko_sdk/include/nsIExternalProtocolHandler.h | 6aa3a94667116d8d025b7b77e4997b62bf85de85 | [] | no_license | zied-ellouze/gears | 329f754f7f9e9baa3afbbd652e7893a82b5013d1 | d3da1ed772ed5ae9b82f46f9ecafeb67070d6899 | refs/heads/master | 2020-04-05T08:27:05.806590 | 2015-09-03T13:07:39 | 2015-09-03T13:07:39 | 41,813,794 | 1 | 0 | null | null | null | null | UTF-8 | C++ | false | false | 3,317 | h | /*
* DO NOT EDIT. THIS FILE IS GENERATED FROM /builds/slave/mozilla-1.9.2-linux-xulrunner/build/netwerk/base/public/nsIExternalProtocolHandler.idl
*/
#ifndef __gen_nsIExternalProtocolHandler_h__
#define __gen_nsIExternalProtocolHandler_h__
#ifndef __gen_nsIProtocolHandler_h__
#include "nsIProtocolHandler.h"
#endif
/* For IDL files that don't want to include root IDL files. */
#ifndef NS_NO_VTABLE
#define NS_NO_VTABLE
#endif
/* starting interface: nsIExternalProtocolHandler */
#define NS_IEXTERNALPROTOCOLHANDLER_IID_STR "0e61f3b2-34d7-4c79-bfdc-4860bc7341b7"
#define NS_IEXTERNALPROTOCOLHANDLER_IID \
{0x0e61f3b2, 0x34d7, 0x4c79, \
{ 0xbf, 0xdc, 0x48, 0x60, 0xbc, 0x73, 0x41, 0xb7 }}
class NS_NO_VTABLE NS_SCRIPTABLE nsIExternalProtocolHandler : public nsIProtocolHandler {
public:
NS_DECLARE_STATIC_IID_ACCESSOR(NS_IEXTERNALPROTOCOLHANDLER_IID)
/**
* This method checks if the external handler exists for a given scheme.
*
* @param scheme external scheme.
* @return TRUE if the external handler exists for the input scheme, FALSE otherwise.
*/
/* boolean externalAppExistsForScheme (in ACString scheme); */
NS_SCRIPTABLE NS_IMETHOD ExternalAppExistsForScheme(const nsACString & scheme, PRBool *_retval NS_OUTPARAM) = 0;
};
NS_DEFINE_STATIC_IID_ACCESSOR(nsIExternalProtocolHandler, NS_IEXTERNALPROTOCOLHANDLER_IID)
/* Use this macro when declaring classes that implement this interface. */
#define NS_DECL_NSIEXTERNALPROTOCOLHANDLER \
NS_SCRIPTABLE NS_IMETHOD ExternalAppExistsForScheme(const nsACString & scheme, PRBool *_retval NS_OUTPARAM);
/* Use this macro to declare functions that forward the behavior of this interface to another object. */
#define NS_FORWARD_NSIEXTERNALPROTOCOLHANDLER(_to) \
NS_SCRIPTABLE NS_IMETHOD ExternalAppExistsForScheme(const nsACString & scheme, PRBool *_retval NS_OUTPARAM) { return _to ExternalAppExistsForScheme(scheme, _retval); }
/* Use this macro to declare functions that forward the behavior of this interface to another object in a safe way. */
#define NS_FORWARD_SAFE_NSIEXTERNALPROTOCOLHANDLER(_to) \
NS_SCRIPTABLE NS_IMETHOD ExternalAppExistsForScheme(const nsACString & scheme, PRBool *_retval NS_OUTPARAM) { return !_to ? NS_ERROR_NULL_POINTER : _to->ExternalAppExistsForScheme(scheme, _retval); }
#if 0
/* Use the code below as a template for the implementation class for this interface. */
/* Header file */
class nsExternalProtocolHandler : public nsIExternalProtocolHandler
{
public:
NS_DECL_ISUPPORTS
NS_DECL_NSIEXTERNALPROTOCOLHANDLER
nsExternalProtocolHandler();
private:
~nsExternalProtocolHandler();
protected:
/* additional members */
};
/* Implementation file */
NS_IMPL_ISUPPORTS1(nsExternalProtocolHandler, nsIExternalProtocolHandler)
nsExternalProtocolHandler::nsExternalProtocolHandler()
{
/* member initializers and constructor code */
}
nsExternalProtocolHandler::~nsExternalProtocolHandler()
{
/* destructor code */
}
/* boolean externalAppExistsForScheme (in ACString scheme); */
NS_IMETHODIMP nsExternalProtocolHandler::ExternalAppExistsForScheme(const nsACString & scheme, PRBool *_retval NS_OUTPARAM)
{
return NS_ERROR_NOT_IMPLEMENTED;
}
/* End of implementation class template. */
#endif
#endif /* __gen_nsIExternalProtocolHandler_h__ */
| [
"gears.daemon@fe895e04-df30-0410-9975-d76d301b4276"
] | gears.daemon@fe895e04-df30-0410-9975-d76d301b4276 |
3d9c3fc03700b860bda9b8f5f93abf073b9c5452 | 7c0b0edeceefe2b25cb131829a307f2006673da9 | /Lab3BumpMazeSolver/BumperMazeSolving.ino | 522bfd40b1e0c6e23c2299dfe7b58e216f772a82 | [
"MIT"
] | permissive | behollan/Robotics | ffb2047ef62596fe75bf52ee4ebf846e110ad8de | ba0b4ba8724e802abfef19d706170d09bb936670 | refs/heads/master | 2020-09-27T15:29:29.535208 | 2016-11-17T07:59:55 | 2016-11-17T07:59:55 | 66,589,183 | 1 | 0 | null | null | null | null | UTF-8 | C++ | false | false | 3,517 | ino | #include "motorControl.h"
#define FORWARD 0
#define LEFT 1
#define RIGHT -1
#define A 1
#define B 2
#define LEFTBumper 4
#define RIGHTBumper 5
#define revDist 2.5 //Reverse distance in inches
#define timeout 300
#define cautionSpeed 0.50
#define driveSpeed 0.9
int timer, initTime;
String bumpState;
void setup() {
pinMode(LEFTBumper, INPUT_PULLUP);
pinMode(RIGHTBumper, INPUT_PULLUP);
delay(1000);
}
void loop() {
bumpState = bumpCheck();
Serial.print("Bump State: ");
Serial.println(bumpState);
if (bumpState == "none") {
MC.Forward(driveSpeed);
}
else if (bumpState == "left") {
MC.Rev(revDist);
delay(500);
MC.Right(30);
delay(500);
}
else if (bumpState == "right") {
MC.Rev(revDist);
delay(500);
MC.Left(30);
delay(500);
}
else if (bumpState == "forward") { //Hit an initial front bump
MC.Rev(revDist); //Reverse
String newDir = MC.RandDir(); //Turn a random direction and store it
MC.Forward(cautionSpeed); //Start off cautiously on the new path
initTime = millis();
timer = 0;
while (timer < timeout*2) {
bumpState = bumpCheck(); //Recheck bump state (Corner Condition)
if (bumpState == "forward") {
MC.Rev(revDist);
MC.Left(170); //Turn the Robot 180 degrees
Serial.println("U-Turn!");
MC.Forward(cautionSpeed); //Drive forward cautiously
int initTime2 = millis();
int timer2 = 0;
while (timer2 < timeout*2) {
bumpState = bumpCheck(); //Recheck bump state
if (bumpState == "forward") { //Trap condition
if (newDir == "left") { //Is the way back out to the right?
MC.Right(100);
}
else { //Is the way back out to the left?
MC.Left(100);
}
}
timer2 = millis() - initTime2;
}
}
timer = millis() - initTime;
}
timer = 0;
}
else {
Serial.println("INVALID BUMP STATE");
}
}//End Loop
String bumpCheck() {
bumpState = "none";
int l = digitalRead(LEFTBumper);
int r = digitalRead(RIGHTBumper);
if (l == 0) {
MC.ForwardStop();
initTime = millis();
timer = 0;
while (timer < timeout) {
r = digitalRead(RIGHTBumper);
if (r == 0) {
break;
}
else {
timer =millis()-initTime;
}
}
timer = 0;
if (r == 0) {
bumpState = "forward";
}
else {
MC.Forward(0.50); //Proceed forward cautiously
initTime = millis(); //Init a timer
timer = 0;
while (timer < timeout) {
r = digitalRead(RIGHTBumper); //read right bumper
if (r == 0) {
MC.ForwardStop();
bumpState = "forward"; //both bumpers hit. Forward bump
break;
}
else {
bumpState = "left"; //Only a left hit
}
timer = millis() - initTime; //clock timer
}
MC.ForwardStop();
timer = 0;
}
}
else if (r == 0) {
MC.ForwardStop();
if (l == 0) {
initTime = millis();
timer = 0;
while (timer < timeout) {
r = digitalRead(RIGHTBumper);
if (r == 0) {
break;
}
else {
timer = millis() - initTime;
}
}
timer = 0;
}
else {
MC.Forward(0.50); //Proceed forward cautiously
initTime = millis(); //Init a timer
timer = 0;
while (timer < timeout) {
l = digitalRead(LEFTBumper); //read left bumper
if (l == 0) {
MC.ForwardStop();
bumpState = "forward"; //both bumpers hit. Forward bump
delay(timeout);
break;
}
else {
bumpState = "right"; //Only a right hit
}
timer = millis() - initTime; //clock timer
}
MC.ForwardStop();
timer = 0;
}
}
return bumpState;
} | [
"[email protected]"
] | |
9b226790fbc20937f95f15c49301d7a3642bce2d | c8b39acfd4a857dc15ed3375e0d93e75fa3f1f64 | /Engine/Source/Editor/StatsViewer/Public/IStatsPage.h | 489a198300891b6fac55af5480f5ba73bcb4aaf5 | [
"MIT",
"LicenseRef-scancode-proprietary-license"
] | permissive | windystrife/UnrealEngine_NVIDIAGameWorks | c3c7863083653caf1bc67d3ef104fb4b9f302e2a | b50e6338a7c5b26374d66306ebc7807541ff815e | refs/heads/4.18-GameWorks | 2023-03-11T02:50:08.471040 | 2022-01-13T20:50:29 | 2022-01-13T20:50:29 | 124,100,479 | 262 | 179 | MIT | 2022-12-16T05:36:38 | 2018-03-06T15:44:09 | C++ | UTF-8 | C++ | false | false | 5,555 | h | // Copyright 1998-2017 Epic Games, Inc. All Rights Reserved.
#pragma once
#include "CoreMinimal.h"
#include "IStatsViewer.h"
/**
* The public interface for a stats page.
* A stats page displays a collection of identically-typed objects with columns based around their UPROPERTY()'s
* The table does its best to display the relevant information.
*
* Objects UCLASS metadata required are:
* DisplayName - The name displayed in the page selection dropdown.
* Tooltip - The tooltip displayed in the page selection dropdown.
* ObjectSetType - A text representation of the UENUM used for object set enumeration.
*
* The object set UENUM also uses metadata to display certain information. UENUM metadata syntax differs from UCLASS metadata
* as it is specified via the UMETA() tag, rather than meta=() UPROPERTY subtags.
* DisplayName - The name displayed in the object set dropdown.
* ToolTip - The tooltip displayed over the object set dropdown.
*
* The UI supports the following UPROPERTY metadata:
* ColumnWidth - Integer value. The (proportionally-based, not absolute) width of the properties column.
* ShowTotal - Either true or false. Whether the column header should attempt to show a total (provided in Generate() via the OutTotals map).
* SortMode - Either Ascending or Descending. If this is specified then the properties column will be sorted on table creation.
* Unit - Text value displayed next to table entries and totals
*/
class IStatsPage
{
public:
/**
* Clears any entries added via AddEntry()
* Not all pages have to override this - only ones that accept transient data output
* from processes that do not persist in the editor
*/
virtual void Clear() {}
/**
* Adds a stats entry to the page
* Not all pages have to override this - only ones that accept transient data output
* from processes that do not persist in the editor
*/
virtual void AddEntry( UObject* InEntry ) {}
/**
* Tries to switch the currently displayed page to this one
* @param bShow Whether to show the page (passing false will not hide the page)
*/
virtual void Show( bool bShow = true ) = 0;
/** Check if this page wants to show itself */
virtual bool IsShowPending() const = 0;
/**
* Sends a requests to the stats page to refresh itself the next chance it gets
* @param bRefresh Whether to refresh the page (the page will refresh on the stats viewers next tick)
*/
virtual void Refresh( bool bRefresh = true ) = 0;
/** Check if this page wants to refresh itself */
virtual bool IsRefreshPending() const = 0;
/** Get the name of the entry type */
virtual FName GetName() const = 0;
/** Get the name of the entry type to be displayed in the page selection dropdown */
virtual const FText GetDisplayName() const = 0;
/** Get the tooltip to be displayed over the page selection dropdown */
virtual const FText GetToolTip() const = 0;
/** Get the number of object sets this page supports */
virtual int32 GetObjectSetCount() const = 0;
/**
* Get the name of the object set, to be displayed in the dropdown
* @param InObjectSetIndex The index of the object set to get the name of
*/
virtual FString GetObjectSetName( int32 InObjectSetIndex ) const = 0;
/**
* Get the tooltip of the object set, to be displayed over the object set the dropdown
* @param InObjectSetIndex The index of the object set to get the tooltip for
*/
virtual FString GetObjectSetToolTip( int32 InObjectSetIndex ) const = 0;
/**
* Get the class of the entry we handle
* This is needed to display the search filter's combo button
*/
virtual UClass* GetEntryClass() const = 0;
/**
* Fill the output array with statistic objects to be displayed
*
* @param OutObjects The object array to be filled
*/
virtual void Generate( TArray< TWeakObjectPtr<UObject> >& OutObjects ) const = 0;
/**
* Totals are displayed by mapping the CPP name of the columns property to
* the total string in the OutTotals map.
*
* @param OutTotals A map of Property->GetNameCPP() -> Total string
*/
virtual void GenerateTotals( const TArray< TWeakObjectPtr<UObject> >& InObjects, TMap<FString, FText>& OutTotals ) const = 0;
/**
* Get custom filter to display in the top part of the stats viewer, can return nullptr
* @param InParentStatsViewer The parent stats viewer
*/
virtual TSharedPtr<SWidget> GetCustomFilter( TWeakPtr< class IStatsViewer > InParentStatsViewer ) = 0;
/**
* Get custom widget to display in the top part of the stats viewer, can return nullptr
* @param InParentStatsViewer The parent stats viewer
*/
virtual TSharedPtr<SWidget> GetCustomWidget( TWeakPtr< class IStatsViewer > InParentStatsViewer ) = 0;
/**
* Called back each time the page is shown
* @param InParentStatsViewer The parent stats viewer
*/
virtual void OnShow( TWeakPtr< class IStatsViewer > InParentStatsViewer ) {}
/** Called back each time the page is hidden */
virtual void OnHide() {}
/**
* Set the currently displayed object set
* @param InObjectSetIndex The object set index to set
*/
virtual void SetSelectedObjectSet( int32 InObjectSetIndex ) = 0;
/** Get the currently displayed object set */
virtual int32 GetSelectedObjectSet() const = 0;
/**
* Get any column customizations that this page wants to use.
* @param OutCustomColumns The array to be filled in containing column customizations.
*/
virtual void GetCustomColumns(TArray< TSharedRef< class IPropertyTableCustomColumn > >& OutCustomColumns) const = 0;
};
| [
"[email protected]"
] | |
f08f3b49636fb0bca653cac11879121d3da13620 | a32a334e169a10fcc8a0894b85f001cd550d5631 | /dijkstra.h | 99b4dc74320b0a2b64c20bff08b406d66a911847 | [
"MIT"
] | permissive | jcbaumann/Dijkstra | c1aa71f0f7804a5b1a3e8f2fd4c46ba399be2170 | f8738d27f400f75516b701d3db07a535461c8827 | refs/heads/master | 2020-05-06T13:29:18.569712 | 2015-07-12T10:06:12 | 2015-07-12T10:06:12 | 38,892,379 | 0 | 1 | null | null | null | null | UTF-8 | C++ | false | false | 1,160 | h | #include <iostream>
#include <queue>
#include <vector>
#include <sstream>
#include <fstream>
#include <algorithm>
#include <limits>
#include <queue>
typedef std::pair<int, float> graphPair;
typedef std::vector<std::vector<graphPair> > dijkstraGraph;
class Dijkstra {
private:
// variables
dijkstraGraph graph;
std::vector<float> distance;
std::vector<int> parent;
std::vector<int> path;
unsigned counter;
// methods
void program(int argc, char * argv[]);
void license();
void readTGF(const std::string & filename);
void initialization(const int & source);
void computeDistances(const int & target);
bool createPath(const int & source, const int & target);
void printPath(const int & target);
// comperator
struct Comperator {
int operator() (const graphPair & pair1, const graphPair & pair2) {
return pair1.second > pair2.second;
}
};
std::priority_queue<graphPair, std::vector<graphPair>, Comperator> priorityQueue;
public:
Dijkstra(int argc, char * argv[]) {
program(argc, argv);
}
}; | [
"[email protected]"
] | |
5dd33797e2029bb5a782575bf1893180340cd4d8 | c7850d478e1a62fc8b016225d7a748cf1b0cb81f | /tpf/modelos-plain/godley-tables-matlab/src/ProfitShare.cpp | a03881eb8577cc1af37b5d745a7057037458468d | [] | no_license | dioh/sed_2017_tps | 8bac2bd824335581a33ad9b010747ea4af273130 | c17d1d2d4b1d80bafe33053f7f2b58661b9bcc65 | refs/heads/master | 2021-09-14T07:35:57.009752 | 2018-05-09T19:16:33 | 2018-05-09T19:16:33 | 103,854,748 | 0 | 0 | null | null | null | null | UTF-8 | C++ | false | false | 1,216 | cpp | #include <random>
#include <string>
#include "message.h"
#include "parsimu.h"
#include "real.h"
#include "tuple_value.h"
#include "ProfitShare.h"
using namespace std;
ProfitShare::ProfitShare(const string &name) :
Atomic(name),
ProfitNet(addInputPort("ProfitNet")),
GDProduct(addInputPort("GDProduct")),
isSet_val_ProfitNet(false),
isSet_val_GDProduct(false),
out(addOutputPort("out"))
{
}
Model &ProfitShare::initFunction()
{
holdIn(AtomicState::passive, VTime::Inf);
return *this;
}
Model &ProfitShare::externalFunction(const ExternalMessage &msg)
{
double x = Tuple<Real>::from_value(msg.value())[0].value();
if(msg.port() == ProfitNet) {
val_ProfitNet = x;
isSet_val_ProfitNet = true;
}
if(msg.port() == GDProduct) {
val_GDProduct = x;
isSet_val_GDProduct = true;
}
holdIn(AtomicState::active, VTime::Zero);
return *this;
}
Model &ProfitShare::internalFunction(const InternalMessage &)
{
passivate();
return *this ;
}
Model &ProfitShare::outputFunction(const CollectMessage &msg)
{
if( isSet_val_ProfitNet & isSet_val_GDProduct ) {
double val = (val_ProfitNet/val_GDProduct);
Tuple<Real> out_value { val };
sendOutput(msg.time(), out, out_value);
}
return *this ;
} | [
"[email protected]"
] | |
ad8ac66e54e4d42af649579d3d55e1a9f6d2546a | ac48dc874f5550d03648c28b1eda5720202eb55c | /qcril/settingsd/AndroidLogger.h | a6c1dabcc46b11f48e7d04b82d3d091b838e1b6f | [
"Apache-2.0"
] | permissive | difr/msm8937-8953_qcom_vendor | 464e478cae4a89de34ac79f4d615e5141c40cbcb | 6cafff53eca7f0c28fa9c470b5211423cf47fd40 | refs/heads/master | 2020-03-20T09:58:48.935110 | 2018-05-27T04:13:22 | 2018-05-27T04:13:22 | 137,355,108 | 0 | 1 | null | null | null | null | UTF-8 | C++ | false | false | 1,086 | h | /*
* Copyright (c) 2016 Qualcomm Technologies, Inc.
* All Rights Reserved.
* Confidential and Proprietary - Qualcomm Technologies, Inc.
*/
#ifndef ANDROID_LOGGER_H_INCLUDED
#define ANDROID_LOGGER_H_INCLUDED
#include "Logger.h"
namespace QcSettingsD
{
class AndroidLogger;
class AndroidLoggerFactory: virtual public LoggerFactory
{
public:
AndroidLoggerFactory();
virtual LoggerImpl *getLoggerImpl();
virtual ~AndroidLoggerFactory();
protected:
private:
AndroidLoggerFactory(const AndroidLoggerFactory &other) = delete;
AndroidLoggerFactory(AndroidLoggerFactory &&other) = delete;
AndroidLoggerFactory &operator= (const AndroidLoggerFactory &) = delete;
AndroidLoggerFactory &operator= (AndroidLoggerFactory &&) = delete;
static AndroidLogger *theLogger();
static AndroidLoggerFactory *factory;
};
class AndroidLogger: virtual public LoggerImpl
{
friend class AndroidLoggerFactory;
public:
virtual void vlog(LogLevel lvl, const char *tag, const char *fmt, va_list ap);
private:
AndroidLogger();
};
}
#endif
| [
"[email protected]"
] | |
e083480ba4303972239803d7463a883f0aa34dc7 | 281b3bfe55cf4e8994f6d94777936d9a616ad8e0 | /day8/exam4/exam4.cpp | e6233641720d6a848908d84c787d8d1fd951289c | [] | no_license | carloshee/cstudy | e013bc5042449262fa8a27a040e981b5a3ecad91 | b245d9f2e266a28db34c02ecac8762c04d50b534 | refs/heads/master | 2020-04-05T13:40:42.153043 | 2017-08-01T06:54:17 | 2017-08-01T06:54:17 | 94,970,529 | 0 | 0 | null | null | null | null | UHC | C++ | false | false | 5,653 | cpp | // exam4.cpp : 응용 프로그램에 대한 진입점을 정의합니다.
//
#include "stdafx.h"
#include "exam4.h"
#define MAX_LOADSTRING 100
// 전역 변수:
HINSTANCE hInst; // 현재 인스턴스입니다.
WCHAR szTitle[MAX_LOADSTRING]; // 제목 표시줄 텍스트입니다.
WCHAR szWindowClass[MAX_LOADSTRING]; // 기본 창 클래스 이름입니다.
// 이 코드 모듈에 들어 있는 함수의 정방향 선언입니다.
ATOM MyRegisterClass(HINSTANCE hInstance);
BOOL InitInstance(HINSTANCE, int);
LRESULT CALLBACK WndProc(HWND, UINT, WPARAM, LPARAM);
INT_PTR CALLBACK About(HWND, UINT, WPARAM, LPARAM);
#include "../../engine/mywin32_engine.h"
int APIENTRY wWinMain(_In_ HINSTANCE hInstance,
_In_opt_ HINSTANCE hPrevInstance,
_In_ LPWSTR lpCmdLine,
_In_ int nCmdShow)
{
UNREFERENCED_PARAMETER(hPrevInstance);
UNREFERENCED_PARAMETER(lpCmdLine);
// TODO: 여기에 코드를 입력합니다.
// 전역 문자열을 초기화합니다.
LoadStringW(hInstance, IDS_APP_TITLE, szTitle, MAX_LOADSTRING);
LoadStringW(hInstance, IDC_EXAM4, szWindowClass, MAX_LOADSTRING);
MyRegisterClass(hInstance);
// 응용 프로그램 초기화를 수행합니다.
if (!InitInstance (hInstance, nCmdShow))
{
return FALSE;
}
HACCEL hAccelTable = LoadAccelerators(hInstance, MAKEINTRESOURCE(IDC_EXAM4));
MSG msg;
// 기본 메시지 루프입니다.
while (GetMessage(&msg, nullptr, 0, 0))
{
if (!TranslateAccelerator(msg.hwnd, hAccelTable, &msg))
{
TranslateMessage(&msg);
DispatchMessage(&msg);
}
}
return (int) msg.wParam;
}
//
// 함수: MyRegisterClass()
//
// 목적: 창 클래스를 등록합니다.
//
ATOM MyRegisterClass(HINSTANCE hInstance)
{
WNDCLASSEXW wcex;
wcex.cbSize = sizeof(WNDCLASSEX);
wcex.style = CS_HREDRAW | CS_VREDRAW;
wcex.lpfnWndProc = WndProc;
wcex.cbClsExtra = 0;
wcex.cbWndExtra = 0;
wcex.hInstance = hInstance;
wcex.hIcon = LoadIcon(hInstance, MAKEINTRESOURCE(IDI_EXAM4));
wcex.hCursor = LoadCursor(nullptr, IDC_ARROW);
wcex.hbrBackground = (HBRUSH)(COLOR_WINDOW+1);
wcex.lpszMenuName = MAKEINTRESOURCEW(IDC_EXAM4);
wcex.lpszClassName = szWindowClass;
wcex.hIconSm = LoadIcon(wcex.hInstance, MAKEINTRESOURCE(IDI_SMALL));
return RegisterClassExW(&wcex);
}
//
// 함수: InitInstance(HINSTANCE, int)
//
// 목적: 인스턴스 핸들을 저장하고 주 창을 만듭니다.
//
// 설명:
//
// 이 함수를 통해 인스턴스 핸들을 전역 변수에 저장하고
// 주 프로그램 창을 만든 다음 표시합니다.
//
BOOL InitInstance(HINSTANCE hInstance, int nCmdShow)
{
hInst = hInstance; // 인스턴스 핸들을 전역 변수에 저장합니다.
HWND hWnd = CreateWindowW(szWindowClass, szTitle, WS_OVERLAPPEDWINDOW,
CW_USEDEFAULT, 0, CW_USEDEFAULT, 0, nullptr, nullptr, hInstance, nullptr);
if (!hWnd)
{
return FALSE;
}
ShowWindow(hWnd, nCmdShow);
UpdateWindow(hWnd);
return TRUE;
}
//
// 함수: WndProc(HWND, UINT, WPARAM, LPARAM)
//
// 목적: 주 창의 메시지를 처리합니다.
//
// WM_COMMAND - 응용 프로그램 메뉴를 처리합니다.
// WM_PAINT - 주 창을 그립니다.
// WM_DESTROY - 종료 메시지를 게시하고 반환합니다.
//
//
LRESULT CALLBACK WndProc(HWND hWnd, UINT message, WPARAM wParam, LPARAM lParam)
{
switch (message)
{
case WM_CREATE:
{
mywin32_engine::makeMiniEditBox(hWnd, 0, 0, 3001);
mywin32_engine::makeSimpleButton(hWnd, L"합계", 120, 0, 4001);
mywin32_engine::makeMiniEditBox(hWnd, 240, 0, 3002);
}
break;
case WM_COMMAND:
{
int wmId = LOWORD(wParam);
// 메뉴 선택을 구문 분석합니다.
switch (wmId)
{
case 4001:
{
TCHAR szBuf[256];
GetWindowText(GetDlgItem(hWnd, 3001), szBuf, 256);
TCHAR szTemp[64];
int nTempIndex = 0;
int nSum = 0;
for (int i = 0; i <= wcslen(szBuf); i++) {
TCHAR ch = szBuf[i];
if (ch == L',' || ch == NULL) {
szTemp[nTempIndex] = NULL;
nTempIndex = 0;
int nNum = _wtoi(szTemp);
nSum += nNum;
}
else {
szTemp[nTempIndex++] = ch;
}
}
mywin32_engine::SetControlValueInt(hWnd, 3002, nSum);
}
break;
case IDM_ABOUT:
DialogBox(hInst, MAKEINTRESOURCE(IDD_ABOUTBOX), hWnd, About);
break;
case IDM_EXIT:
DestroyWindow(hWnd);
break;
default:
return DefWindowProc(hWnd, message, wParam, lParam);
}
}
break;
case WM_PAINT:
{
PAINTSTRUCT ps;
HDC hdc = BeginPaint(hWnd, &ps);
// TODO: 여기에 hdc를 사용하는 그리기 코드를 추가합니다.
EndPaint(hWnd, &ps);
}
break;
case WM_DESTROY:
PostQuitMessage(0);
break;
default:
return DefWindowProc(hWnd, message, wParam, lParam);
}
return 0;
}
// 정보 대화 상자의 메시지 처리기입니다.
INT_PTR CALLBACK About(HWND hDlg, UINT message, WPARAM wParam, LPARAM lParam)
{
UNREFERENCED_PARAMETER(lParam);
switch (message)
{
case WM_INITDIALOG:
return (INT_PTR)TRUE;
case WM_COMMAND:
if (LOWORD(wParam) == IDOK || LOWORD(wParam) == IDCANCEL)
{
EndDialog(hDlg, LOWORD(wParam));
return (INT_PTR)TRUE;
}
break;
}
return (INT_PTR)FALSE;
}
| [
"[email protected]"
] | |
506a0e3af8ff262b3a4ca004b0519e54fa16a45f | c75a53490c17462b1dfd30311a401493fe8c8e99 | /Point.cpp | 908dc1925d4d8013f4303a59634ecf4f3dbc4183 | [] | no_license | jwkblades/BezierCurves_tut01 | 0fbaa97e0248a52edaa8e2271c5a72340409f42c | 686b19a6eda81f1b8196123845c449663ad428d6 | refs/heads/master | 2020-04-09T14:06:10.150943 | 2013-07-07T05:45:46 | 2013-07-07T05:45:46 | 11,229,196 | 1 | 0 | null | null | null | null | UTF-8 | C++ | false | false | 1,681 | cpp | #include "Point.h"
Point::Point(void){
x = y = 0;
}
Point::Point(double nx, double ny){
x = nx;
y = ny;
}
Point::Point(const Point& src){
(*this) = src;
}
Point::~Point(void){
}
Point& Point::operator=(const Point& src){
x = src.x;
y = src.y;
return *this;
}
Point Point::operator*(const Point& alt){
Point p(x * alt.x, y * alt.y);
return p;
}
Point Point::operator/(const Point& alt){
Point p(x / alt.x, y / alt.y);
return p;
}
Point Point::operator-(const Point& alt){
Point p(x - alt.x, y - alt.y);
return p;
}
Point Point::operator+(const Point& alt){
Point p(x + alt.x, y + alt.y);
return p;
}
Point Point::operator*(double num){
Point p(x * num, y * num);
return p;
}
Point Point::operator/(double num){
Point p(x / num, y / num);
return p;
}
Point Point::operator-(double num){
Point p(x - num, y - num);
return p;
}
Point Point::operator+(double num){
Point p(x + num, y + num);
return p;
}
Point Point::operator*=(const Point& alt){
x *= alt.x;
y *= alt.y;
return *this;
}
Point Point::operator/=(const Point& alt){
x /= alt.x;
y /= alt.y;
return *this;
}
Point Point::operator-=(const Point& alt){
x -= alt.x;
y -= alt.y;
return *this;
}
Point Point::operator+=(const Point& alt){
x += alt.x;
y += alt.y;
return *this;
}
Point Point::operator*=(double num){
x *= num;
y *= num;
return *this;
}
Point Point::operator/=(double num){
x /= num;
y /= num;
return *this;
}
Point Point::operator-=(double num){
x -= num;
y -= num;
return *this;
}
Point Point::operator+=(double num){
x += num;
y += num;
return *this;
}
std::ostream& operator<<(std::ostream& out, const Point& pt){
out << pt.x << "\t" << pt.y;
return out;
}
| [
"[email protected]"
] | |
d02008a5e7a000ee9570ab84df91ed1b41b6005f | 7d558e68292c1b6345e6f0af1f14927a60367718 | /IDP_CONTROL/IDPDrawGeometryData.h | d943a660a40bd75fc34d733a96789de7845f554d | [] | no_license | veinyyxy/IDP_OLD2 | e8c15c8cc0d0be62ea7c359b46b5285616ba2da1 | 4dbd439f5d01a78eb10a3da5792d609d0950ae2b | refs/heads/master | 2022-12-19T19:19:31.823314 | 2020-09-28T05:24:17 | 2020-09-28T05:24:17 | 299,151,464 | 0 | 0 | null | null | null | null | UTF-8 | C++ | false | false | 479 | h | #pragma once
#include "idp_control_global.h"
#include "drawgeometrydata.h"
#include "GeosOnTheOsg.h"
#include "Layer.h"
class IDP_CONTROL_EXPORT IDPDrawGeometryData :
public DrawGeometryData
{
public:
IDPDrawGeometryData(void);
virtual ~IDPDrawGeometryData(void);
inline void SetDrawLayer(goto_gis::Layer* pLayer){m_pLayer = pLayer;}
void SetResultHandle(RectResult* pHandler){m_RectResult = pHandler;}
protected:
RectResult* m_RectResult;
goto_gis::Layer* m_pLayer;
};
| [
"[email protected]"
] | |
fe1fffcff951fa8d6245841ecd0fbb250fe323c0 | 3a08b503d3260249843e968e1c6c8e3c4dbf7602 | /BiRoad/tutorial.cpp | 7679f3e29a1800aa5ef1025bf6eeee6ce5909655 | [] | no_license | Nillouise/BiRoad | d5764dbf833ece127e0224c6ff0502aa803c754b | f956f1644d7fcbfcd974d24491b7238255ef56c6 | refs/heads/master | 2021-04-15T13:55:45.761979 | 2018-05-21T05:15:32 | 2018-05-21T05:15:32 | 126,147,730 | 0 | 0 | null | null | null | null | UTF-8 | C++ | false | false | 1,338 | cpp | #include <iostream>
#include <asio.hpp>
#include <boost/bind.hpp>
#include <boost/date_time/posix_time/posix_time.hpp>
class printer
{
public:
printer(asio::io_service& io)
: strand_(io),
timer1_(io, boost::posix_time::seconds(1)),
timer2_(io, boost::posix_time::seconds(1)),
count_(0)
{
timer1_.async_wait(strand_.wrap(boost::bind(&printer::print1, this)));
timer2_.async_wait(strand_.wrap(boost::bind(&printer::print2, this)));
}
~printer()
{
std::cout << "Final count is " << count_ << std::endl;
}
void print1()
{
if (count_ < 10)
{
std::cout << "Timer 1: " << count_ << std::endl;
++count_;
timer1_.expires_at(timer1_.expires_at() + boost::posix_time::seconds(1));
timer1_.async_wait(strand_.wrap(boost::bind(&printer::print1, this)));
}
}
void print2()
{
if (count_ < 10)
{
std::cout << "Timer 2: " << count_ << std::endl;
++count_;
timer2_.expires_at(timer2_.expires_at() + boost::posix_time::seconds(1));
timer2_.async_wait(strand_.wrap(boost::bind(&printer::print2, this)));
}
}
private:
asio::io_service::strand strand_;
asio::deadline_timer timer1_;
asio::deadline_timer timer2_;
int count_;
};
static int local_main()
{
asio::io_service io;
printer p(io);
asio::thread t(boost::bind(&asio::io_service::run, &io));
io.run();
t.join();
return 0;
} | [
"[email protected]"
] | |
b6f5ba4a8faf08d4658c27fafc539bc99e9ccafe | 15e6a5567953007a77fef7d46f631ed61576032e | /level1/16.Binary Tree/12diameter_of_a_binary_tree.cpp | cef07ef5650445d17f3b95a4a90e2f85e89405cb | [] | no_license | ssashish21/Data-Structure-Algorithms | 08bd33e2ebc936bb0d45e546d43c926b3e95e49f | 709d9531256a87f751bbf98701ddd110422926f6 | refs/heads/master | 2023-08-22T15:23:30.185895 | 2021-10-08T06:32:17 | 2021-10-08T06:32:17 | 274,048,866 | 2 | 0 | null | null | null | null | UTF-8 | C++ | false | false | 1,536 | cpp | #include<bits/stdc++.h>
using namespace std;
class TreeNode{
public:
int data;
TreeNode* left;
TreeNode* right;
TreeNode(int data){
this->data = data;
left = nullptr;
right = nullptr;
}
~TreeNode(){
delete left;
delete right;
}
};
TreeNode* takeInput(){
string rootData;
cin >> rootData;
if(rootData == "n"){
return nullptr;
}
TreeNode* root = new TreeNode(stoi(rootData));
TreeNode* leftchild = takeInput();
TreeNode* rightchild = takeInput();
root->left = leftchild;
root->right = rightchild;
return root;
}
int height(TreeNode* root){
if(root == nullptr){
return -1;
}
int lh = height(root->left);
int rh = height(root->right);
return max(lh , rh) + 1;
}
int diameter(TreeNode* root){
if(root == nullptr){
return 0;
}
int ld = diameter(root->left);
int rd = diameter(root->right);
int faith = height(root->left) + height(root->right) + 2;
int dia = max({faith , ld , rd});
return dia;
}
class DiaPair{
public:
int dia;
int hei;
DiaPair(){
}
DiaPair(int d , int h){
dia = d;
hei = h;
}
};
DiaPair* diameter2(TreeNode* root){
if(root == nullptr){
DiaPair* bp = new DiaPair(0 , -1);
return bp;
}
DiaPair* lp = diameter2(root->left);
DiaPair* rp = diameter2(root->right);
DiaPair* mp = new DiaPair();
mp->hei = max(lp->hei , rp->hei) + 1;
int f = lp->hei + rp->hei + 2;
mp->dia = max({f , lp->dia , rp->dia});
return mp;
}
int main(){
int n;
cin >> n;
TreeNode * root = takeInput();
DiaPair *dp = diameter2(root);
cout << dp->dia << endl;
} | [
"[email protected]"
] | |
d5de11fdb44df5f5fd29318416f52dc9c46df72e | 60e6f76ed59ae1083118cbb261245396205b91fa | /src/parabola.cpp | 0ed195c58c74175219dd8a44e99202723a318851 | [
"Apache-2.0"
] | permissive | gbryant/number-explorer | b8a8c558b56e75000f68b6302e4be053086578f9 | f1423bb682a6cbfd8238ba980f32659842295456 | refs/heads/master | 2021-01-19T06:43:04.394599 | 2018-06-05T18:38:39 | 2018-06-05T18:38:39 | 62,971,564 | 0 | 0 | null | null | null | null | UTF-8 | C++ | false | false | 3,326 | cpp | /***********************************************************************
Copyright 2018 Gregory Bryant
Licensed under the Apache License, Version 2.0 (the "License");
you may not use this file except in compliance with the License.
You may obtain a copy of the License at
http://www.apache.org/licenses/LICENSE-2.0
Unless required by applicable law or agreed to in writing, software
distributed under the License is distributed on an "AS IS" BASIS,
WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
See the License for the specific language governing permissions and
limitations under the License.
***********************************************************************/
#include "parabola.h"
#include "neconsolewindow.h"
#include "neview.h"
#include <cmath>
Parabola::Parabola()
{
name.append("Parabola");
a=1;
b=1;
c=0;
init();
}
Parabola::Parabola(int aIn, int bIn, int cIn)
{
name.append("Parabola");
a=aIn;
b=bIn;
c=cIn;
init();
}
Parabola::Parabola(int aIn,int bIn, int cIn, int cR, int cG, int cB)
{
name.append("Parabola");
a=aIn;
b=bIn;
c=cIn;
init();
this->cR = cR;
this->cG = cG;
this->cB = cB;
}
void Parabola::init()
{
cR=255;
cG=255;
cB=255;
directrix = c-(1+b*b)/(4*a);
focus.first = -b/(2*a);
focus.second = c+(1-b*b)/(4*a);
vertex.first = -b/(2*a);
vertex.second = c - b*b/(4*a);
if(focus.second>directrix){direction=1;}
else{direction=-1;}
}
bool Parabola::isVisible(NEView *view)
{return true;
/*
view->getScreenBounds(&top,&bottom,&left,&right);
if(direction<0)
{
if(mpz_cmp_si(bottom.backend().data(),vertex.second)>0){return false;}
}
else
{
if(mpz_cmp_si(top.backend().data(),vertex.second)<0){return false;}
}
return true;
*/
}
void Parabola::render(NEView *view)
{
mpz_int rStart;
mpz_int rEnd;
view->getScreenBounds(&top,&bottom,&left,&right);
if(isVisible(view))
{
rStart=left;
rEnd=right;
mpz_int prevX,prevY;
mpz_int x=rStart;
prevX=x;
mpz_int y=a*x*x+b*x+c;
prevY=y;
if(x%2)
{
view->setPoint(x,y,cR,255,cB);
}
else
{
view->setPoint(x,y,cR,cG,cB);
}
for(x=rStart+1;x<=rEnd;x++)
{
y=a*x*x+b*x+c;
//image->drawLine(prevX,prevY,x,y,cR,cG,cB);
if(x%2)
{
view->setPoint(x,y,cR,255,cB);
}
else
{
view->setPoint(x,y,cR,cG,cB);
}
prevX=x;
prevY=y;
}
return;
}
}
double Parabola::getArcLength(double x1, double x2,double precision)
{
double x,endX;
double y1,y2,xSqrd,ySqrd;
double totalDistance=0;
double segmentDistance;
if(x1<x2)
{x=x1;endX=x2;}
else
{x=x2;endX=x1;}
do
{
y1=a*x*x+b*x+c;
y2=a*(x+precision)*(x+precision)+b*(x+precision)+c;
double xSqrd = ((x+precision)-x)*((x+precision)-x);
double ySqrd = (y2-y1)*(y2-y1);
segmentDistance = sqrt(xSqrd+ySqrd);
totalDistance += segmentDistance;
x+=precision;
}
while(x<=endX);
return totalDistance;
}
| [
"[email protected]"
] | |
61ae1ab236d75edb1b9df3d66648edcfa6c5879e | 34389129a98285960c2762ff4c828cfe5e1f6777 | /FCollada/FCDocument/FCDPhysicsAnalyticalGeometry.h | cf60a25db9aa0784b12d62abd71ce522c5a3137d | [
"LicenseRef-scancode-x11-xconsortium-veillard",
"MIT"
] | permissive | rdb/fcollada | 3d44b5134464e8157cf65458e49875ce1436b6b7 | 5b948b08514df5c0028888ff29969e291d6989c7 | refs/heads/master | 2021-09-23T12:20:51.266824 | 2021-01-06T13:49:54 | 2021-01-06T13:49:54 | 56,793,455 | 10 | 6 | null | 2021-09-14T16:45:48 | 2016-04-21T17:34:16 | C | UTF-8 | C++ | false | false | 12,520 | h | /*
Copyright (C) 2005-2007 Feeling Software Inc.
Portions of the code are:
Copyright (C) 2005-2007 Sony Computer Entertainment America
MIT License: http://www.opensource.org/licenses/mit-license.php
*/
/**
@file FCDPhysicsAnalyticalGeometry.h
This file contains all the analytical geometry classes including Box,
Plane, Sphere, Cylinder, Capsule, Tapered Cylinder, and Tapered Capsule.
*/
#ifndef _FCD_PHYSICS_ANALYTICAL_GEOM_H_
#define _FCD_PHYSICS_ANALYTICAL_GEOM_H_
#ifndef _FCD_ENTITY_H_
#include "FCDocument/FCDEntity.h"
#endif // _FCD_ENTITY_H_
class FCDocument;
class FCDPhysicsShape;
/**
A COLLADA physics analytical geometry.
@ingroup FCDocument
*/
class FCOLLADA_EXPORT FCDPhysicsAnalyticalGeometry : public FCDEntity
{
private:
DeclareObjectType(FCDEntity);
public:
/** The geometry type of the analytical geometry class.
Used this information to up-cast an entity instance. */
enum GeomType {
BOX, /**< A box. */
PLANE, /**< An infinate plane. */
SPHERE, /**< A sphere. */
CYLINDER, /**< A cylinder. */
CAPSULE, /**< A cylinder with spheres at the end. */
TAPERED_CYLINDER, /**< A cylinder with different sized flat faces. */
TAPERED_CAPSULE /**< A capsule with different sized spheres. */
};
/** Constructor: do not use directly. Create new analytical geometries by
using FCDPhysicsShape::CreateAnalyticalGeometry function.
@param document The COLLADA document that contains this physics scene.
*/
FCDPhysicsAnalyticalGeometry(FCDocument* document);
/** Destructor. */
virtual ~FCDPhysicsAnalyticalGeometry();
/** Retrieves the entity type for this class. This function is part of the
FCDEntity interface.
@return The entity type: PHYSICS_ANALYTICAL_GEOMETRY. */
virtual Type GetType() const {return PHYSICS_ANALYTICAL_GEOMETRY;}
/** Retrieves the analytical geometry type for this class.
@return The analytical geometry type. */
virtual GeomType GetGeomType() const = 0;
/** Calculates the volume of this analytical geometry.
@return The volume. */
virtual float CalculateVolume() const = 0;
/** Copies the analytical geometry into a clone.
@param clone The empty clone. If this pointer is NULL, a analytical
geometry will be created and you will need to release the returned
pointer manually.
@param cloneChildren Whether to recursively clone this entity's
children.
@return The clone. */
virtual FCDEntity* Clone(FCDEntity* clone = NULL, bool cloneChildren = false) const;
};
/**
A COLLADA physics box.
@ingroup FCDocument
*/
class FCOLLADA_EXPORT FCDPASBox : public FCDPhysicsAnalyticalGeometry
{
private:
DeclareObjectType(FCDPhysicsAnalyticalGeometry);
public:
/** Constructor: do not use directly. Create new analytical geometries by
using FCDPhysicsShape::CreateAnalyticalGeometry function.
@param document The COLLADA document that contains this physics box. */
FCDPASBox(FCDocument* document);
/** Destructor. */
virtual ~FCDPASBox() {}
/** Retrieves the analytical geometry type for this class.
@return The analytical geometry type: BOX. */
virtual GeomType GetGeomType() const {return BOX;}
/** Calculates the volume of this analytical geometry.
@return The volume. */
virtual float CalculateVolume() const;
/** Copies the physics box into a clone.
@param clone The empty clone. If this pointer is NULL, a analytical
geometry will be created and you will need to release the returned
pointer manually.
@param cloneChildren Whether to recursively clone this entity's
children.
@return The clone. */
virtual FCDEntity* Clone(FCDEntity* clone = NULL, bool cloneChildren = false) const;
public:
FMVector3 halfExtents; /**< Half extents of the box in 3 dimensions. */
};
/**
A COLLADA physics plane.
@ingroup FCDocument
*/
class FCOLLADA_EXPORT FCDPASPlane : public FCDPhysicsAnalyticalGeometry
{
private:
DeclareObjectType(FCDPhysicsAnalyticalGeometry);
public:
/** Constructor: do not use directly. Create new analytical geometries by
using FCDPhysicsShape::CreateAnalyticalGeometry function.
@param document The COLLADA document that contains this physics plane.
*/
FCDPASPlane(FCDocument* document);
/** Destructor. */
virtual ~FCDPASPlane() {}
/** Retrieves the analytical geometry type for this class.
@return The analytical geometry type: PLANE. */
virtual GeomType GetGeomType() const {return PLANE;}
/** Calculates the volume of this analytical geometry.
@return The volume. */
virtual float CalculateVolume() const;
/** Copies the physics plane into a clone.
@param clone The empty clone. If this pointer is NULL, a analytical
geometry will be created and you will need to release the returned
pointer manually.
@param cloneChildren Whether to recursively clone this entity's
children.
@return The clone. */
virtual FCDEntity* Clone(FCDEntity* clone = NULL, bool cloneChildren = false) const;
public:
FMVector3 normal; /**< The normal for the plane. */
float d; /**< The value that positions the plane. If the normal of the plane is at (A, B, C), the equation of the plane is Ax + By + Cz + d = 0. */
};
/**
A COLLADA physics sphere.
@ingroup FCDocument
*/
class FCOLLADA_EXPORT FCDPASSphere : public FCDPhysicsAnalyticalGeometry
{
private:
DeclareObjectType(FCDPhysicsAnalyticalGeometry);
public:
/** Constructor: do not use directly. Create new analytical geometries by
using FCDPhysicsShape::CreateAnalyticalGeometry function.
@param document The COLLADA document that contains this physics sphere.
*/
FCDPASSphere(FCDocument* document);
/** Destructor. */
virtual ~FCDPASSphere() {}
/** Retrieves the analytical geometry type for this class.
@return The analytical geometry type: SPHERE. */
virtual GeomType GetGeomType() const {return SPHERE;}
/** Calculates the volume of this analytical geometry.
@return The volume. */
virtual float CalculateVolume() const;
/** Copies the physics sphere into a clone.
@param clone The empty clone. If this pointer is NULL, a analytical
geometry will be created and you will need to release the returned
pointer manually.
@param cloneChildren Whether to recursively clone this entity's
children.
@return The clone. */
virtual FCDEntity* Clone(FCDEntity* clone = NULL, bool cloneChildren = false) const;
public:
float radius; /**< The radius of the sphere. */
};
/**
A COLLADA physics cylinder.
@ingroup FCDocument
*/
class FCOLLADA_EXPORT FCDPASCylinder : public FCDPhysicsAnalyticalGeometry
{
private:
DeclareObjectType(FCDPhysicsAnalyticalGeometry);
public:
/** Constructor: do not use directly. Create new analytical geometries by
using FCDPhysicsShape::CreateAnalyticalGeometry function.
@param document The COLLADA document that contains this physics
cylinder. */
FCDPASCylinder(FCDocument* document);
/** Destructor. */
virtual ~FCDPASCylinder() {}
/** Retrieves the analytical geometry type for this class.
@return The analytical geometry type: CYLINDER. */
virtual GeomType GetGeomType() const {return CYLINDER;}
/** Calculates the volume of this analytical geometry.
@return The volume. */
virtual float CalculateVolume() const;
/** Copies the physics cylinder into a clone.
@param clone The empty clone. If this pointer is NULL, a analytical
geometry will be created and you will need to release the returned
pointer manually.
@param cloneChildren Whether to recursively clone this entity's
children.
@return The clone. */
virtual FCDEntity* Clone(FCDEntity* clone = NULL, bool cloneChildren = false) const;
public:
float height; /**< The height of the cylinder. */
FMVector2 radius; /**< The radius in the X direction and Z direction of the cylinder. */
};
/**
A COLLADA physics capsule.
@ingroup FCDocument
*/
class FCOLLADA_EXPORT FCDPASCapsule : public FCDPhysicsAnalyticalGeometry
{
private:
DeclareObjectType(FCDPhysicsAnalyticalGeometry);
public:
/** Constructor: do not use directly. Create new analytical geometries by
using FCDPhysicsShape::CreateAnalyticalGeometry function.
@param document The COLLADA document that contains this physics
capsule. */
FCDPASCapsule(FCDocument* document);
/** Desctructor. */
virtual ~FCDPASCapsule() {}
/** Retrieves the analytical geometry type for this class.
@return The analytical geometry type: CAPSULE. */
virtual GeomType GetGeomType() const {return CAPSULE;}
/** Calculates the volume of this analytical geometry.
@return The volume. */
virtual float CalculateVolume() const;
/** Copies the physics capsule into a clone.
@param clone The empty clone. If this pointer is NULL, a analytical
geometry will be created and you will need to release the returned
pointer manually.
@param cloneChildren Whether to recursively clone this entity's
children.
@return The clone. */
virtual FCDEntity* Clone(FCDEntity* clone = NULL, bool cloneChildren = false) const;
public:
float height; /**< The height of the capsule. */
FMVector2 radius; /**< The radius in the X direction and Z direction of the capsule. */
};
/**
A COLLADA physics tapered capsule.
@ingroup FCDocument
*/
class FCOLLADA_EXPORT FCDPASTaperedCapsule : public FCDPASCapsule
{
private:
DeclareObjectType(FCDPASCapsule);
public:
/** Constructor: do not use directly. Create new analytical geometries by
using FCDPhysicsShape::CreateAnalyticalGeometry function.
@param document The COLLADA document that contains this physics tapered
capsule. */
FCDPASTaperedCapsule(FCDocument* document);
/** Destructor. */
virtual ~FCDPASTaperedCapsule() {}
/** Retrieves the analytical geometry type for this class.
@return The analytical geometry type: TAPERED_CAPSULE. */
virtual GeomType GetGeomType() const {return TAPERED_CAPSULE;}
/** Calculates the volume of this analytical geometry.
@return The volume. */
virtual float CalculateVolume() const;
/** Copies the physics tapered capsule into a clone.
@param clone The empty clone. If this pointer is NULL, a analytical
geometry will be created and you will need to release the returned
pointer manually.
@param cloneChildren Whether to recursively clone this entity's
children.
@return The clone. */
virtual FCDPhysicsAnalyticalGeometry* Clone(FCDPhysicsAnalyticalGeometry* clone = NULL, bool cloneChildren = false) const;
public:
//inherits all other attributes from Capsule
FMVector2 radius2; /**< The second radius in the X direction and Z direction of the capsule. */
};
/**
A COLLADA physics tapered cylinder.
@ingroup FCDocument
*/
class FCOLLADA_EXPORT FCDPASTaperedCylinder : public FCDPASCylinder
{
private:
DeclareObjectType(FCDPASCylinder);
public:
/** Constructor: do not use directly. Create new analytical geometries by
using FCDPhysicsShape::CreateAnalyticalGeometry function.
@param document The COLLADA document that contains this physics tapered
cylinder. */
FCDPASTaperedCylinder(FCDocument* document);
/** Destructor. */
virtual ~FCDPASTaperedCylinder() {}
/** Retrieves the analytical geometry type for this class.
@return The analytical geometry type: TAPERED_CYLINDER. */
virtual GeomType GetGeomType() const {return TAPERED_CYLINDER;}
/** Calculates the volume of this analytical geometry.
@return The volume. */
virtual float CalculateVolume() const;
/** Copies the physics tapered cylinder into a clone.
@param clone The empty clone. If this pointer is NULL, a analytical
geometry will be created and you will need to release the returned
pointer manually.
@param cloneChildren Whether to recursively clone this entity's
children.
@return The clone. */
virtual FCDEntity* Clone(FCDEntity* clone = NULL, bool cloneChildren = false) const;
public:
//inherits all other attributes from Cylinder
FMVector2 radius2; /**< The second radius in the X direction and Z direction of the cylinder. */
};
/**
[INTERNAL] The factory for COLLADA physics analytical shapes.
Takes the type of analytical shape and returns a newly created one.
@ingroup FCDEffect
*/
class FCOLLADA_EXPORT FCDPASFactory
{
private:
FCDPASFactory() {}
public:
/** Creates the physics analytical shape.
@param document The COLLADA document that contains the physics
analytical shape to create.
@param type The analytical geometry type of shape to dreate.
@return The newly created analytical shape. */
static FCDPhysicsAnalyticalGeometry* CreatePAS(FCDocument* document, FCDPhysicsAnalyticalGeometry::GeomType type);
};
#endif // _FCD_PHYSICS_ANALYTICAL_GEOMETRY_H_
| [
"[email protected]"
] | |
473252fb6d0a85451491fa2bd608ee3c9753e4a2 | 2d168890bbaaefed9f2822c6fdb57d83361cbf12 | /modules/labstreamlines/integrator.cpp | 1bd0fbe1d3e33a26f3b9b90ab116a09f49363a8f | [
"BSD-3-Clause",
"BSD-2-Clause"
] | permissive | KTHVisualization/inviwo | 3244329132bb977564a3a3b029bc138cc91ba807 | 6a3175434901940906fce89ae87fba57b6331aa1 | refs/heads/master | 2022-12-26T23:25:46.898247 | 2022-12-20T14:02:43 | 2022-12-20T14:02:43 | 203,176,743 | 4 | 15 | BSD-2-Clause | 2022-09-21T14:01:25 | 2019-08-19T13:18:43 | C++ | UTF-8 | C++ | false | false | 1,912 | cpp | /*********************************************************************
* Author : Himangshu Saikia
* Init : Wednesday, September 20, 2017 - 12:04:15
*
* Project : KTH Inviwo Modules
*
* License : Follows the Inviwo BSD license model
*********************************************************************
*/
#include <labstreamlines/integrator.h>
namespace inviwo {
// TODO: Implement a single integration step here
// dvec2 Integrator::Euler(const VectorField2& vectorField, const dvec2& position, ...)
// {
// Access the vector field with vectorField.interpolate(...)
// }
// dvec2 Integrator::RK4(const VectorField2& vectorField, const dvec2& position, ...)
// {
//
// }
void Integrator::drawPoint(const dvec2& p, const vec4& color, IndexBufferRAM* indexBuffer,
std::vector<BasicMesh::Vertex>& vertices) {
indexBuffer->add(static_cast<std::uint32_t>(vertices.size()));
vertices.push_back({vec3(p[0], p[1], 0), vec3(0, 0, 1), vec3(p[0], p[1], 0), color});
}
// Alias for draw point
void Integrator::drawNextPointInPolyline(const dvec2& p, const vec4& color,
IndexBufferRAM* indexBuffer,
std::vector<BasicMesh::Vertex>& vertices) {
Integrator::drawPoint(p, color, indexBuffer, vertices);
}
void Integrator::drawLineSegment(const dvec2& v1, const dvec2& v2, const vec4& color,
IndexBufferRAM* indexBuffer,
std::vector<BasicMesh::Vertex>& vertices) {
indexBuffer->add(static_cast<std::uint32_t>(vertices.size()));
vertices.push_back({vec3(v1[0], v1[1], 0), vec3(0, 0, 1), vec3(v1[0], v1[1], 0), color});
indexBuffer->add(static_cast<std::uint32_t>(vertices.size()));
vertices.push_back({vec3(v2[0], v2[1], 0), vec3(0, 0, 1), vec3(v2[0], v2[1], 0), color});
}
} // namespace inviwo
| [
"[email protected]"
] | |
943f9b69be592e8cf9a9473aff6759fdaaf3dba7 | 101ed63f6e4ef02c36fca02965f4ea0023cb8d32 | /src/DirectXGame_Ep02/DirectXGame/GraphicsEngine.h | ce3b6bb9fe12d383b084942f76d9293dafcc43a8 | [
"Apache-2.0"
] | permissive | xuzhg/HelloKerry | 633a64f464a3301fc90d244b0d37bedba3b0d0c3 | eec44939ea8c6a459d7cbe10bd93d65a5da5a17f | refs/heads/master | 2021-11-10T12:51:19.838805 | 2021-11-02T21:47:52 | 2021-11-02T21:47:52 | 26,630,894 | 0 | 0 | null | null | null | null | UTF-8 | C++ | false | false | 429 | h | #pragma once
// DirectX 12
#include <d3d11.h>
class GraphicsEngine
{
public:
GraphicsEngine();
~GraphicsEngine();
// initialize the graphicsEngine and DirectX 11 Device
bool init();
// Release all the resources loaded
bool release();
public:
static GraphicsEngine* get();
private:
ID3D11Device* m_d3d_device;
D3D_FEATURE_LEVEL m_feature_level;
ID3D11DeviceContext* m_imm_context;
};
| [
"[email protected]"
] | |
67295b75aecd9025f0914c4e2249a1c5a3ac0ab9 | d30c696d7fdfcbfcdbad1167d4be3681f9b42030 | /geometry/closest_pair.cpp | 40e3993e710b5a2201e1898f07cfed3bad3a88c1 | [] | no_license | marioyc/ACM-ICPC-Library | c8280b375f090490525a7a99a6f380e476f6594a | 52c31f0d5f607ccd86de41dc3930f10e1785ae30 | refs/heads/master | 2023-08-06T07:01:09.281744 | 2023-07-26T00:44:48 | 2023-07-26T00:44:48 | 7,351,720 | 111 | 53 | null | null | null | null | UTF-8 | C++ | false | false | 804 | cpp | #define MAX_N 100000
#define px second
#define py first
typedef pair<long long, long long> point;
int N;
point P[MAX_N];
set<point> box;
bool compare_x(point a, point b){ return a.px<b.px; }
inline double dist(point a, point b){
return sqrt((a.px-b.px)*(a.px-b.px)+(a.py-b.py)*(a.py-b.py));
}
double closest_pair(){
if(N<=1) return -1;
sort(P,P+N,compare_x);
double ret = dist(P[0],P[1]);
box.insert(P[0]);
set<point> :: iterator it;
for(int i = 1,left = 0;i<N;++i){
while(left<i && P[i].px-P[left].px>ret) box.erase(P[left++]);
for(it = box.lower_bound(make_pair(P[i].py-ret,P[i].px-ret));
it!=box.end() && P[i].py+ret>=(*it).py;++it)
ret = min(ret, dist(P[i],*it));
box.insert(P[i]);
}
return ret;
}
| [
"[email protected]"
] | |
a62140878362c109880377f9822b230431939293 | ea541d08e2178c37f7b5ed45b08e7c4237368321 | /Inheritance_Third/Employee.cpp | 5c1d412ba7dd1cc3a68fba435c8ec79a3b370f32 | [] | no_license | ShereenKhoja/Polymorphism | c646cf9cdca8c728341ca5d03cabc9dba91bab28 | cba3426721dc20fbe4e81f7eb7068c49c1f35cca | refs/heads/master | 2023-04-01T19:27:12.227232 | 2021-04-14T16:47:08 | 2021-04-14T16:47:08 | 357,976,836 | 0 | 0 | null | null | null | null | UTF-8 | C++ | false | false | 2,908 | cpp | //****************************************************************************
// File name: Employee.cpp
// Author: Computer Science, Pacific University
// Date: 4/2/2018
// Class: CS 250
// Assignment: Inheritance Lab
// Purpose: Demonstrate Inheritance
//*****************************************************************************
#include "Employee.h"
#include <iostream>
#include <string>
//****************************************************************************
// Constructor: Employee
//
// Description: Initialize the name with the parameter string
//
// Parameters: name - the name to store in the object
// ssn - employee's social security number
//
// Returned: none
//***************************************************************************
Employee::Employee (std::string name, std::string ssn) {
mName = name;
mSSN = ssn;
}
//****************************************************************************
// Function: name
//
// Description: Retrieve the name of the Employee
//
// Parameters: none
//
// Returned: the name of the Employee
//***************************************************************************
std::string Employee::getName () const {
return mName;
}
//****************************************************************************
// Function: ssn
//
// Description: Retrieve the ssn of the Employee
//
// Parameters: none
//
// Returned: the ssn of the Employee
//***************************************************************************
std::string Employee::getSSN () const {
return mSSN;
}
//****************************************************************************
// Function: print
//
// Description: Output the Employee to the stream
//
// Parameters: rcOutput - the stream to output to
//
// Returned: None
//***************************************************************************
void Employee::print (std::ostream& rcOutStream) const {
rcOutStream << "Name: " << mName << " SSN: " << mSSN;
}
//****************************************************************************
// Function: read
//
// Description: Input the Employee from the stream
//
// Parameters: rcIn - the stream to input from
//
// Returned: true if an Employee is read, false otherwise
//***************************************************************************
bool Employee::read (istream& rcIn) {
if (rcIn >> mName >> mSSN) {
return true;
}
return false;
}
//****************************************************************************
// Function: operator<<
//
// Description: Output the Employee to the stream
//
// Parameters: rcOut - the stream to output to
// rcEmpt - the Employee to output
//
// Returned: the stream.
//***************************************************************************
ostream& operator<<(ostream& rcOut, const Employee& rcEmp) {
rcEmp.print (rcOut);
return rcOut;
} | [
"[email protected]"
] | |
2912ef0b7ef3140ce2bfd17938f8cb320e01e388 | 490c78be50443a0d500786fea4e3c8faca8a7235 | /main.cpp | e7ba6d5152edea62104bcc840f8cf1b360984a71 | [
"MIT"
] | permissive | libcg/bfp | 4fe762d011e46793d30bda5989ba42f69fbdccf3 | 525d8e61e54d986345b2de8c84c58ff2d0e84993 | refs/heads/master | 2021-01-22T07:19:04.217417 | 2019-04-09T05:02:24 | 2019-04-09T05:02:24 | 81,805,680 | 294 | 27 | MIT | 2017-12-18T06:45:34 | 2017-02-13T09:09:43 | C++ | UTF-8 | C++ | false | false | 229 | cpp | #include "posit.h"
#include <cstdio>
int main(int argc, char *argv[])
{
auto p = Posit(5, 1);
for (unsigned i = 0; i < (unsigned)(1 << p.nbits()); i++) {
p.setBits(i);
p.print();
}
return 0;
}
| [
"[email protected]"
] | |
57253716a5e9d66ade185be9547d18f543c6fe5a | af8529c8c23f91ac64d78b1a15d340c1f8ef88b3 | /Client_YetiTrap.h | 096272ce9ffcee95297d0754a0823d12b954a0a3 | [] | no_license | GyumyeongShim/Portfolio | bc878e6c2fd9a6deb5dfa1022a2e12b752c2aa1a | 4e1d0d55af0e369262adf5fe82aefef351e6da8b | refs/heads/main | 2023-04-06T02:26:41.388488 | 2021-05-10T05:17:53 | 2021-05-10T05:17:53 | 363,990,357 | 0 | 0 | null | null | null | null | UTF-8 | C++ | false | false | 1,781 | h | #pragma once
#include "Client_Defines.h"
#include "GameObject.h"
#include "Management.h"
BEGIN(Engine)
class CYetiTrap :public CGameObject
{
public:
struct YETITRAPINFO
{
YETITRAPINFO(_uint _Idx, _v3 _vPos, _v3 _vAngle)
:iIndex(_Idx), vPos(_vPos), vAngle(_vAngle)
{
}
_uint iIndex = 0;
_v3 vPos = {};
_v3 vAngle = {};
};
protected:
explicit CYetiTrap(_Device _pGraphicDev);
explicit CYetiTrap(const CYetiTrap& rhs);
virtual ~CYetiTrap();
public:
virtual HRESULT Ready_GameObject_Prototype();
virtual HRESULT Ready_GameObject(void * pArg);
virtual _int Update_GameObject(_double _TimeDelta);
virtual _int Late_Update_GameObject(_double TimeDelta);
virtual HRESULT Render_GameObject();
virtual HRESULT Render_GameObject_SetPass(CShader * pShader, _int iPass, _bool _bIsForMotionBlur = false);
virtual HRESULT Render_GameObject_Instancing_SetPass(CShader* pShader);
_uint Get_YetiIndex() { return m_iIndex; }
_bool Get_SummonYeti() { return m_bCanSummonYeti; }
void Set_SummonYeti(_bool _bSummon) { m_bCanSummonYeti = _bSummon; }
private:
void Check_Dist();
HRESULT Add_Component(void* pArg);
HRESULT SetUp_ConstantTable(CShader* pShader);
HRESULT Ready_Default(void* pArg);
public:
static CYetiTrap* Create(_Device _pGraphicDev);
virtual CGameObject* Clone_GameObject(void * pArg);
virtual void Free();
private:
CGameObject* m_pPlayer = nullptr;
CTransform* m_pTransform = nullptr;
CMesh_Static* m_pMesh_Static = nullptr;
CCollider* m_pCollider = nullptr;
CRenderer* m_pRenderer = nullptr;
CShader* m_pShader = nullptr;
CBattleAgent* m_pBattleAgent = nullptr;
COptimization* m_pOptimization = nullptr;
_ulong m_PassNum = 0;
_uint m_iIndex = 0;
_bool m_bCanSummonYeti = false;
_bool m_bEffect = false;
};
END
| [
"[email protected]"
] | |
23c5cc4521b6f486fce62626390a0f682f9fa342 | 54d8acb9f614f1da82d4fbe5cfc1ead5972ab3b7 | /atcoder/ABC100C.cpp | 8b7be71285262a568d1dd099d76c52f5812a1deb | [] | no_license | JohnItoo/Solvay | 9efd2e5a0318a0cf48a7e9d913a287e95188231d | 150b9460fe6332317362eba816e14b1ba6620ef5 | refs/heads/master | 2023-04-08T03:51:10.432417 | 2022-09-06T21:00:00 | 2022-09-06T21:00:00 | 188,384,500 | 1 | 2 | null | null | null | null | UTF-8 | C++ | false | false | 1,799 | cpp | //============================================================================
// Name : template.cpp
// Author :
// Version :
// Copyright : Your copyright notice
// Description : Hello World in C++, Ansi-style
//============================================================================
#include <bits/stdc++.h>
using namespace std;
#define _CRT_SECURE_NO_DEPRECATE // suppress some compilation warning messages (for VC++ users)
// Shortcuts for "common" data types in contests
typedef long long ll;
typedef vector<int> vi;
typedef pair<int, int> ii;
typedef vector<ii> vii;
typedef set<int> si;
typedef map<string, int> msi;
// To simplify repetitions/loops, Note: define your loop style and stick with it!
#define x first
#define y second
#define pb push_back
#define mp make_pair
#define REP(i, a, b) \
for (int i = int(a); i <= int(b); i++) // a to b, and variable i is local!
#define forn(i,n) \
for (int i =0; i<(n); i++)
#define TRvi(c, it) \
for (vi::iterator it = (c).begin(); it != (c).end(); it++)
#define TRvii(c, it) \
for (vii::iterator it = (c).begin(); it != (c).end(); it++)
#define TRmsi(c, it) \
for (msi::iterator it = (c).begin(); it != (c).end(); it++)
#define INF 2000000000 // 2 billion
// If you need to recall how to use memset:
#define MEMSET_INF 127 // about 2B
#define MEMSET_HALF_INF 63 // about 1B
//memset(dist, MEMSET_INF, sizeof dist); // useful to initialize shortest path distances
//memset(dp_memo, -1, sizeof dp_memo); // useful to initialize DP memoization table
//memset(arr, 0, sizeof arr); // useful to clear array of integers
int main() {
ios::sync_with_stdio(false);
cin.tie(0);
int n; cin >> n;
ll ans = 0;
forn(i, n) {
int x; cin >> x;
while (x % 2 == 0) {
x /= 2;
ans++;
}
}
cout << ans << endl;
return 0;
}
| [
"[email protected]"
] | |
7b9b7055c7bb2d2ef4e0febb0c02a723bab91633 | 92bbd94e5281a9b5117dbf8ea4eba8dfefbfb06c | /TeyonPong/Intermediate/Build/Win64/UE4Editor/Inc/TeyonPong/TeyonPong.init.gen.cpp | d9a9bab4478051b7525bf24b8cfd8daacaa67514 | [] | no_license | Nordtraveller/Pong | 2e5a203d25658d8c961649483685bbef9a06fddb | 59d5d64451ec9b0748db4da0ba079399a9add994 | refs/heads/master | 2020-04-09T18:56:29.063856 | 2018-12-12T14:53:34 | 2018-12-12T14:53:34 | 160,529,004 | 0 | 0 | null | null | null | null | UTF-8 | C++ | false | false | 1,073 | cpp | // Copyright 1998-2018 Epic Games, Inc. All Rights Reserved.
/*===========================================================================
Generated code exported from UnrealHeaderTool.
DO NOT modify this manually! Edit the corresponding .h files instead!
===========================================================================*/
#include "UObject/GeneratedCppIncludes.h"
#ifdef _MSC_VER
#pragma warning (push)
#pragma warning (disable : 4883)
#endif
PRAGMA_DISABLE_DEPRECATION_WARNINGS
void EmptyLinkFunctionForGeneratedCodeTeyonPong_init() {}
UPackage* Z_Construct_UPackage__Script_TeyonPong()
{
static UPackage* ReturnPackage = nullptr;
if (!ReturnPackage)
{
static const UE4CodeGen_Private::FPackageParams PackageParams = {
"/Script/TeyonPong",
PKG_CompiledIn | 0x00000000,
0x5E2385F7,
0xB3F2AB5A,
nullptr, 0,
METADATA_PARAMS(nullptr, 0)
};
UE4CodeGen_Private::ConstructUPackage(ReturnPackage, PackageParams);
}
return ReturnPackage;
}
PRAGMA_ENABLE_DEPRECATION_WARNINGS
#ifdef _MSC_VER
#pragma warning (pop)
#endif
| [
"[email protected]"
] | |
59e75dfff5361269c9e1f0928a3a02e76609e967 | 56f687438c79bc7fa17b8028624703b5fca42493 | /phantulonnhat.cpp | fcd82f5be231c2947bd60ed8d0576af981e435ab | [] | no_license | Sudo248/Algorithm | e1ba175906251cf5155d31275bb006dfead12052 | 9298e5fa0e180f1c0d3712911a5ba9f2ce348be0 | refs/heads/master | 2023-06-19T03:09:33.953455 | 2021-07-21T16:54:57 | 2021-07-21T16:54:57 | 386,905,788 | 0 | 0 | null | null | null | null | UTF-8 | C++ | false | false | 433 | cpp |
#include<bits/stdc++.h>
#define faster ios_base::sync_with_stdio(0);cin.tie(0);cout.tie(0);
#define endl '\n'
using namespace std;
typedef long long ll;
void solve(){
int n,k;
cin>>n>>k;
vector<int>a(n);
for(int i=0;i<n;i++) cin>>a[i];
sort(a.rbegin(),a.rend());
for(int i=0;i<k;i++) cout<<a[i]<<" ";
cout<<endl;
}
int main(){
faster
int t;
cin>>t;
while(t--) solve();
return 0;
} | [
"[email protected]"
] | |
40e0edc66b9c6274333ae54b07dd6fb6c58cdfed | 99643866edb65a222a04ecc7643f9b3312a4664a | /trains/western_qf_2014/f/f.cpp | 22b873ba47561a393f835a072c961cd221079ed5 | [] | no_license | ifsmirnov/olymp | 488c8eb7b35d938cf85b5b96f9f73b2fe843c1c8 | 9a4fc14cbe9708ba83711da774233538d76a120b | refs/heads/master | 2021-04-26T11:40:18.096067 | 2014-11-18T03:09:48 | 2014-11-18T03:09:48 | 26,245,942 | 1 | 0 | null | null | null | null | UTF-8 | C++ | false | false | 1,924 | cpp | #include <functional>
#include <algorithm>
#include <iostream>
#include <numeric>
#include <cassert>
#include <cstdlib>
#include <string>
#include <cstring>
#include <cstdio>
#include <vector>
#include <ctime>
#include <queue>
#include <set>
#include <map>
using namespace std;
#define forn(i, n) for (int i = 0; i < (int)(n); ++i)
#define fore(i, b, e) for (int i = (int)(b); i <= (int)(e); ++i)
#define ford(i, n) for (int i = (int)(n) - 1; i >= 0; --i)
#define mp make_pair
#define pb push_back
#define fi first
#define se second
#define all(x) (x).begin(), (x).end()
typedef vector<int> vi;
typedef pair<int, int> pii;
typedef long long i64;
typedef unsigned long long u64;
const int inf = 1e9+100500;
i64 fs[] = {0,
1ll, 2ll, 6ll, 24ll, 120ll, 720ll, 5040ll, 40320ll, 362880ll, 3628800ll, 39916800ll, 479001600ll, 6227020800ll, 87178291200ll, 1307674368000ll};
const char *ns = "0123456789ABCDEFGHIJKLMNOQRST";
void print(i64 x) {
int k = 1;
while (fs[k+1] <= x) {
++k;
}
for (int i = k; i >= 1; --i) {
printf("%c", ns[x/fs[i]]);
x %= fs[i];
}
printf("\n");
}
char _s[100000];
void solve() {
scanf("%s", _s);
int n = strlen(_s);
reverse(_s, _s+n);
char *s = _s;
s[n] = '+';
i64 res = 0;
i64 cur = 0;
int p = 1;
while (*s) {
if (*s == '+') {
res += cur;
cur = 0;
p = 1;
} else if (*s == '-') {
res -= cur;
cur = 0;
p = 1;
} else {
int t;
if (isalpha(*s)) t = 10 + *s - 'A';
else t = *s - '0';
cur += fs[p] * t;
++p;
}
++s;
}
assert(cur == 0);
print(res);
}
int main() {
#ifdef HOME
freopen("input.txt", "r", stdin);
#endif
solve();
#ifdef HOME
cerr << "Time elapsed: " << clock() / 1000 << " ms" << endl;
#endif
return 0;
}
| [
"[email protected]"
] | |
621e66333a1db38273b574fd762eafba8964c7c1 | 81c69c81efca74aac28a73c9294ece43217de410 | /base_extract/extract.cpp | 204908abedac628e133e704d2a0a458e400bcf71 | [] | no_license | jacobrillema/nexrad-l2 | 54edd8e0a147828cf4f9fc76de3fd909a5789288 | f22ceb761e79d070986b9fb68ee95ef76dc8febb | refs/heads/master | 2020-04-29T16:47:04.156602 | 2013-07-01T06:50:34 | 2013-07-01T06:50:34 | null | 0 | 0 | null | null | null | null | UTF-8 | C++ | false | false | 1,585 | cpp | #include <iostream>
#include <fstream>
#include <list>
#include <iterator>
#include <boost/format.hpp>
#include <boost/archive/binary_oarchive.hpp>
#include "../reader/archive_reader.hpp"
#include "../reader/rda_message.hpp"
#include "../reader/radial_generic_format.hpp"
#include "simple_cut.hpp"
template <typename Archive, typename Type>
void
save_to(Archive & ar, const Type & t)
{
ar << t;
}
int main(int argc, char ** argv)
{
using std::cout;
using std::cin;
using boost::format;
using namespace archive2;
using namespace base_extract;
cout.sync_with_stdio(false);
std::list<rda_message> all_messages;
read_archive_messages(cin, std::back_inserter(all_messages));
simple_cut cut;
std::list<rda_message>::const_iterator msg_iter;
for (msg_iter = all_messages.begin();
msg_iter != all_messages.end();
++msg_iter)
{
try
{
const radial_generic_format radial(*msg_iter);
if (radial.radial_status ==
radial_generic_format::STATUS_START_OF_VOLUME)
cut = simple_cut(radial);
if (radial.radial_status ==
radial_generic_format::STATUS_START_OF_ELEVATION)
break;
cut.push(radial);
}
catch (rda_message::wrong_type & e)
{ }
}
const std::string filename = cut.radar_identifier + ".base";
std::ofstream ofs(filename.c_str(), std::ios::binary);
boost::archive::binary_oarchive oa(ofs);
save_to(oa, cut);
return 0;
}
| [
"[email protected]"
] | |
bf2a23de5021f95d3929b090e3a38ff3a58f8609 | ab2e97b3a87ddc5ce3d2a3ae63356b0457a3a4f2 | /gxsocket.h | 07542015bbe0efc6397cc3492fbb3e61a04d43a1 | [] | no_license | victorsoyvictor/Biblioteca | 10ae944420e992b2c98dc88335ac79b6edf81730 | 4d6efd4dbf7039587b6ad36167d55da16706d8b2 | refs/heads/master | 2020-07-04T20:55:19.150287 | 2016-11-18T15:48:12 | 2016-11-18T15:48:12 | 74,142,539 | 0 | 0 | null | null | null | null | UTF-8 | C++ | false | false | 13,019 | h | // ------------------------------- //
// -------- Start of File -------- //
// ------------------------------- //
// ----------------------------------------------------------- //
// C++ Header File Name: gxsocket.h
// C++ Compiler Used: MSVC, BCC32, GCC, HPUX aCC, SOLARIS CC
// Produced By: DataReel Software Development Team
// File Creation Date: 09/20/1999
// Date Last Modified: 01/01/2009
// Copyright (c) 2001-2009 DataReel Software Development
// ----------------------------------------------------------- //
// ---------- Include File Description and Details ---------- //
// ----------------------------------------------------------- //
/*
This library is free software; you can redistribute it and/or
modify it under the terms of the GNU Lesser General Public
License as published by the Free Software Foundation; either
version 2.1 of the License, or (at your option) any later version.
This library is distributed in the hope that it will be useful,
but WITHOUT ANY WARRANTY; without even the implied warranty of
MERCHANTABILITY or FITNESS FOR A PARTICULAR PURPOSE. See the GNU
Lesser General Public License for more details.
You should have received a copy of the GNU Lesser General Public
License along with this library; if not, write to the Free Software
Foundation, Inc., 59 Temple Place, Suite 330, Boston, MA 02111-1307
USA
The gxSocket class is an object-oriented Winsock/BSD wrapper
used to create TCP/IP sockets on WIN32 and UNIX platforms. The
gxSocket class supports stream sockets and datagram sockets and
includes several low-level functions needed by derived classes to
establish communication end-points and transfer data.
Changes:
==============================================================
01/29/2002: Added four new functions to accept, bind,
connect, and listen to specified sockets:
gxsSocket_t Accept(gxsSocket_t s, gxsSocketAddress *sa);
int Bind(gxsSocket_t s, gxsSocketAddress *sa);
int Connect(gxsSocket_t s, gxsSocketAddress *sa);
int Listen(gxsSocket_t s, int max_connections);
09/25/2002: Removed default parameter from all versions of the
gxSocket::ShutDown() function due to conflicting int types.
10/24/2002: Changed the buf parameter on all versions of the
datagram SendTo() and ReadFrom() functions from a non-constant
void * type to a constant void * type.
10/25/2002: Split the datagram functions into three categories,
Client/Server, Client side, and Sever side. This change was made
to make it easier for applications to associate Internet address
data structures with the correct client or server.
10/25/2002: Added new server side datagram functions:
RemoteRawReadFrom(), RemoteRecvFrom(), RemoteRawWriteTo(), and
RemoteSendTo().
10/25/2002: Added the gxSocket::Clear() helper function used to
reset all gxSocket variables during object construction.
10/25/2002: Added gxSocket::InitSIN() helper function used to initialize
socket Internet address data structures.
10/25/2002: Added the following function used to construct and initialize
gxSocket objects using socket Internet address data structures:
gxSocket(gxsSocket_t st, gxsSocketAddress *host_sin)
gxSocket(gxsSocket_t st, gxsProtocolFamily pf, gxsSocketAddress *host_sin);
gxsSocket_t InitSocket(gxsSocket_t st, gxsSocketAddress *host_sin);
gxsSocket_t InitSocket(gxsSocket_t st, gxsProtocolFamily pf,
gxsSocketAddress *host_sin);
09/19/2005: Added the int gxSocket::Recv(gxsSocket_t s, void *buf,
int bytes, int useTimeout, int seconds, int useconds, int flags);
function.
==============================================================
*/
// ----------------------------------------------------------- //
#ifndef __GX_SOCKET_HPP__
#define __GX_SOCKET_HPP__
#include "gxdlcode.h"
#include "gxstypes.h"
// gxSocket class
class GXDLCODE_API gxSocket
{
public:
gxSocket();
gxSocket(gxsSocket_t st, gxsPort_t port, char *hostname = 0);
gxSocket(gxsAddressFamily af, gxsSocket_t st, gxsProtocolFamily pf,
int port, char *hostname = 0);
gxSocket(gxsSocket_t st, gxsSocketAddress *host_sin);
gxSocket(gxsSocket_t st, gxsProtocolFamily pf,
gxsSocketAddress *host_sin);
virtual ~gxSocket();
private: // Disallow copying and assignment
gxSocket(const gxSocket &ob) { }
void operator=(const gxSocket &ob) { }
public: // Functions used to set the socket parameters
void SetAddressFamily(gxsAddressFamily af) { address_family = af; }
void SetProtocolFamily(gxsProtocolFamily pf) { protocol_family = pf; }
gxsProtocolFamily GetProtocolFamily() { return protocol_family; }
void SetSocketType(gxsSocket_t st) { socket_type = st; }
gxsSocket_t GetSocketType() { return socket_type; }
void SetPortNumber(gxsPort_t p) { port_number = p; }
gxsSocket_t GetBoundSocket() { return gxsocket; }
gxsSocket_t GetSocket() { return gxsocket; }
gxsSocket_t GetRemoteSocket() { return remote_socket; }
void SetSocket(gxsSocket_t s) { gxsocket = s; }
void SetRemoteSocket(gxsSocket_t s) { remote_socket = s; }
public: // Socket functions
gxsSocket_t Socket();
gxsSocket_t InitSocket(gxsSocket_t st, int port, char *hostname = 0);
gxsSocket_t InitSocket(gxsAddressFamily af, gxsSocket_t st,
gxsProtocolFamily pf, int port, char *hostname = 0);
gxsSocket_t InitSocket(gxsSocket_t st, gxsSocketAddress *host_sin);
gxsSocket_t InitSocket(gxsSocket_t st, gxsProtocolFamily pf,
gxsSocketAddress *host_sin);
void Close();
void Close(gxsSocket_t &s);
void CloseSocket();
void CloseRemoteSocket();
gxsSocket_t Accept();
int Bind();
int Connect();
int Listen(int max_connections = SOMAXCONN);
gxsSocket_t Accept(gxsSocket_t s, gxsSocketAddress *sa);
int Bind(gxsSocket_t s, gxsSocketAddress *sa);
int Connect(gxsSocket_t s, gxsSocketAddress *sa);
int Listen(gxsSocket_t s, int max_connections);
int Recv(void *buf, int bytes, int flags = 0);
int Recv(gxsSocket_t s, void *buf, int bytes, int flags = 0);
int Recv(void *buf, int bytes, int seconds, int useconds, int flags = 0);
int Recv(gxsSocket_t s, void *buf, int bytes, int seconds, int useconds,
int flags = 0);
int Recv(gxsSocket_t s, void *buf, int bytes, int useTimeout, int seconds,
int useconds, int flags);
int Send(const void *buf, int bytes, int flags = 0);
int Send(gxsSocket_t s, const void *buf, int bytes, int flags = 0);
int RemoteRecv(void *buf, int bytes, int seconds, int useconds,
int flags = 0);
int RemoteRecv(void *buf, int bytes, int flags = 0);
int RemoteSend(const void *buf, int bytes, int flags = 0);
int RawRead(void *buf, int bytes, int flags = 0);
int RawRead(gxsSocket_t s, void *buf, int bytes, int flags = 0);
int RawRemoteRead(void *buf, int bytes, int flags = 0);
int RawWrite(const void *buf, int bytes, int flags = 0);
int RawWrite(gxsSocket_t s, const void *buf, int bytes, int flags = 0);
int RawRemoteWrite(const void *buf, int bytes, int flags = 0);
void ResetRead() { bytes_read = 0; }
void ResetWrite() { bytes_moved = 0; }
void ShutDown(int how);
void ShutDown(gxsSocket_t &s, int how);
void ShutDownSocket(int how);
void ShutDownRemoteSocket(int how);
int GetPeerName(gxsSocket_t s, gxsSocketAddress *sa);
int GetPeerName();
int GetSockName(gxsSocket_t s, gxsSocketAddress *sa);
int GetSockName();
int GetSockOpt(gxsSocket_t s, int level, int optName,
void *optVal, unsigned *optLen);
int GetSockOpt(int level, int optName, void *optVal, unsigned *optLen);
int SetSockOpt(gxsSocket_t s, int level, int optName,
const void *optVal, unsigned optLen);
int SetSockOpt(int level, int optName, const void *optVal, unsigned optLen);
int GetServByName(char *name, char *protocol = 0);
int GetServByPort(int port, char *protocol = 0);
gxsServent *GetServiceInformation(char *name, char *protocol = 0);
gxsServent *GetServiceInformation(int port, char *protocol = 0);
int GetPortNumber();
int GetRemotePortNumber();
int GetHostName(char *sbuf);
int GetIPAddress(char *sbuf);
int GetDomainName(char *sbuf);
int GetBoundIPAddress(char *sbuf);
int GetRemoteHostName(char *sbuf);
gxsHostNameInfo *GetHostInformation(char *hostname);
void GetClientInfo(char *client_name, int &r_port);
gxsAddressFamily GetAddressFamily();
gxsAddressFamily GetRemoteAddressFamily();
// Process control functions
int ReadSelect(gxsSocket_t s, int seconds, int useconds);
int BytesRead() { return bytes_read; }
int BytesMoved() { return bytes_moved; }
int SetBytesRead(int bytes = 0) { return bytes_read = bytes; }
int SetBytesMoved(int bytes = 0) { return bytes_moved = bytes; }
int *GetBytesRead() { return &bytes_read; }
int *GetBytesMoved() { return &bytes_moved; }
int IsConnected() { return is_connected == 1; }
int IsBound() { return is_bound == 1; }
void ReleaseSocket() { gxsocket = (gxsSocket_t)-1; }
void ReleaseRemoteSocket() { remote_socket = (gxsSocket_t)-1; }
// Client/Server Datagram functions
int RawReadFrom(gxsSocket_t s, gxsSocketAddress *sa, void *buf,
int bytes, int flags = 0);
int RecvFrom(gxsSocket_t s, gxsSocketAddress *sa, void *buf,
int bytes, int flags = 0);
int RecvFrom(gxsSocket_t s, gxsSocketAddress *sa, void *buf,
int bytes, int seconds, int useconds, int flags = 0);
int RawWriteTo(gxsSocket_t s, gxsSocketAddress *sa, const void *buf,
int bytes, int flags = 0);
int SendTo(gxsSocket_t s, gxsSocketAddress *sa, const void *buf,
int bytes, int flags = 0);
// Client side Datagram functions
int RawReadFrom(void *buf, int bytes, int flags = 0);
int RecvFrom(void *buf, int bytes, int flags = 0);
int RecvFrom(void *buf, int bytes, int seconds, int useconds,
int flags = 0);
int RawWriteTo(const void *buf, int bytes, int flags = 0);
int SendTo(const void *buf, int bytes, int flags = 0);
// Server side Datagram functions
int RemoteRawReadFrom(void *buf, int bytes, int flags = 0);
int RemoteRecvFrom(void *buf, int bytes, int flags = 0);
int RemoteRecvFrom(void *buf, int bytes, int seconds, int useconds,
int flags = 0);
int RemoteRawWriteTo(const void *buf, int bytes, int flags = 0);
int RemoteSendTo(const void *buf, int bytes, int flags = 0);
// Exception handling functions
gxSocketError GetSocketError() { return socket_error; }
gxSocketError GetSocketError() const { return socket_error; }
gxSocketError SetSocketError(gxSocketError err) {
return socket_error = err;
}
gxSocketError ResetSocketError() {
return socket_error = gxSOCKET_NO_ERROR;
}
gxSocketError ResetError() {
return socket_error = gxSOCKET_NO_ERROR;
}
const char *SocketExceptionMessage();
const char *TestExceptionMessage(int err);
// Helper functions
int InitSIN(gxsSocketAddress *host_sin, gxsAddressFamily af,
int port, char *hostname);
void Clear();
// Platform specific initialization functions
int InitSocketLibrary();
int ReleaseSocketLibrary();
// 07/25/2006: Helper functions to set remote port number and IP address
void SetRemotePortNumber(gxsPort_t p);
void SetRemoteIPAddress(char *IPAddress);
public: // Overloaded operators
int operator!() const { return socket_error != gxSOCKET_NO_ERROR; }
int operator!() { return socket_error != gxSOCKET_NO_ERROR; }
operator const int () const { return socket_error == gxSOCKET_NO_ERROR; }
operator int () { return socket_error == gxSOCKET_NO_ERROR; }
protected: // Socket variables
gxsAddressFamily address_family; // Object's address family
gxsProtocolFamily protocol_family; // Object's protocol family
gxsSocket_t socket_type; // Object's socket type
gxsPort_t port_number; // Object's port number
gxsSocket_t gxsocket; // Socket this object is bound to
gxsSocket_t remote_socket; // Socket used for remote connections
gxSocketError socket_error; // The last reported socket error
protected: // Process control variables
int bytes_read; // Number of bytes read following a read operation
int bytes_moved; // Number of bytes written following a write operation
int is_connected; // True if the socket is connected
int is_bound; // True if the socket is bound
public: // Data structures used to set the internet domain and addresses
gxsSocketAddress sin; // Sock Internet address
gxsSocketAddress remote_sin; // Remote socket Internet address
public: // Platform specific library extensions
gxsSocketLibraryVersion socket_version;
#if defined (__WIN32__)
WSADATA socket_data;
#endif
};
#endif // __GX_SOCKET_HPP__
// ----------------------------------------------------------- //
// ------------------------------- //
// --------- End of File --------- //
// ------------------------------- //
| [
"[email protected]"
] | |
ea1454e9b53174451b7fac36ac9b6179fbad0548 | 96b635859636dd1ba03994f42e9d87db21e348ce | /src/ui/scenic/lib/flatland/flatland_manager.h | 831c296f505b7db2861f3cb41019c5997068ba6d | [
"BSD-3-Clause"
] | permissive | lypenghao/fuchsia | bf6c87e4ffe5825027876c5b2069082a65236374 | e5b73c2600ca4b82f7b93f11602df44bfc349e48 | refs/heads/master | 2023-01-08T10:21:36.843784 | 2020-11-18T09:20:42 | 2020-11-18T09:20:42 | null | 0 | 0 | null | null | null | null | UTF-8 | C++ | false | false | 4,251 | h | // Copyright 2020 The Fuchsia Authors. All rights reserved.
// Use of this source code is governed by a BSD-style license that can be
// found in the LICENSE file.
#ifndef SRC_UI_SCENIC_LIB_FLATLAND_FLATLAND_MANAGER_H_
#define SRC_UI_SCENIC_LIB_FLATLAND_FLATLAND_MANAGER_H_
#include <fuchsia/ui/scenic/internal/cpp/fidl.h>
#include <lib/async-loop/cpp/loop.h>
#include <lib/async-loop/default.h>
#include <lib/fidl/cpp/binding.h>
#include <map>
#include <mutex>
#include <thread>
#include <unordered_map>
#include "src/ui/scenic/lib/flatland/flatland.h"
#include "src/ui/scenic/lib/flatland/flatland_presenter.h"
#include "src/ui/scenic/lib/flatland/link_system.h"
#include "src/ui/scenic/lib/flatland/uber_struct_system.h"
#include "src/ui/scenic/lib/scheduling/frame_scheduler.h"
#include "src/ui/scenic/lib/scheduling/id.h"
namespace flatland {
class FlatlandManager : public scheduling::SessionUpdater {
public:
FlatlandManager(
const std::shared_ptr<FlatlandPresenter>& flatland_presenter,
const std::shared_ptr<UberStructSystem>& uber_struct_system,
const std::shared_ptr<LinkSystem>& link_system,
const std::vector<std::shared_ptr<BufferCollectionImporter>>& buffer_collection_importers);
void CreateFlatland(fidl::InterfaceRequest<fuchsia::ui::scenic::internal::Flatland> flatland);
// |scheduling::SessionUpdater|
scheduling::SessionUpdater::UpdateResults UpdateSessions(
const std::unordered_map<scheduling::SessionId, scheduling::PresentId>& sessions_to_update,
uint64_t trace_id) override;
// |scheduling::SessionUpdater|
void OnFramePresented(
const std::unordered_map<scheduling::SessionId,
std::map<scheduling::PresentId, /*latched_time*/ zx::time>>&
latched_times,
scheduling::PresentTimestamps present_times) override;
// For validating test logic.
size_t GetSessionCount() const;
private:
// Removes the Flatland instance associated with |session_id|.
void RemoveFlatlandInstance(scheduling::SessionId session_id);
std::shared_ptr<FlatlandPresenter> flatland_presenter_;
std::shared_ptr<UberStructSystem> uber_struct_system_;
std::shared_ptr<LinkSystem> link_system_;
std::vector<std::shared_ptr<BufferCollectionImporter>> buffer_collection_importers_;
// Represents an individual Flatland session for a client.
struct FlatlandInstance {
// The looper for this Flatland instance, which will be run on a worker thread spawned by the
// async::Loop itself. It must be the first member of this struct so that |impl| is
// destroyed first in the default destruction order, else it will attempt to run on a shutdown
// looper.
async::Loop loop = async::Loop(&kAsyncLoopConfigNoAttachToCurrentThread);
// The implementation of Flatland, which includes the bindings for the instance. This must come
// before |peer_closed_waiter| so that the Wait is destroyed, and therefore cancelled, before
// the impl is destroyed in the default destruction order.
std::shared_ptr<Flatland> impl;
// Waits for the invalidation of the bound channel on the main thread to perform cleanup for
// clients that have closed their connections. Uses WaitOnce since the handler will delete
// this FlatlandInstance.
async::WaitOnce peer_closed_waiter;
// The |channel| for the request that will be used to construct |impl|.
explicit FlatlandInstance(const zx::channel& channel)
: peer_closed_waiter(channel.get(), ZX_CHANNEL_PEER_CLOSED) {}
};
// FlatlandInstances must be dynamically allocated because fidl::Binding is not movable.
std::unordered_map<scheduling::SessionId, std::unique_ptr<FlatlandInstance>> flatland_instances_;
// Sends |num_present_tokens| to a particular Flatland |instance|.
void SendPresentTokens(FlatlandInstance* instance, uint32_t num_present_tokens);
// Sends the OnFramePresented event to a particular Flatland |instance|.
void SendFramePresented(
FlatlandInstance* instance,
const std::map<scheduling::PresentId, /*latched_time*/ zx::time>& latched_times,
scheduling::PresentTimestamps present_times);
};
} // namespace flatland
#endif // SRC_UI_SCENIC_LIB_FLATLAND_FLATLAND_MANAGER_H_
| [
"[email protected]"
] | |
ae2e34a37a20cc2ca4a189b2a3f07977fcd6ca97 | 9ac56ff5b745fdebf34083ac113c577a8b120aa3 | /src/materialsystem/stdshaders/phong_dx9_helper.h | 26beb3d7b11ee456ba7c8b1bb50110142bea7232 | [] | no_license | FriskTheFallenHuman/swarm-sdk-template | 16e8e29edb9a19ecd1b38ededcc31fb1f6653ae1 | a6e6bf7fcbe5b93b5e5fc4ad32944022dae27f90 | refs/heads/master | 2023-01-13T17:23:32.693199 | 2020-11-11T00:44:59 | 2020-11-11T00:44:59 | 38,081,794 | 8 | 3 | null | 2020-11-11T00:45:00 | 2015-06-26T00:32:09 | C++ | WINDOWS-1252 | C++ | false | false | 1,149 | h | //========= Copyright © 1996-2008, Valve LLC, All rights reserved. ============
//
// Purpose:
//
// $NoKeywords: $
//=============================================================================
#ifndef PHONG_DX9_HELPER_H
#define PHONG_DX9_HELPER_H
#include <string.h>
#include "vertexlitgeneric_dx9_helper.h"
//-----------------------------------------------------------------------------
// Forward declarations
//-----------------------------------------------------------------------------
class CBaseVSShader;
class IMaterialVar;
class IShaderDynamicAPI;
class IShaderShadow;
void InitParamsPhong_DX9( CBaseVSShader *pShader, IMaterialVar** params, const char *pMaterialName, VertexLitGeneric_DX9_Vars_t &info );
void InitPhong_DX9( CBaseVSShader *pShader, IMaterialVar** params, VertexLitGeneric_DX9_Vars_t &info );
void DrawPhong_DX9( CBaseVSShader *pShader, IMaterialVar** params, IShaderDynamicAPI *pShaderAPI, IShaderShadow* pShaderShadow,
VertexLitGeneric_DX9_Vars_t &info, VertexCompressionType_t vertexCompression, CBasePerMaterialContextData **pContextDataPtr );
#endif // PHONG_DX9_HELPER_H
| [
"[email protected]"
] | |
e20f396bc0817ca141ed3078129452cb75eb5495 | 91a882547e393d4c4946a6c2c99186b5f72122dd | /Source/XPSP1/NT/inetsrv/msmq/src/rtdep/rtctxex.cpp | 41327fbaec2a751eda2a62392688ff039205c17f | [] | no_license | IAmAnubhavSaini/cryptoAlgorithm-nt5src | 94f9b46f101b983954ac6e453d0cf8d02aa76fc7 | d9e1cdeec650b9d6d3ce63f9f0abe50dabfaf9e2 | refs/heads/master | 2023-09-02T10:14:14.795579 | 2021-11-20T13:47:06 | 2021-11-20T13:47:06 | null | 0 | 0 | null | null | null | null | UTF-8 | C++ | false | false | 7,807 | cpp | /*++
Copyright (c) 1998 Microsoft Corporation
Module Name: rtctxex.cpp
Abstract:
This module implements the DepGetSecurityContextEx().
Author:
Doron Juster (DoronJ) 13-Apr-2000
Revision History:
--*/
#include "stdh.h"
#include <autorel.h>
#include <_secutil.h>
#include "rtctxex.tmh"
//
// Each security context get its own unique serial number. This is used
// when creating the name for a key container for DepGetSecurityContext().
// Having a unique name enable us to run multi-threaded without critical
// sections.
//
static LONG s_lCtxSerialNumber = 0 ;
#ifdef _DEBUG
#define REPORT_CTX_ERROR { DWORD dwErr = GetLastError() ; }
#else
#define REPORT_CTX_ERROR
#endif
BOOL SameAsProcessSid( PSID pSid ) ; // from rtsecctx.cpp
HRESULT RTpExportSigningKey(MQSECURITY_CONTEXT *pSecCtx) ;
/***********************************************************************
*
* Function - DepGetSecurityContextEx()
*
* Parameters -
*
* lpCertBuffer - A buffer that contains the user's certificate in
* ASN.1 DER encoded format. This parameter can be set to NULL. If
* set to NULL, the internal MSMQ certificate is used.
*
* dwCertBufferLength - The length of the buffer pointed by lpCertBuffer.
* This parameter is ignored if lpCertBuffer is set to NULL.
*
* lplpSecurityContextBuffer - A pointer to a buffer that receives the
* address of the allocated buffer for the security context.
*
* Description -
*
* This function should be called in the context of the
* user that owns the passed certificate. The function
* allocates the required security buffer and fills it
* with data that will be used later in DepSendMessage().
* The purpose of this function is to accelerate the
* security operations of DepSendMessage(), by caching
* the security information in the buffer. The
* application is responsible to pass the security
* context buffer to DepSendMessage() in
* PROPID_M_SECURITY_CONTEXT.
*
* If the user uses more than one certificate, this function
* should be called for each certificate.
*
* The application should call DepFreeSecurityContext() and pass the
* pointer to the security context buffer, when the security
* buffer is not required anymore.
*
* Impersonation- It's possible for a process to impersonate a user,
* then call this function to cache the user data, and then revert
* to itself and send messages on behalf of that user.
* To do so, the process must LogonUser() for the user, then load its
* hive (RegLoadKey()), impersonate the logged on user and finally
* call this function. Then revert and send messages.
* With MSMQ1.0 which shipped with NTEE and NTOP, this function used
* an unsupported and undocumented feature which enabled you just to
* call CryptAcquireContext() while impersonated, then use the handle
* after process revert to itself. This feature is not available on IE4
* and above. The supported way to implement this functionality is to
* export the private key from the user hive, then (after reverting) to
* import it into the process hive. See MSMQ bug 2955
* We'll keep the CryptAcquireContext() code for the case of same user
* (i.e., thread run in the context of the process user. There was no
* impersonation). In that case it's legal and enhance performance.
*
* Return Value -
* MQ_OK - If successful, else - Error code.
*
**************************************************************************/
EXTERN_C HRESULT APIENTRY
DepGetSecurityContextEx( LPVOID lpCertBuffer,
DWORD dwCertBufferLength,
HANDLE *hSecurityContext )
{
ASSERT(g_fDependentClient);
HRESULT hri = DeppOneTimeInit();
if(FAILED(hri))
return hri;
P<MQSECURITY_CONTEXT> pSecCtx = AllocSecurityContext();
P<BYTE> pSid = NULL ;
CHCryptKey hKey = NULL ;
HRESULT hr = MQ_OK;
try
{
//
// Get the user SID out from the thread (or process) token.
//
hr = RTpGetThreadUserSid( &pSecCtx->fLocalUser,
&pSecCtx->fLocalSystem,
&pSecCtx->pUserSid,
&pSecCtx->dwUserSidLen ) ;
if (FAILED(hr))
{
return(hr);
}
if (lpCertBuffer)
{
//
// Copy the certificate and point to the copy from the security
// context.
//
pSecCtx->pUserCert.detach();
pSecCtx->pUserCert = new BYTE[dwCertBufferLength];
pSecCtx->dwUserCertLen = dwCertBufferLength;
memcpy(pSecCtx->pUserCert.get(), lpCertBuffer, dwCertBufferLength);
}
//
// See if process sid match thread sid. We call again
// GetThreadUserSid() to get sid even for local user.
// RTpGetThreadUserSid() does not return a sid for local user.
//
DWORD dwLen = 0 ;
hr = GetThreadUserSid( &pSid, &dwLen ) ;
if (FAILED(hr))
{
return hr ;
}
BOOL fAsProcess = SameAsProcessSid( pSid.get() ) ;
BYTE* pUserCert = pSecCtx->pUserCert.get();
BYTE** ppUserCert = pUserCert == NULL ? &pSecCtx->pUserCert : &pUserCert;
//
// Get all the required information about the certificate and
// put it in the security context.
//
hr = GetCertInfo( !fAsProcess,
pSecCtx->fLocalSystem,
ppUserCert,
&pSecCtx->dwUserCertLen,
&pSecCtx->hProv,
&pSecCtx->wszProvName,
&pSecCtx->dwProvType,
&pSecCtx->bDefProv,
&pSecCtx->bInternalCert ) ;
if (FAILED(hr) && (hr != MQ_ERROR_NO_INTERNAL_USER_CERT))
{
return(hr);
}
if (hr == MQ_ERROR_NO_INTERNAL_USER_CERT)
{
//
// If the user does not have an internal certificate,
// this is not a reason to fail DepGetSecurityContext().
// DepSendMessage() should fail in case the application
// tries to use this security context to send an
// authenticated messages.
//
*hSecurityContext = (HANDLE) pSecCtx.get();
pSecCtx.detach() ; // Prevent from the security context to be freed.
return MQ_OK;
}
if (fAsProcess)
{
//
// Thread run under context of process credentials.
// The Crypto context acquired here is valid for using when
// calling MQSend().
//
*hSecurityContext = (HANDLE) pSecCtx.get() ;
pSecCtx.detach() ; // Prevent from the security context to be freed.
return MQ_OK;
}
//
// Calling code impersonated another user.
// It's time to export the private key. Later, when calling
// MQSend(), we'll import it into process hive.
// We export the private key without encryption, because it
// dones't leave the machine or the process boundaries.
//
hr = RTpExportSigningKey(pSecCtx.get()) ;
if (SUCCEEDED(hr))
{
//
// Pass the result to the caller.
//
*hSecurityContext = (HANDLE) pSecCtx.get();
pSecCtx.detach(); // Prevent from the security context to be freed.
}
}
catch(...)
{
hr = MQ_ERROR_INVALID_PARAMETER;
}
return(hr);
}
| [
"[email protected]"
] | |
28eb2f9e29dec7ab7d0800ed45929e2926a05147 | 736df61d40c205e234b0a56fc538af39e504d45f | /game.cpp | 49c4de4b0d1112551cfe99e6a02ecb9cd78c1844 | [] | no_license | gjbr5/othello | d27a908ae8cf49e866df005f2a656577b2a978cd | 221f22c132f3a62daa2bc818ebae16aad1956e90 | refs/heads/master | 2021-01-01T21:38:57.435160 | 2020-02-10T19:29:57 | 2020-02-10T19:29:57 | 239,351,993 | 0 | 0 | null | null | null | null | UTF-8 | C++ | false | false | 637 | cpp | #include "game.h"
#include <QDebug>
Game::Game(BoardModel* bm, PanelModel* pm)
: bm(bm)
, pm(pm)
{
qInfo() << "Game Start!";
bm->startGame(&board);
pm->startGame();
updateModel();
}
Team Game::getTurn()
{
return turn;
}
Game::~Game()
{
pm->newGame();
bm->newGame();
}
void Game::changeTurn()
{
turn = turn == Team::BLACK ? Team::WHITE : Team::BLACK;
}
void Game::updateModel()
{
pm->update(board.count(Team::BLACK), board.count(Team::WHITE));
bm->update();
}
void Game::gameOver()
{
qInfo() << "Game Over";
pm->gameOver(board.count(Team::BLACK), board.count(Team::WHITE));
}
| [
"[email protected]"
] | |
33437cae9551d0a30f55bd7f231905ece6862508 | 9f6d0c9e9f0877e0cc954f61e2245c88839918f9 | /v8/gen/64/torque-generated/src/objects/hole-tq-csa.cc | 80b220bbdb4790e08c760764bb0f7fa1c262713d | [
"BSD-3-Clause",
"Apache-2.0"
] | permissive | fibjs/fibjs_vender | c2f4fd35b7ed9e9ea06680d75453b3ee81a25d0d | 6aa2431f65e17f9a51b60f12c14a36a8464fad5d | refs/heads/dev | 2023-08-03T18:39:02.369823 | 2023-07-27T14:12:00 | 2023-07-27T14:12:00 | 37,327,960 | 7 | 24 | null | 2022-05-18T15:08:24 | 2015-06-12T14:56:51 | C++ | UTF-8 | C++ | false | false | 13,896 | cc | #include "src/ast/ast.h"
#include "src/builtins/builtins-array-gen.h"
#include "src/builtins/builtins-bigint-gen.h"
#include "src/builtins/builtins-collections-gen.h"
#include "src/builtins/builtins-constructor-gen.h"
#include "src/builtins/builtins-data-view-gen.h"
#include "src/builtins/builtins-iterator-gen.h"
#include "src/builtins/builtins-object-gen.h"
#include "src/builtins/builtins-promise-gen.h"
#include "src/builtins/builtins-promise.h"
#include "src/builtins/builtins-proxy-gen.h"
#include "src/builtins/builtins-regexp-gen.h"
#include "src/builtins/builtins-string-gen.h"
#include "src/builtins/builtins-typed-array-gen.h"
#include "src/builtins/builtins-utils-gen.h"
#include "src/builtins/builtins-wasm-gen.h"
#include "src/builtins/builtins.h"
#include "src/codegen/code-factory.h"
#include "src/debug/debug-wasm-objects.h"
#include "src/heap/factory-inl.h"
#include "src/ic/binary-op-assembler.h"
#include "src/ic/handler-configuration-inl.h"
#include "src/objects/arguments.h"
#include "src/objects/bigint.h"
#include "src/objects/call-site-info.h"
#include "src/objects/elements-kind.h"
#include "src/objects/free-space.h"
#include "src/objects/intl-objects.h"
#include "src/objects/js-atomics-synchronization.h"
#include "src/objects/js-break-iterator.h"
#include "src/objects/js-collator.h"
#include "src/objects/js-date-time-format.h"
#include "src/objects/js-display-names.h"
#include "src/objects/js-duration-format.h"
#include "src/objects/js-function.h"
#include "src/objects/js-generator.h"
#include "src/objects/js-iterator-helpers.h"
#include "src/objects/js-list-format.h"
#include "src/objects/js-locale.h"
#include "src/objects/js-number-format.h"
#include "src/objects/js-objects.h"
#include "src/objects/js-plural-rules.h"
#include "src/objects/js-promise.h"
#include "src/objects/js-raw-json.h"
#include "src/objects/js-regexp-string-iterator.h"
#include "src/objects/js-relative-time-format.h"
#include "src/objects/js-segment-iterator.h"
#include "src/objects/js-segmenter.h"
#include "src/objects/js-segments.h"
#include "src/objects/js-shadow-realm.h"
#include "src/objects/js-shared-array.h"
#include "src/objects/js-struct.h"
#include "src/objects/js-temporal-objects.h"
#include "src/objects/js-weak-refs.h"
#include "src/objects/objects.h"
#include "src/objects/ordered-hash-table.h"
#include "src/objects/property-array.h"
#include "src/objects/property-descriptor-object.h"
#include "src/objects/source-text-module.h"
#include "src/objects/swiss-hash-table-helpers.h"
#include "src/objects/swiss-name-dictionary.h"
#include "src/objects/synthetic-module.h"
#include "src/objects/template-objects.h"
#include "src/objects/torque-defined-classes.h"
#include "src/objects/turbofan-types.h"
#include "src/objects/turboshaft-types.h"
#include "src/torque/runtime-support.h"
// Required Builtins:
#include "torque-generated/src/objects/hole-tq-csa.h"
#include "torque-generated/src/builtins/base-tq-csa.h"
#include "torque-generated/src/builtins/convert-tq-csa.h"
#include "torque-generated/src/builtins/torque-internal-tq-csa.h"
#include "torque-generated/src/objects/hole-tq-csa.h"
#include "torque-generated/src/objects/string-tq-csa.h"
namespace v8 {
namespace internal {
// https://source.chromium.org/chromium/chromium/src/+/main:v8/src/objects/hole.tq?l=5&c=1
TNode<Hole> Cast_Hole_0(compiler::CodeAssemblerState* state_, TNode<HeapObject> p_obj, compiler::CodeAssemblerLabel* label_CastError) {
compiler::CodeAssembler ca_(state_);
compiler::CodeAssembler::SourcePositionScope pos_scope(&ca_);
compiler::CodeAssemblerParameterizedLabel<> block0(&ca_, compiler::CodeAssemblerLabel::kNonDeferred);
compiler::CodeAssemblerParameterizedLabel<> block4(&ca_, compiler::CodeAssemblerLabel::kNonDeferred);
compiler::CodeAssemblerParameterizedLabel<> block3(&ca_, compiler::CodeAssemblerLabel::kNonDeferred);
compiler::CodeAssemblerParameterizedLabel<> block5(&ca_, compiler::CodeAssemblerLabel::kNonDeferred);
ca_.Goto(&block0);
TNode<Hole> tmp0;
if (block0.is_used()) {
ca_.Bind(&block0);
compiler::CodeAssemblerLabel label1(&ca_);
tmp0 = DownCastForTorqueClass_Hole_0(state_, TNode<HeapObject>{p_obj}, &label1);
ca_.Goto(&block3);
if (label1.is_used()) {
ca_.Bind(&label1);
ca_.Goto(&block4);
}
}
if (block4.is_used()) {
ca_.Bind(&block4);
ca_.Goto(label_CastError);
}
if (block3.is_used()) {
ca_.Bind(&block3);
ca_.Goto(&block5);
}
ca_.Bind(&block5);
return TNode<Hole>{tmp0};
}
// https://source.chromium.org/chromium/chromium/src/+/main:v8/src/objects/hole.tq?l=7&c=3
TNode<Float64T> LoadHoleRawNumericValue_0(compiler::CodeAssemblerState* state_, TNode<Hole> p_o) {
compiler::CodeAssembler ca_(state_);
compiler::CodeAssembler::SourcePositionScope pos_scope(&ca_);
compiler::CodeAssemblerParameterizedLabel<> block0(&ca_, compiler::CodeAssemblerLabel::kNonDeferred);
compiler::CodeAssemblerParameterizedLabel<> block2(&ca_, compiler::CodeAssemblerLabel::kNonDeferred);
ca_.Goto(&block0);
TNode<IntPtrT> tmp0;
TNode<Float64T> tmp1;
if (block0.is_used()) {
ca_.Bind(&block0);
tmp0 = FromConstexpr_intptr_constexpr_int31_0(state_, 8);
tmp1 = CodeStubAssembler(state_).LoadReference<Float64T>(CodeStubAssembler::Reference{p_o, tmp0});
ca_.Goto(&block2);
}
ca_.Bind(&block2);
return TNode<Float64T>{tmp1};
}
// https://source.chromium.org/chromium/chromium/src/+/main:v8/src/objects/hole.tq?l=7&c=3
void StoreHoleRawNumericValue_0(compiler::CodeAssemblerState* state_, TNode<Hole> p_o, TNode<Float64T> p_v) {
compiler::CodeAssembler ca_(state_);
compiler::CodeAssembler::SourcePositionScope pos_scope(&ca_);
compiler::CodeAssemblerParameterizedLabel<> block0(&ca_, compiler::CodeAssemblerLabel::kNonDeferred);
compiler::CodeAssemblerParameterizedLabel<> block2(&ca_, compiler::CodeAssemblerLabel::kNonDeferred);
ca_.Goto(&block0);
TNode<IntPtrT> tmp0;
TNode<Float64T> tmp1;
if (block0.is_used()) {
ca_.Bind(&block0);
tmp0 = FromConstexpr_intptr_constexpr_int31_0(state_, 8);
tmp1 = CodeStubAssembler(state_).Float64SilenceNaN(TNode<Float64T>{p_v});
CodeStubAssembler(state_).StoreReference<Float64T>(CodeStubAssembler::Reference{p_o, tmp0}, tmp1);
ca_.Goto(&block2);
}
ca_.Bind(&block2);
}
// https://source.chromium.org/chromium/chromium/src/+/main:v8/src/objects/hole.tq?l=8&c=3
TNode<Smi> LoadHoleKind_0(compiler::CodeAssemblerState* state_, TNode<Hole> p_o) {
compiler::CodeAssembler ca_(state_);
compiler::CodeAssembler::SourcePositionScope pos_scope(&ca_);
compiler::CodeAssemblerParameterizedLabel<> block0(&ca_, compiler::CodeAssemblerLabel::kNonDeferred);
compiler::CodeAssemblerParameterizedLabel<> block2(&ca_, compiler::CodeAssemblerLabel::kNonDeferred);
ca_.Goto(&block0);
TNode<IntPtrT> tmp0;
TNode<Smi> tmp1;
if (block0.is_used()) {
ca_.Bind(&block0);
tmp0 = FromConstexpr_intptr_constexpr_int31_0(state_, 16);
tmp1 = CodeStubAssembler(state_).LoadReference<Smi>(CodeStubAssembler::Reference{p_o, tmp0});
ca_.Goto(&block2);
}
ca_.Bind(&block2);
return TNode<Smi>{tmp1};
}
// https://source.chromium.org/chromium/chromium/src/+/main:v8/src/objects/hole.tq?l=8&c=3
void StoreHoleKind_0(compiler::CodeAssemblerState* state_, TNode<Hole> p_o, TNode<Smi> p_v) {
compiler::CodeAssembler ca_(state_);
compiler::CodeAssembler::SourcePositionScope pos_scope(&ca_);
compiler::CodeAssemblerParameterizedLabel<> block0(&ca_, compiler::CodeAssemblerLabel::kNonDeferred);
compiler::CodeAssemblerParameterizedLabel<> block2(&ca_, compiler::CodeAssemblerLabel::kNonDeferred);
ca_.Goto(&block0);
TNode<IntPtrT> tmp0;
if (block0.is_used()) {
ca_.Bind(&block0);
tmp0 = FromConstexpr_intptr_constexpr_int31_0(state_, 16);
CodeStubAssembler(state_).StoreReference<Smi>(CodeStubAssembler::Reference{p_o, tmp0}, p_v);
ca_.Goto(&block2);
}
ca_.Bind(&block2);
}
// https://source.chromium.org/chromium/chromium/src/+/main:v8/src/objects/hole.tq?l=5&c=1
TNode<Hole> DownCastForTorqueClass_Hole_0(compiler::CodeAssemblerState* state_, TNode<HeapObject> p_o, compiler::CodeAssemblerLabel* label_CastError) {
compiler::CodeAssembler ca_(state_);
compiler::CodeAssembler::SourcePositionScope pos_scope(&ca_);
compiler::CodeAssemblerParameterizedLabel<> block0(&ca_, compiler::CodeAssemblerLabel::kNonDeferred);
compiler::CodeAssemblerParameterizedLabel<> block3(&ca_, compiler::CodeAssemblerLabel::kNonDeferred);
compiler::CodeAssemblerParameterizedLabel<> block6(&ca_, compiler::CodeAssemblerLabel::kNonDeferred);
compiler::CodeAssemblerParameterizedLabel<> block9(&ca_, compiler::CodeAssemblerLabel::kNonDeferred);
compiler::CodeAssemblerParameterizedLabel<> block10(&ca_, compiler::CodeAssemblerLabel::kNonDeferred);
compiler::CodeAssemblerParameterizedLabel<> block7(&ca_, compiler::CodeAssemblerLabel::kNonDeferred);
compiler::CodeAssemblerParameterizedLabel<> block11(&ca_, compiler::CodeAssemblerLabel::kNonDeferred);
compiler::CodeAssemblerParameterizedLabel<> block12(&ca_, compiler::CodeAssemblerLabel::kNonDeferred);
compiler::CodeAssemblerParameterizedLabel<> block8(&ca_, compiler::CodeAssemblerLabel::kNonDeferred);
compiler::CodeAssemblerParameterizedLabel<> block4(&ca_, compiler::CodeAssemblerLabel::kNonDeferred);
compiler::CodeAssemblerParameterizedLabel<> block13(&ca_, compiler::CodeAssemblerLabel::kNonDeferred);
compiler::CodeAssemblerParameterizedLabel<> block14(&ca_, compiler::CodeAssemblerLabel::kNonDeferred);
compiler::CodeAssemblerParameterizedLabel<> block5(&ca_, compiler::CodeAssemblerLabel::kNonDeferred);
compiler::CodeAssemblerParameterizedLabel<> block1(&ca_, compiler::CodeAssemblerLabel::kNonDeferred);
compiler::CodeAssemblerParameterizedLabel<> block15(&ca_, compiler::CodeAssemblerLabel::kNonDeferred);
ca_.Goto(&block0);
TNode<IntPtrT> tmp0;
TNode<Map> tmp1;
if (block0.is_used()) {
ca_.Bind(&block0);
tmp0 = FromConstexpr_intptr_constexpr_int31_0(state_, 0);
tmp1 = CodeStubAssembler(state_).LoadReference<Map>(CodeStubAssembler::Reference{p_o, tmp0});
if (((CodeStubAssembler(state_).ConstexprInt31Equal(static_cast<InstanceType>(252), static_cast<InstanceType>(252))))) {
ca_.Goto(&block3);
} else {
ca_.Goto(&block4);
}
}
if (block3.is_used()) {
ca_.Bind(&block3);
if ((CodeStubAssembler(state_).ClassHasMapConstant<Hole>())) {
ca_.Goto(&block6);
} else {
ca_.Goto(&block7);
}
}
TNode<Map> tmp2;
TNode<BoolT> tmp3;
if (block6.is_used()) {
ca_.Bind(&block6);
tmp2 = CodeStubAssembler(state_).GetClassMapConstant<Hole>();
tmp3 = CodeStubAssembler(state_).TaggedNotEqual(TNode<HeapObject>{tmp1}, TNode<HeapObject>{tmp2});
ca_.Branch(tmp3, &block9, std::vector<compiler::Node*>{}, &block10, std::vector<compiler::Node*>{});
}
if (block9.is_used()) {
ca_.Bind(&block9);
ca_.Goto(&block1);
}
if (block10.is_used()) {
ca_.Bind(&block10);
ca_.Goto(&block8);
}
TNode<IntPtrT> tmp4;
TNode<Uint16T> tmp5;
TNode<Uint32T> tmp6;
TNode<BoolT> tmp7;
if (block7.is_used()) {
ca_.Bind(&block7);
tmp4 = FromConstexpr_intptr_constexpr_int31_0(state_, 12);
tmp5 = CodeStubAssembler(state_).LoadReference<Uint16T>(CodeStubAssembler::Reference{tmp1, tmp4});
tmp6 = FromConstexpr_uint32_constexpr_uint32_0(state_, static_cast<InstanceType>(252));
tmp7 = CodeStubAssembler(state_).Word32NotEqual(TNode<Uint32T>{tmp5}, TNode<Uint32T>{tmp6});
ca_.Branch(tmp7, &block11, std::vector<compiler::Node*>{}, &block12, std::vector<compiler::Node*>{});
}
if (block11.is_used()) {
ca_.Bind(&block11);
ca_.Goto(&block1);
}
if (block12.is_used()) {
ca_.Bind(&block12);
ca_.Goto(&block8);
}
if (block8.is_used()) {
ca_.Bind(&block8);
ca_.Goto(&block5);
}
TNode<Int32T> tmp8;
TNode<IntPtrT> tmp9;
TNode<Uint16T> tmp10;
TNode<Uint16T> tmp11;
TNode<Int32T> tmp12;
TNode<Uint16T> tmp13;
TNode<Uint16T> tmp14;
TNode<Int32T> tmp15;
TNode<Int32T> tmp16;
TNode<Uint32T> tmp17;
TNode<Uint32T> tmp18;
TNode<BoolT> tmp19;
if (block4.is_used()) {
ca_.Bind(&block4);
tmp8 = FromConstexpr_int32_constexpr_int32_0(state_, (CodeStubAssembler(state_).ConstexprUint32Sub(static_cast<InstanceType>(252), static_cast<InstanceType>(252))));
tmp9 = FromConstexpr_intptr_constexpr_int31_0(state_, 12);
tmp10 = CodeStubAssembler(state_).LoadReference<Uint16T>(CodeStubAssembler::Reference{tmp1, tmp9});
tmp11 = Convert_uint16_InstanceType_0(state_, TNode<Uint16T>{tmp10});
tmp12 = Convert_int32_uint16_0(state_, TNode<Uint16T>{tmp11});
tmp13 = FromConstexpr_InstanceType_constexpr_InstanceType_0(state_, static_cast<InstanceType>(252));
tmp14 = Convert_uint16_InstanceType_0(state_, TNode<Uint16T>{tmp13});
tmp15 = Convert_int32_uint16_0(state_, TNode<Uint16T>{tmp14});
tmp16 = CodeStubAssembler(state_).Int32Sub(TNode<Int32T>{tmp12}, TNode<Int32T>{tmp15});
tmp17 = CodeStubAssembler(state_).Unsigned(TNode<Int32T>{tmp16});
tmp18 = CodeStubAssembler(state_).Unsigned(TNode<Int32T>{tmp8});
tmp19 = CodeStubAssembler(state_).Uint32GreaterThan(TNode<Uint32T>{tmp17}, TNode<Uint32T>{tmp18});
ca_.Branch(tmp19, &block13, std::vector<compiler::Node*>{}, &block14, std::vector<compiler::Node*>{});
}
if (block13.is_used()) {
ca_.Bind(&block13);
ca_.Goto(&block1);
}
if (block14.is_used()) {
ca_.Bind(&block14);
ca_.Goto(&block5);
}
TNode<Hole> tmp20;
if (block5.is_used()) {
ca_.Bind(&block5);
tmp20 = TORQUE_CAST(TNode<HeapObject>{p_o});
ca_.Goto(&block15);
}
if (block1.is_used()) {
ca_.Bind(&block1);
ca_.Goto(label_CastError);
}
ca_.Bind(&block15);
return TNode<Hole>{tmp20};
}
} // namespace internal
} // namespace v8
| [
"[email protected]"
] | |
5df1970c355a81bad4c5d3baf5b3c29f45e72d34 | 0ea29f9af0e0eb9649727975955e44c62aff8904 | /aws-cpp-sdk-ec2/source/model/VolumeAttachment.cpp | d0a348631022c6f593237bca86801acafaa30ea1 | [
"Apache-2.0",
"JSON",
"MIT"
] | permissive | iRobotCorporation/aws-sdk-cpp | 91651c266d8670ae4311ecb02d52eb37b0314e1f | 3a7a6d340d0ed1975c7bceff6e0209e3220202c5 | refs/heads/master | 2020-04-05T18:58:30.790784 | 2016-05-09T18:03:43 | 2016-05-09T18:03:43 | 58,475,362 | 0 | 1 | null | 2016-05-10T16:03:59 | 2016-05-10T16:03:59 | null | UTF-8 | C++ | false | false | 5,928 | cpp | /*
* Copyright 2010-2016 Amazon.com, Inc. or its affiliates. All Rights Reserved.
*
* Licensed under the Apache License, Version 2.0 (the "License").
* You may not use this file except in compliance with the License.
* A copy of the License is located at
*
* http://aws.amazon.com/apache2.0
*
* or in the "license" file accompanying this file. This file is distributed
* on an "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either
* express or implied. See the License for the specific language governing
* permissions and limitations under the License.
*/
#include <aws/ec2/model/VolumeAttachment.h>
#include <aws/core/utils/xml/XmlSerializer.h>
#include <aws/core/utils/StringUtils.h>
#include <aws/core/utils/memory/stl/AWSStringStream.h>
#include <utility>
using namespace Aws::Utils::Xml;
using namespace Aws::Utils;
namespace Aws
{
namespace EC2
{
namespace Model
{
VolumeAttachment::VolumeAttachment() :
m_volumeIdHasBeenSet(false),
m_instanceIdHasBeenSet(false),
m_deviceHasBeenSet(false),
m_stateHasBeenSet(false),
m_attachTimeHasBeenSet(false),
m_deleteOnTermination(false),
m_deleteOnTerminationHasBeenSet(false),
m_responseMetadataHasBeenSet(false)
{
}
VolumeAttachment::VolumeAttachment(const XmlNode& xmlNode) :
m_volumeIdHasBeenSet(false),
m_instanceIdHasBeenSet(false),
m_deviceHasBeenSet(false),
m_stateHasBeenSet(false),
m_attachTimeHasBeenSet(false),
m_deleteOnTermination(false),
m_deleteOnTerminationHasBeenSet(false),
m_responseMetadataHasBeenSet(false)
{
*this = xmlNode;
}
VolumeAttachment& VolumeAttachment::operator =(const XmlNode& xmlNode)
{
XmlNode resultNode = xmlNode;
if(!resultNode.IsNull())
{
XmlNode volumeIdNode = resultNode.FirstChild("volumeId");
if(!volumeIdNode.IsNull())
{
m_volumeId = StringUtils::Trim(volumeIdNode.GetText().c_str());
m_volumeIdHasBeenSet = true;
}
XmlNode instanceIdNode = resultNode.FirstChild("instanceId");
if(!instanceIdNode.IsNull())
{
m_instanceId = StringUtils::Trim(instanceIdNode.GetText().c_str());
m_instanceIdHasBeenSet = true;
}
XmlNode deviceNode = resultNode.FirstChild("device");
if(!deviceNode.IsNull())
{
m_device = StringUtils::Trim(deviceNode.GetText().c_str());
m_deviceHasBeenSet = true;
}
XmlNode stateNode = resultNode.FirstChild("status");
if(!stateNode.IsNull())
{
m_state = VolumeAttachmentStateMapper::GetVolumeAttachmentStateForName(StringUtils::Trim(stateNode.GetText().c_str()).c_str());
m_stateHasBeenSet = true;
}
XmlNode attachTimeNode = resultNode.FirstChild("attachTime");
if(!attachTimeNode.IsNull())
{
m_attachTime = DateTime(StringUtils::Trim(attachTimeNode.GetText().c_str()).c_str(), DateFormat::ISO_8601);
m_attachTimeHasBeenSet = true;
}
XmlNode deleteOnTerminationNode = resultNode.FirstChild("deleteOnTermination");
if(!deleteOnTerminationNode.IsNull())
{
m_deleteOnTermination = StringUtils::ConvertToBool(StringUtils::Trim(deleteOnTerminationNode.GetText().c_str()).c_str());
m_deleteOnTerminationHasBeenSet = true;
}
}
return *this;
}
void VolumeAttachment::OutputToStream(Aws::OStream& oStream, const char* location, unsigned index, const char* locationValue) const
{
if(m_volumeIdHasBeenSet)
{
oStream << location << index << locationValue << ".VolumeId=" << StringUtils::URLEncode(m_volumeId.c_str()) << "&";
}
if(m_instanceIdHasBeenSet)
{
oStream << location << index << locationValue << ".InstanceId=" << StringUtils::URLEncode(m_instanceId.c_str()) << "&";
}
if(m_deviceHasBeenSet)
{
oStream << location << index << locationValue << ".Device=" << StringUtils::URLEncode(m_device.c_str()) << "&";
}
if(m_stateHasBeenSet)
{
oStream << location << index << locationValue << ".State=" << VolumeAttachmentStateMapper::GetNameForVolumeAttachmentState(m_state) << "&";
}
if(m_attachTimeHasBeenSet)
{
oStream << location << index << locationValue << ".AttachTime=" << StringUtils::URLEncode(m_attachTime.ToGmtString(DateFormat::ISO_8601).c_str()) << "&";
}
if(m_deleteOnTerminationHasBeenSet)
{
oStream << location << index << locationValue << ".DeleteOnTermination=" << m_deleteOnTermination << "&";
}
if(m_responseMetadataHasBeenSet)
{
Aws::StringStream responseMetadataLocationAndMemberSs;
responseMetadataLocationAndMemberSs << location << index << locationValue << ".ResponseMetadata";
m_responseMetadata.OutputToStream(oStream, responseMetadataLocationAndMemberSs.str().c_str());
}
}
void VolumeAttachment::OutputToStream(Aws::OStream& oStream, const char* location) const
{
if(m_volumeIdHasBeenSet)
{
oStream << location << ".VolumeId=" << StringUtils::URLEncode(m_volumeId.c_str()) << "&";
}
if(m_instanceIdHasBeenSet)
{
oStream << location << ".InstanceId=" << StringUtils::URLEncode(m_instanceId.c_str()) << "&";
}
if(m_deviceHasBeenSet)
{
oStream << location << ".Device=" << StringUtils::URLEncode(m_device.c_str()) << "&";
}
if(m_stateHasBeenSet)
{
oStream << location << ".State=" << VolumeAttachmentStateMapper::GetNameForVolumeAttachmentState(m_state) << "&";
}
if(m_attachTimeHasBeenSet)
{
oStream << location << ".AttachTime=" << StringUtils::URLEncode(m_attachTime.ToGmtString(DateFormat::ISO_8601).c_str()) << "&";
}
if(m_deleteOnTerminationHasBeenSet)
{
oStream << location << ".DeleteOnTermination=" << m_deleteOnTermination << "&";
}
if(m_responseMetadataHasBeenSet)
{
Aws::String responseMetadataLocationAndMember(location);
responseMetadataLocationAndMember += ".ResponseMetadata";
m_responseMetadata.OutputToStream(oStream, responseMetadataLocationAndMember.c_str());
}
}
} // namespace Model
} // namespace EC2
} // namespace Aws
| [
"[email protected]"
] | |
ff5f9ede05e148517e8816ed4d83a8a68013a616 | c082c6de0dc12084d213e96eb5a13b49f380de3d | /实验10.2(2)/Lib0/w32.h | 45ddd43ddcd685189577caa1c04a4d49a41b785a | [] | no_license | levi-Ackerman6/test1 | 395ad496dfbf28db0d217d0fcdfef4c001185cf7 | bdee6c2de604ae3d2ca1d26a3dfebad52cd84209 | refs/heads/master | 2022-11-16T09:32:37.600772 | 2020-07-05T19:22:01 | 2020-07-05T19:22:01 | 261,464,799 | 0 | 0 | null | null | null | null | UTF-8 | C++ | false | false | 61 | h | #pragma once
class FAC{
public:
float convert(float deg);
}; | [
"[email protected]"
] | |
4bd10fddcc1541fe35b7d33c9881edcd151b2428 | fa0e12a4c708c09be33ff1012936c5d4759a44d8 | /july-2021-challenge/integers-without-consecutive-ones/main.cpp | 47951bef2503180b1bcc931117568382dbe91410 | [] | no_license | bbb125/leetcode | 1e3022183bc2929825bcacbad15a62fedb2b5948 | 10a13a8ff8c66e0665610a2d5e05f9935dcd763b | refs/heads/main | 2023-07-13T03:09:07.353770 | 2021-09-01T02:32:17 | 2021-09-01T02:32:17 | 387,077,107 | 0 | 0 | null | null | null | null | UTF-8 | C++ | false | false | 2,725 | cpp | #include <gtest/gtest.h>
#include <bitset>
#include <iostream>
/**
* Given a positive integer n, return the number of the integers in the range
* [0, n] whose binary representations do not contain consecutive ones.
*
* Example 1:
* Input: n = 5
* Output: 5
* Explanation:
* Here are the non-negative integers <= 5 with their corresponding binary
* representations:
* 0 : 0
* 1 : 1
* 2 : 10
* 3 : 11
* 4 : 100
* 5 : 101
* Among them, only integer 3 disobeys the rule (two consecutive ones) and the
* other 5 satisfy the rule.
*
* Example 2:
* Input: n = 1
* Output: 2
*
* Example 3:
* Input: n = 2
* Output: 3
*
* Constraints:
* 1 <= n <= 109
*/
class Solution
{
public:
int findIntegers(int n)
{
constexpr int maxBit = 32;
static constexpr auto fib = []
{
std::array<int, maxBit> result{1, 2};
for (std::size_t i = 2; i < maxBit; ++i)
result[i] = result[i - 1] + result[i - 2];
return result;
}();
int result = 0;
bool lasBitIsOne = false;
std::bitset<maxBit> bits{static_cast<unsigned int>(n)};
for (int i = maxBit - 1; i >= 0; --i)
{
const bool bitVal = bits.test(i);
if (bitVal)
{
result += fib[i];
if (lasBitIsOne)
return result;
}
lasBitIsOne = bitVal;
}
return result + 1;
}
};
namespace
{
TEST(SolutionTests, All)
{
EXPECT_EQ(5, Solution{}.findIntegers(5));
EXPECT_EQ(2, Solution{}.findIntegers(1));
EXPECT_EQ(3, Solution{}.findIntegers(2));
}
} // namespace
/**
* 0
* 1
*
* 00
* 01
* 10
* 11 <--
*
* 000
* 001
* 010
* 011
* 100
* 101
* 110
* 111
*
* 0000
* 0001
* 0010
* 0011
* 0100
* 0101
* 0110
* 0111
* 1000
* 1001
* 1010
* 1011
* 1100
* 1101
* 1110
* 1111
*
* 2 ** N / 2 - ones
* 2 ** N / 4 pairs
* K = 2 ** N
* K - K / 4 - (K/4 - K / 8) - (K/8 - K /16)
* 16 - 4 - 2 - 1 = 9
* 2 ** N - 2 ** N / 4 -
*/
// 000 000 000 001 000 010 000 011 000 100 000 101 000 110 000 111 001 000 001
// 001 001 010 001 011 001 100 001 101 001 110 001 111 010 000 010 001 010 010
// 010 011 010 100 010 101 010 110 010 111 011 000 011 001 011 010 011 011 011
// 100 011 101 011 110 011 111 100 000 100 001 100 010 100 011 100 100 100 101
// 100 110 100 111 101 000 101 001 101 010 101 011 101 100 101 101 101 110 101
// 111 110 000 110 001 110 010 110 011 110 100 110 101 110 110 110 111 111 000
// 111 001 111 010 111 011 111 100 111 101 111 110 111 111 | [
"[email protected]"
] | |
621a5083442e9bb20ced17465627c9c3bfc99c0b | 301d062acac026572e50c014860fc22de7ef0cfa | /include/kalis/KConstraint.h | be15462497add4ff51116d266a296d052ab8d26f | [] | no_license | einarea/IRPProject | e4ba3b1214b33eee4ddaadc03a51ab3303ec6866 | b1d1d54bbd6961f11b8a647c2e8df88d4ba3e944 | refs/heads/master | 2021-05-08T17:09:40.322191 | 2018-12-11T15:21:11 | 2018-12-11T15:21:11 | 120,186,698 | 0 | 0 | null | null | null | null | UTF-8 | C++ | false | false | 2,030 | h | // ********************************************************************
// * Artelys Kalis *
// * Copyright (C) 2001-2013 by Artelys *
// * All Rights Reserved *
// * *
// * File : AbstractConstraint.h *
// ********************************************************************
#ifndef __KCONSTRAINT_H
#define __KCONSTRAINT_H
#include "Globals.h"
#include "AbstractObject.h"
#include "KLinearRelaxation.h"
EXTTEMPL template class DLLIMPORTEXPORT KPtrArray<KConstraint>;
/**
This class is an abstract interface for all constraints in Artelys Kalis
@version 2013.1
*/
class DLLIMPORTEXPORT KConstraint : public AbstractObject, public KPtrArray<KConstraint> {
protected :
void * _constraintIPtr;
KProblem * _problem;
public :
KConstraint();
KConstraint(KProblem * problem);
KConstraint(const KConstraint & toCopy);
virtual ~KConstraint();
KConstraint& operator=(const KConstraint& toCopy);
virtual KConstraint* getCopyPtr() const;
virtual KConstraint* getInstanceCopyPtr(const KProblem& problem) const;
virtual KConstraint* getInstance(int pb) const;
KProblem* getProblem() const;
virtual void print(void);
virtual void print(void * ctx,PrintFunctionPtr*pfp);
virtual int getTypeInfo(void);
void setName(char*);
char* getName();
virtual int getArity();
virtual int getTag();
virtual void setTag(int _tag);
int getPriority();
void setPriority(int priorite);
#ifdef ACK_LIB
void setHidden(bool hidden);
bool isHidden();
void setConstraintIPtr(void * cstr);
void * getConstraintIPtr() const;
#endif
bool isGetLinearRelaxationImplemented();
KLinearRelaxation * getLinearRelaxation (int strategy = 0);
int askIfEntailed(void);
};
#endif
| [
"[email protected]"
] | |
6774fb5feb3961765974cc6c283190b06166eb25 | 6b442857dd025c045638a2033d81d4a4afb6c946 | /BM/BM.h | 1f963cf727997b29998eb43a817cffc74dc1e077 | [] | no_license | crazy2be/algorithms | c271b8f5ca153b88236829223cb73f9208208248 | ffea8ca8abf8474091ec761b3a530910937dade0 | refs/heads/master | 2016-09-10T09:15:00.137492 | 2013-08-12T18:54:12 | 2013-08-12T18:54:12 | null | 0 | 0 | null | null | null | null | UTF-8 | C++ | false | false | 136 | h | #pragma once
#include <vector>
#include <string>
#include "../KMP/KMP.h"
//Boyer-moore algorithm
class IBM : public IFindMatches
{ }; | [
"[email protected]"
] | |
982e7eafc2a5b5e94a535c3d6cd6800761fcde74 | 037d518773420f21d74079ee492827212ba6e434 | /blaze/math/constraints/VecSerialExpr.h | 6c4e333579fea5108e64c3e4a0596f4ba4345ca6 | [
"BSD-3-Clause"
] | permissive | chkob/forked-blaze | 8d228f3e8d1f305a9cf43ceaba9d5fcd603ecca8 | b0ce91c821608e498b3c861e956951afc55c31eb | refs/heads/master | 2021-09-05T11:52:03.715469 | 2018-01-27T02:31:51 | 2018-01-27T02:31:51 | 112,014,398 | 0 | 0 | null | null | null | null | UTF-8 | C++ | false | false | 4,190 | h | //=================================================================================================
/*!
// \file blaze/math/constraints/VecSerialExpr.h
// \brief Constraint on the data type
//
// Copyright (C) 2012-2018 Klaus Iglberger - All Rights Reserved
//
// This file is part of the Blaze library. You can redistribute it and/or modify it under
// the terms of the New (Revised) BSD License. Redistribution and use in source and binary
// forms, with or without modification, are permitted provided that the following conditions
// are met:
//
// 1. Redistributions of source code must retain the above copyright notice, this list of
// conditions and the following disclaimer.
// 2. Redistributions in binary form must reproduce the above copyright notice, this list
// of conditions and the following disclaimer in the documentation and/or other materials
// provided with the distribution.
// 3. Neither the names of the Blaze development group nor the names of its contributors
// may be used to endorse or promote products derived from this software without specific
// prior written permission.
//
// THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS "AS IS" AND ANY
// EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES
// OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT
// SHALL THE COPYRIGHT HOLDER OR CONTRIBUTORS BE LIABLE FOR ANY DIRECT, INDIRECT,
// INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT LIMITED
// TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR
// BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN
// CONTRACT, STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN
// ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH
// DAMAGE.
*/
//=================================================================================================
#ifndef _BLAZE_MATH_CONSTRAINTS_VECSERIALEXPR_H_
#define _BLAZE_MATH_CONSTRAINTS_VECSERIALEXPR_H_
//*************************************************************************************************
// Includes
//*************************************************************************************************
#include <blaze/math/typetraits/IsVecSerialExpr.h>
namespace blaze {
//=================================================================================================
//
// MUST_BE_VECSERIALEXPR_TYPE CONSTRAINT
//
//=================================================================================================
//*************************************************************************************************
/*!\brief Constraint on the data type.
// \ingroup math_constraints
//
// In case the given data type \a T is not a vector serial evaluation expression (i.e. a type
// derived from the VecSerialExpr base class), a compilation error is created.
*/
#define BLAZE_CONSTRAINT_MUST_BE_VECSERIALEXPR_TYPE(T) \
static_assert( ::blaze::IsVecSerialExpr<T>::value, "Non-vector serial evaluation expression type detected" )
//*************************************************************************************************
//=================================================================================================
//
// MUST_NOT_BE_VECSERIALEXPR_TYPE CONSTRAINT
//
//=================================================================================================
//*************************************************************************************************
/*!\brief Constraint on the data type.
// \ingroup math_constraints
//
// In case the given data type \a T is a vector serial evaluation expression (i.e. a type derived
// from the VecSerialExpr base class), a compilation error is created.
*/
#define BLAZE_CONSTRAINT_MUST_NOT_BE_VECSERIALEXPR_TYPE(T) \
static_assert( !::blaze::IsVecSerialExpr<T>::value, "Vector serial evaluation expression type detected" )
//*************************************************************************************************
} // namespace blaze
#endif
| [
"[email protected]"
] | |
25189637a9e5aadeca468ef239404050b7133b66 | 6e57bdc0a6cd18f9f546559875256c4570256c45 | /frameworks/minikin/include/minikin/Measurement.h | 55c8474153a0b3b4504f485711537d9a629b8c3f | [] | no_license | dongdong331/test | 969d6e945f7f21a5819cd1d5f536d12c552e825c | 2ba7bcea4f9d9715cbb1c4e69271f7b185a0786e | refs/heads/master | 2023-03-07T06:56:55.210503 | 2020-12-07T04:15:33 | 2020-12-07T04:15:33 | 134,398,935 | 2 | 1 | null | 2022-11-21T07:53:41 | 2018-05-22T10:26:42 | null | UTF-8 | C++ | false | false | 1,053 | h | /*
* Copyright (C) 2015 The Android Open Source Project
*
* Licensed under the Apache License, Version 2.0 (the "License");
* you may not use this file except in compliance with the License.
* You may obtain a copy of the License at
*
* http://www.apache.org/licenses/LICENSE-2.0
*
* Unless required by applicable law or agreed to in writing, software
* distributed under the License is distributed on an "AS IS" BASIS,
* WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
* See the License for the specific language governing permissions and
* limitations under the License.
*/
#ifndef MINIKIN_MEASUREMENT_H
#define MINIKIN_MEASUREMENT_H
#include <cstdint>
namespace minikin {
float getRunAdvance(const float* advances, const uint16_t* buf, size_t start, size_t count,
size_t offset);
size_t getOffsetForAdvance(const float* advances, const uint16_t* buf, size_t start, size_t count,
float advance);
} // namespace minikin
#endif // MINIKIN_MEASUREMENT_H
| [
"[email protected]"
] | |
ed9334241874dbac8487a547587a204f44a2ea47 | dc624268ec7688ea283c6b64f2126fcf29851f13 | /src/tasks/binary_tree/binary_tree.cpp | 35252deeb078f91136c82123c9fbafdbe2a737c3 | [] | no_license | biubiu3721/Leetcode | 6906c46573bc5aa434aca46cacdc5d2f6f37f16c | 25ceabac43c2d419bd17957dfd8ab136baad0e64 | refs/heads/main | 2023-06-12T18:54:09.347275 | 2021-07-06T10:52:59 | 2021-07-06T10:52:59 | null | 0 | 0 | null | null | null | null | UTF-8 | C++ | false | false | 2,277 | cpp | #include "./binary_tree.h"
TreeNode* CreateBinTree()
{
// PreOrder Create.
TreeNode * p_tree;
int get_val;
scanf("%d", &get_val);
if(get_val == 0)
{
p_tree == NULL;
}
else
{
p_tree = (TreeNode*)malloc(sizeof(TreeNode));
p_tree->p_left = NULL;
p_tree->p_right = NULL;
if(p_tree == NULL)
{
// Failed to alloc.
exit(0);
}
else
{
// Success to alloc.
p_tree->val = get_val;
p_tree->p_left = CreateBinTree();
p_tree->p_right = CreateBinTree();
}
}
return p_tree;
}
void InitBinTree(TreeNode *p_tree)
{
p_tree = NULL;
}
void PreOrder(TreeNode * p_tree)
{
if(!p_tree)
{
return;
}
std::cout << p_tree->val << " -> ";
PreOrder(p_tree->p_left);
PreOrder(p_tree->p_right);
}
void MidOrder(TreeNode * p_tree)
{
if(!p_tree)
{
return;
}
MidOrder(p_tree->p_left);
std::cout << p_tree->val << " -> ";
MidOrder(p_tree->p_right);
}
void PostOrder(TreeNode * p_tree)
{
if(!p_tree)
{
return;
}
PostOrder(p_tree->p_left);
PostOrder(p_tree->p_right);
std::cout << p_tree->val << " -> ";
}
void LevelOrderArr(TreeNode * p_tree)
{
TreeNode * tree_array[100];
int in = 0; // Children list.
int out = 0; // Parent list.
tree_array[in++] = p_tree;
while(in > out)
{
if(tree_array[out])
{
std::cout << tree_array[out]->val << " -> ";
tree_array[in++] = tree_array[out]->p_left;
tree_array[in++] = tree_array[out]->p_right;
}
out++;
}
}
void LevelOrderVec(TreeNode * p_tree)
{
// Check and Init.
if(p_tree == NULL)
{
return;
}
std::vector<TreeNode*> tree_vec;
tree_vec.push_back(p_tree);
while(tree_vec.size() > 0)
{
std::cout << tree_vec[0]->val << " -> ";
if(tree_vec[0]->p_left != NULL)
{
tree_vec.push_back(tree_vec[0]->p_left);
}
if(tree_vec[0]->p_right != NULL)
{
tree_vec.push_back(tree_vec[0]->p_right);
}
tree_vec.erase(tree_vec.begin()); // Pop Front.
}
} | [
"[email protected]"
] | |
4ec34784063421e0319091125dbbc4753177d886 | c8356196eabf971e9297c49f53b508566a791475 | /beakjoon14889.cpp | 43808e2c99c241c42255d439d345f3549561c1e4 | [] | no_license | wlight96/algorithm | 9d7f9a662ceb33b76d8250f78c5d5ccb0b4de312 | c46c9f1b4acdee1f4bb4082c85f31299d0653781 | refs/heads/master | 2023-09-01T01:43:36.069125 | 2021-10-19T04:19:16 | 2021-10-19T04:19:16 | 330,356,737 | 0 | 0 | null | null | null | null | UHC | C++ | false | false | 1,442 | cpp | #include<bits/stdc++.h>
using namespace std;
int min = 99999;
int num = 21;
int arr[20][20] = {0,};
int comb(int cur, int df, int link[]){
int sum_link;
int sum_start;
for(int i = cur+1; i <num - (num/2 - (df +2)); i++){
// min 배열에 수 저장 완료
if (df == num/2){
link[df] = i;
vector<int> start;
for(int j = 0; j<num; j++){
if(find(link, link + 4, j)==link+4){
start.push_back(j);
}
}for(int k = 0; k< num/2; k++){
for(int l=0; l<num/2; l++){
sum_link += arr[link[k]][link[l]];
sum_start += arr[start[k]][start[l]];
}
}
if(abs(sum_link - sum_start)<min){
min = abs(sum_link - sum_start);
return min;
}else{
return min;
}
}else{
link[df] = i;
comb(i,df+1,link);
}
}
}
int main(){
int num = 0;
int ans = 0;
cin>> num;
int pick[num/2];
for(int i = 0; i< num; i++){
for(int j = 0; j < num; j++){
cin>> arr[i][j];
}
}
// num C num/2 개의 팀 구성 생김
// 이중 팀
for(int i =1; i<num-(num/2-1);i++){
int link[num/2];
link[0] = 1;
link[1] = i;
ans = comb(i,2,link);
}cout << ans;
} | [
"[email protected]"
] | |
d6f79623d58d28776f41d4f61a0a7726dfbe8543 | 809bbbddf5f4abdf8f85a6591df61fcf11f52ce0 | /11_02_world/src/libs/libserver/component_factory.h | 3e7508db49409888eab0ae2b62ccf7a6570662c5 | [
"MIT"
] | permissive | KMUS1997/GameBookServer | 542df52ac3f7cb1443584394e3d8033dbb2d29e3 | 6f32333cf464088a155f0637f188acd452b631b7 | refs/heads/master | 2023-03-15T18:52:23.253198 | 2020-06-09T01:58:36 | 2020-06-09T01:58:36 | null | 0 | 0 | null | null | null | null | UTF-8 | C++ | false | false | 1,459 | h | #pragma once
#include <string>
#include <functional>
#include <map>
#include <iostream>
template<typename ...Targs>
class ComponentFactory
{
public:
typedef std::function <IComponent*(SystemManager*, uint64 sn, Targs...)> FactoryFunction;
static ComponentFactory<Targs...>* GetInstance()
{
if (_pInstance == nullptr)
{
_pInstance = new ComponentFactory<Targs...>();
}
return _pInstance;
}
bool Regist(const std::string & className, FactoryFunction pFunc)
{
std::lock_guard<std::mutex> guard(_lock);
if (_map.find(className) != _map.end())
return false;
_map.insert(std::make_pair(className, pFunc));
return true;
}
bool IsRegisted(const std::string & className)
{
std::lock_guard<std::mutex> guard(_lock);
return _map.find(className) != _map.end();
}
IComponent* Create(SystemManager* pSysMgr, const std::string className, uint64 sn, Targs... args)
{
_lock.lock();
auto iter = _map.find(className);
if (iter == _map.end())
{
std::cout << "ComponentFactory Create failed. can't find component. className:" << className.c_str() << std::endl;
return nullptr;
}
auto fun = iter->second;
_lock.unlock();
return fun(pSysMgr, sn, std::forward<Targs>(args)...);
}
private:
static ComponentFactory<Targs...>* _pInstance;
std::map<std::string, FactoryFunction> _map;
std::mutex _lock;
};
template<typename ...Targs>
ComponentFactory<Targs...>* ComponentFactory<Targs...>::_pInstance = nullptr;
| [
"[email protected]"
] | |
5bfac3590f3d3659bc74ff9faea77d1d5d4edcb9 | f93f57ed6c474b2dbb10b480edbaf7804b8a7681 | /src/math/Ray.h | b6436d5319e4873068194b95fc583e2026928749 | [
"MIT"
] | permissive | liambrdy/PathTracer | 587740436f3e2a4387187500d23ab7935b96a9f6 | ca3b04951b7cde5236facc48503d546afbadf21c | refs/heads/master | 2022-09-03T19:10:44.938217 | 2020-05-30T03:10:19 | 2020-05-30T03:10:19 | 267,598,913 | 0 | 0 | null | null | null | null | UTF-8 | C++ | false | false | 616 | h | #ifndef PATHTRACER_RAY_H
#define PATHTRACER_RAY_H
#include "Vec3.h"
class Ray
{
public:
Ray() = default;
Ray(const Vec3& origin, const Vec3& direction) : m_origin(origin), m_direction(direction) {}
Vec3 PointAt(double t) const { return m_origin + t * m_direction; }
const Vec3& GetOrigin() const { return m_origin; }
const Vec3& GetDirection() const { return m_direction; }
static Ray FromTwoPoints(const Vec3& point1, const Vec3& point2)
{
return Ray(point1, (point2 - point1).Normalize());
}
private:
Vec3 m_origin{}, m_direction{};
};
#endif // PATHTRACER_RAY_H
| [
"[email protected]"
] | |
136ed321de71c992bd9ff6926d3f1f9b341fd551 | b54b6168ba35ce6ad34f5a26b5a4a3ab8afa124a | /kratos_2_2_0/applications/incompressible_fluid_application/custom_elements/fluid_3d.h | 89fd1456f1936d9edce6cc4bf37b332e0ec4b101 | [] | no_license | svn2github/kratos | e2f3673db1d176896929b6e841c611932d6b9b63 | 96aa8004f145fff5ca6c521595cddf6585f9eccb | refs/heads/master | 2020-04-04T03:56:50.018938 | 2017-02-12T20:34:24 | 2017-02-12T20:34:24 | 54,662,269 | 2 | 1 | null | null | null | null | UTF-8 | C++ | false | false | 8,835 | h | /*
==============================================================================
KratosIncompressibleFluidApplication
A library based on:
Kratos
A General Purpose Software for Multi-Physics Finite Element Analysis
Version 1.0 (Released on march 05, 2007).
Copyright 2007
Pooyan Dadvand, Riccardo Rossi
[email protected]
[email protected]
- CIMNE (International Center for Numerical Methods in Engineering),
Gran Capita' s/n, 08034 Barcelona, Spain
Permission is hereby granted, free of charge, to any person obtaining
a copy of this software and associated documentation files (the
"Software"), to deal in the Software without restriction, including
without limitation the rights to use, copy, modify, merge, publish,
distribute, sublicense and/or sell copies of the Software, and to
permit persons to whom the Software is furnished to do so, subject to
the following condition:
Distribution of this code for any commercial purpose is permissible
ONLY BY DIRECT ARRANGEMENT WITH THE COPYRIGHT OWNERS.
The above copyright notice and this permission notice shall be
included in all copies or substantial portions of the Software.
THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND,
EXPRESS OR IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF
MERCHANTABILITY, FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT.
IN NO EVENT SHALL THE AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY
CLAIM, DAMAGES OR OTHER LIABILITY, WHETHER IN AN ACTION OF CONTRACT,
TORT OR OTHERWISE, ARISING FROM, OUT OF OR IN CONNECTION WITH THE
SOFTWARE OR THE USE OR OTHER DEALINGS IN THE SOFTWARE.
==============================================================================
*/
//
// Project Name: Kratos
// Last Modified by: $Author: rrossi $
// Date: $Date: 2007-06-28 09:32:36 $
// Revision: $Revision: 1.3 $
//
//
#if !defined(KRATOS_FLUID_3D_H_INCLUDED )
#define KRATOS_FLUID_3D_H_INCLUDED
// System includes
// External includes
#include "boost/smart_ptr.hpp"
// Project includes
#include "includes/define.h"
#include "includes/element.h"
#include "includes/ublas_interface.h"
#include "includes/variables.h"
#include "includes/serializer.h"
namespace Kratos
{
///@name Kratos Globals
///@{
///@}
///@name Type Definitions
///@{
///@}
///@name Enum's
///@{
///@}
///@name Functions
///@{
///@}
///@name Kratos Classes
///@{
/// This element implements a Multi-stage element (3D case) to be used in conjuntion with @see FractionalStepStrategy
/** The element is designed for the solution of the Navier-Stokes equations. Velocity components are considered to be uncoupled, and
* laplacian formulation is used for the viscous term.
* OSS (Orthogonal Sub-grid Scale) stabilization is used for both the incompressibility constraint and for the convective term.
* smagorinsky turbulence model is optionally implemented and controlled by the value of the C_SMAGORINSKY constant, which is passed thorugh the
* Processinfo.
* The computation of the "tau" used in the stabilization allows the user to take in account a term depending on 1/Dt
* this option is controlled by the variable ProcessInfo[DYNAMIC_TAU]. Setting it to 0.0 implies NOT considering a dependence
* of tau on Dt.
* The class is organized mainly in 3 stages
* Stage1 - computes the velocity (designed for non-linear iteration)
* Stage2 - computes the pressure
* Stage3 - corrects the velocity taking in account the pressure variation computed in the second step
*/
class Fluid3D
: public Element
{
public:
///@name Type Definitions
///@{
/// Counted pointer of Fluid3D
KRATOS_CLASS_POINTER_DEFINITION(Fluid3D);
///@}
///@name Life Cycle
///@{
/// Default constructor.
Fluid3D(IndexType NewId, GeometryType::Pointer pGeometry);
Fluid3D(IndexType NewId, GeometryType::Pointer pGeometry, PropertiesType::Pointer pProperties);
/// Destructor.
virtual ~Fluid3D();
///@}
///@name Operators
///@{
///@}
///@name Operations
///@{
Element::Pointer Create(IndexType NewId, NodesArrayType const& ThisNodes, PropertiesType::Pointer pProperties) const;
void CalculateLocalSystem(MatrixType& rLeftHandSideMatrix, VectorType& rRightHandSideVector, ProcessInfo& rCurrentProcessInfo);
void CalculateRightHandSide(VectorType& rRightHandSideVector, ProcessInfo& rCurrentProcessInfo);
void EquationIdVector(EquationIdVectorType& rResult, ProcessInfo& rCurrentProcessInfo);
void GetDofList(DofsVectorType& ElementalDofList, ProcessInfo& CurrentProcessInfo);
void InitializeSolutionStep(ProcessInfo& CurrentProcessInfo);
void Calculate(const Variable<double>& rVariable, double& Output, const ProcessInfo& rCurrentProcessInfo);
int Check(const ProcessInfo& rCurrentProcessInfo);
///@}
///@name Access
///@{
///@}
///@name Inquiry
///@{
///@}
///@name Input and output
///@{
/// Turn back information as a string.
// virtual String Info() const;
/// Print information about this object.
// virtual void PrintInfo(std::ostream& rOStream) const;
/// Print object's data.
// virtual void PrintData(std::ostream& rOStream) const;
///@}
///@name Friends
///@{
///@}
protected:
///@name Protected static Member Variables
///@{
///@}
///@name Protected member Variables
///@{
///@}
///@name Protected Operators
///@{
///@}
///@name Protected Operations
///@{
///@}
///@name Protected Access
///@{
///@}
///@name Protected Inquiry
///@{
///@}
///@name Protected LifeCycle
///@{
///@}
private:
///@name Static Member Variables
///@{
///@}
///@name Member Variables
///@{
///@}
///@name Private Operators
///@{
void Stage1(MatrixType& rLeftHandSideMatrix, VectorType& rRightHandSideVector, ProcessInfo& rCurrentProcessInfo, unsigned int ComponentIndex);
void Stage2(MatrixType& rLeftHandSideMatrix, VectorType& rRightHandSideVector, ProcessInfo& rCurrentProcessInfo);
inline double CalculateH(double Volume);
inline double CalculateTau(boost::numeric::ublas::bounded_matrix<double, 4, 3 > & DN_DX, array_1d<double, 3 > & vel_gauss, const double h, const double nu, const double norm_u, const ProcessInfo& CurrentProcessInfo);
double ComputeSmagorinskyViscosity(const boost::numeric::ublas::bounded_matrix<double, 4, 3 > & DN_DX,
const double& h,
const double& C,
const double nu
);
///@}
///@name Private Operations
///@{
///@}
///@name Serialization
///@{
friend class Serializer;
// A private default constructor necessary for serialization
Fluid3D() : Element()
{
}
virtual void save(Serializer& rSerializer)
{
rSerializer.save("Name", "Fluid3D");
KRATOS_SERIALIZE_SAVE_BASE_CLASS(rSerializer, Element);
}
virtual void load(Serializer& rSerializer)
{
KRATOS_SERIALIZE_LOAD_BASE_CLASS(rSerializer, Element);
}
///@}
///@name Private Access
///@{
///@}
///@name Private Inquiry
///@{
///@}
///@name Un accessible methods
///@{
/// Assignment operator.
//Fluid3D& operator=(const Fluid3D& rOther);
/// Copy constructor.
//Fluid3D(const Fluid3D& rOther);
///@}
}; // Class Fluid3D
///@}
///@name Type Definitions
///@{
///@}
///@name Input and output
///@{
/// input stream function
/* inline std::istream& operator >> (std::istream& rIStream,
Fluid3D& rThis);
*/
/// output stream function
/* inline std::ostream& operator << (std::ostream& rOStream,
const Fluid3D& rThis)
{
rThis.PrintInfo(rOStream);
rOStream << std::endl;
rThis.PrintData(rOStream);
return rOStream;
}*/
///@}
} // namespace Kratos.
#endif // KRATOS_FLUID_3D_H_INCLUDED defined
| [
"pooyan@4358b7d9-91ec-4505-bf62-c3060f61107a"
] | pooyan@4358b7d9-91ec-4505-bf62-c3060f61107a |
0c37d7bfbdcc9ea3c2cd2ea16573d73721bbedbf | 6606b65fd2ca40c4b83b49f86ef94df5f9289e85 | /OOP3200-F2020-Lesson3c/Mathf.h | 53f1c6a2fb5030c95b4ee28e9bde9be2ea4fb21e | [] | no_license | vans12345678/OOP3200-F2020-Lesson5 | 51d6c68d08b844dea6e6c51dfc1d78738539792a | 5945f867562d1da7f6394c8f61fb7e7f89490bd8 | refs/heads/master | 2022-12-21T01:50:15.804971 | 2020-10-07T23:47:38 | 2020-10-07T23:47:38 | 302,056,095 | 0 | 0 | null | null | null | null | UTF-8 | C++ | false | false | 2,028 | h | /*
* File: Mathf.h.cpp
* Name: Andre Agrippa
* Description: OOP3200 ICE 4 (Lesson 5)
* Date: 10/07/2020
*/
#pragma once
#ifndef __MATH_F__
#define __MATH_F__
class Mathf
{
public:
// static constants
static const float Epsilon;
static const float EpsilonNormalSqrt;
static const float PI;
static const float Infinity;
static const float NegativeInfinity;
static const float Deg2Rad;
static const float Rad2Deg;
// utility functions
static float Sin(float f);
static float Cos(float f);
static float Tan(float f);
static float Asin(float f);
static float Acos(float f);
static float Atan(float f);
static float Atan2(float y, float x);
static float Sqrt(float f);
static float Abs(float f);
static int Abs(int value);
static float Min(float a, float b);
static int Min(int a, int b);
static float Max(float a, float b);
static int Max(int a, int b);
static float Pow(float f, float p);
static float Exp(float power);
static float Log(float f);
static float Log10(float f);
static float Ceil(float f);
static float Floor(float f);
static float Round(float f);
static int CeilToInt(float f);
static int FloorToInt(float f);
static int RoundToInt(float f);
static float Sign(float f);
static float Clamp(float value, float min, float max);
static int Clamp(int value, int min, int max);
static float Clamp01(float value);
static float Lerp(float a, float b, float t);
static float LerpUnclamped(float a, float b, float t);
static float LerpAngle(float a, float b, float t);
static float MoveTowards(float current, float target, float max_delta);
static float MoveTowardsAngle(float current, float target, float max_delta);
static float SmoothStep(float from, float to, float t);
static bool Approximately(float a, float b);
static float Repeat(float t, float length);
static float PingPong(float t, float length);
static float InverseLerp(float a, float b, float value);
static float DeltaAngle(float current, float target);
private:
};
#endif /* defined (__MATH_F__)*/
| [
"[email protected]"
] | |
d3a0a717cc64ab8c97363a4d3b145851a4757b0a | 40961b4b84957d5dff36e3454d5a482fe2cab173 | /程序员代码面试指南/第4章 递归和动态规划/16. 数字字符转化为字母组合的种数.cpp | 3d1c590f11958223cd830df19745e02bc06ed602 | [] | no_license | joe-zxh/OJ | 17a4a466a7372957ed3803c1088fa98762599a4d | e6f60f6249f1b261851653f0aed4fc58da7ca22b | refs/heads/master | 2020-09-28T11:16:39.673074 | 2020-01-15T15:18:40 | 2020-01-15T15:18:40 | 226,767,339 | 0 | 0 | null | null | null | null | UTF-8 | C++ | false | false | 1,006 | cpp | #include <iostream>
#include <string>
const long modnum = 1e9+7;
using namespace std;
bool vailid(string str) {
long sz = str.size();
for (long i = 0; i < sz; i++) {
if (str[i] > '9' || str[i] < '1') {
return false;
}
}
return true;
}
void getTransNum(string str) {
if (!vailid(str)) {
cout << 0 << endl;
return;
}
long sz = str.size();
long cur, next, nextnext;
// long *dp = new long[sz]; // dp[i] 表示 str[i...sz-1]有多少种组合方式
cur = nextnext = 1;
if (sz <= 1) {
cout << 1 << endl;
return;
}
if (str[sz - 2] == '1' || (str[sz - 2] == '2'&&str[sz - 1] <= '6')) {
cur = next = 2;
}
else {
cur = next = 1;
}
for (long i = sz - 3; i >= 0; i--) {
cur = next;
if (str[i] == '1' || (str[i] == '2'&&str[i + 1] <= '6')) {
cur = (cur + nextnext) % modnum;
}
nextnext = next;
next = cur;
}
cout << cur << endl;
}
int main() {
string str;
cin >> str;
getTransNum(str);
return 0;
} | [
"[email protected]"
] | |
f246b01ade9541c1dd23bbe8ffdafdb1d028d1c0 | 8a9e7fd1b0a633c97e595f927513400f805aac12 | /caffe2/opt/onnxifi_transformer.h | bfee28aea5aa3eaddd1a9bf5b68e89baabdd2d3f | [
"BSD-3-Clause",
"LicenseRef-scancode-generic-cla",
"Apache-2.0",
"BSD-2-Clause"
] | permissive | bertmaher/pytorch | 30337edaa93624164044de73ed67ade7819b3076 | 8cdb581dc2e1e566dd9a8fd084357e8e0c5bf5d7 | refs/heads/pytorch_fusion | 2023-08-29T17:57:42.968233 | 2021-09-08T15:13:25 | 2021-09-08T15:13:25 | 227,474,268 | 3 | 1 | NOASSERTION | 2022-05-26T03:09:04 | 2019-12-11T22:43:30 | C++ | UTF-8 | C++ | false | false | 4,605 | h | #pragma once
#include <cstdint>
#include <string>
#include <unordered_map>
#include <vector>
#include "onnx/onnx_pb.h"
#include "caffe2/core/operator.h"
#include "caffe2/onnx/onnxifi_init.h"
#include "caffe2/opt/backend_transformer_base.h"
namespace caffe2 {
namespace onnx {
class OnnxExporter;
}
struct OnnxifiTransformerOptions final : public BackendTransformOptions {
explicit OnnxifiTransformerOptions() : BackendTransformOptions() {}
// Pass serialized onnx model if true, otherwise pass serialized c2 model
bool use_onnx{false};
// Whether to adjust batch at the outputs or not
bool adjust_batch{true};
// Whether to lower model blob by blob
bool load_model_by_blob{false};
// Whether to combine fp32 batched inputs into one tensor and convert it to
// fp16 or not
bool merge_fp32_inputs_into_fp16{false};
// Enter loop test mode
bool loop_test{false};
};
class CAFFE2_API OnnxifiTransformer final : public BackendTransformerBase {
public:
explicit OnnxifiTransformer(const OnnxifiTransformerOptions& opts);
~OnnxifiTransformer() override;
void transform(
Workspace* ws,
NetDef* pred_net,
const std::vector<std::string>& weight_names,
const ShapeInfoMap& shape_hints,
const std::unordered_set<int>& blacklisted_ops) override;
private:
// Since we create new tensors during the conversion process, we actually need
// into inject them into the original workspace
// Since our onnx exporter uses std::unordered_map<std::string, TensorShape>
// as lut, we need to include an extra copy of shape info and maintain them
// together
caffe2::NetDef SubnetToOnnxifiOpViaOnnx(
const caffe2::NetDef& net,
const std::unordered_set<std::string>& weights_in_ws,
Workspace* ws,
onnx::OnnxExporter* exporter,
ShapeInfoMap* shape_hints);
// Convert a cutoff subgraph net to an Onnxifi op
caffe2::NetDef SubnetToOnnxifiOpViaC2(
const caffe2::NetDef& net,
const std::unordered_set<std::string>& weights_in_ws,
const ShapeInfoMap& shape_hints);
// We already have all the ops and external inputs and outputs!
OperatorDef buildOnnxifiOp(
const std::string& onnx_model_str,
const std::unordered_map<std::string, TensorShape>& output_size_hints,
const std::unordered_set<std::string>& initialization_list,
const std::vector<std::string>& external_inputs,
const std::vector<std::string>& external_outputs,
const std::unordered_map<std::string, ShapeInfo>& shape_hints);
// Transform by passing C2 proto to backend
NetDef TransformViaC2(
NetDef* pred_net,
const std::unordered_set<std::string>& weights,
const std::unordered_set<int>& blacklisted_ops,
const ShapeInfoMap& shape_hints);
// Transform by passing ONNX proto to backend
NetDef TransformViaOnnx(
Workspace* ws,
NetDef* pred_net,
const std::unordered_set<std::string>& weights,
const std::unordered_set<int>& blacklisted_ops,
ShapeInfoMap* shape_hints);
// Query whether an operator is supported by passing C2 protobuf
bool supportOpC2(
const caffe2::OperatorDef& op,
const ShapeInfoMap& shape_hints,
const std::unordered_set<int>& blacklisted_ops,
onnxBackendID backend_id) const;
// Query whether an operator is supported by passing ONNX protobuf
bool supportOpOnnx(
const caffe2::OperatorDef& op,
onnx::OnnxExporter* exporter,
const std::unordered_set<int>& blacklisted_ops,
onnxBackendID backend_id) const;
// Tie the output of Gather to the scalar weight input of the
// SparseLengthsWeighted* op. If the latter is disabled, disable the former
// too.
void tieGatherAndSparseLengthsWeightedSumOps(
const NetDef& net,
const ShapeInfoMap& shape_hints,
std::unordered_set<int>* blacklisted_ops) const;
// Rule based filtering
void applyFilteringRules(
const NetDef& net,
const ShapeInfoMap& shape_hints,
std::unordered_set<int>* blacklisted_ops) const;
// Determine backend id
void getBackendId();
// Options
OnnxifiTransformerOptions opts_;
// Pointer to loaded onnxifi library
onnxifi_library* lib_{nullptr};
// Number of backends
size_t num_backends_{0};
// backend idx
int idx_{0};
// Number of Onnxifi Ops we build so far
int onnxifi_op_id_{0};
// Model id
std::string model_id_;
// Backned IDs
std::vector<onnxBackendID> backend_ids_;
// A cache for ONNX shape hints
std::unordered_map<std::string, TensorShape> shape_hints_onnx_;
};
} // namespace caffe2
| [
"[email protected]"
] | |
98eb1c88b831c6e989466362116dec55750750be | 5b7e69802b8075da18dc14b94ea968a4a2a275ad | /DRG-SDK/SDK/DRG_MiniMule_State_structs.hpp | 64ccc183dec99da6648a4998830c67db7e075b9d | [] | no_license | ue4sdk/DRG-SDK | 7effecf98a08282e07d5190467c71b1021732a00 | 15cc1f8507ccab588480528c65b9623390643abd | refs/heads/master | 2022-07-13T15:34:38.499953 | 2019-03-16T19:29:44 | 2019-03-16T19:29:44 | null | 0 | 0 | null | null | null | null | UTF-8 | C++ | false | false | 224 | hpp | #pragma once
// Deep Rock Galactic (0.22) SDK
#ifdef _MSC_VER
#pragma pack(push, 0x8)
#endif
#include "DRG_Basic.hpp"
#include "DRG_MiniMule_State_enums.hpp"
namespace SDK
{
}
#ifdef _MSC_VER
#pragma pack(pop)
#endif
| [
"[email protected]"
] | |
24850323a351dc08dffed6f371e27a5d3e28c69d | ebd582b7fb493ccc2af59a5c0b5f0e98b2b5e8c3 | /Chapter12/c12e15.cpp | d486ff85731d97f9cad6c91e9d2ed36a32129e95 | [] | no_license | rarog2018/C-Primer_Lippman | 97957e5c7f2d969f1534dd0992dd4c0e9d072700 | 3c3f5084aa744ef971e3bfa4fdfc639c5eea34d5 | refs/heads/master | 2021-06-28T17:45:34.549300 | 2021-01-05T08:15:27 | 2021-01-05T08:15:27 | 206,675,493 | 0 | 0 | null | null | null | null | UTF-8 | C++ | false | false | 1,575 | cpp | #include <iostream>
#include <memory>
#include <string>
using namespace std;
// represents what we are connecting to
struct destination
{
static unsigned counter;
// members for realism purposes
string destName;
unsigned destId;
// default constructor
destination(string dN = "", unsigned dI = counter) : destName(dN), destId(dI) { ++counter; }
};
// information needed to use the connection
struct connection
{
// pointer to destination
destination *conToDest;
// non-default constructor
connection(destination *dest) : conToDest(dest) {}
};
connection connect(destination *dest); // open the connection
void disconnect(connection p); // close the given connection
void f(destination &dest);
void end_connection(connection *p) { disconnect(*p); }
unsigned destination::counter = 0;
int main(void)
{
destination obj("Internet"), obj2("Cloud");
f(obj);
f(obj2);
return 0;
}
void f(destination &dest)
{
// get a connection; must remember to close it when done
connection c = connect(&dest);
// use lambda instead of a function
shared_ptr<connection> p(&c, [](connection *c) { disconnect(*c); });
// use the connection
cout << "Using connection: " << p->conToDest->destName << ", id: "
<< p->conToDest->destId << endl;
}
connection connect(destination *dest)
{
// return a connection object
return connection(dest);
}
void disconnect(connection p)
{
cout << "Disconnecting from: " << p.conToDest->destName << ", id: "
<< p.conToDest->destId << endl;
}
| [
"[email protected]"
] | |
03a8b5e95e44536897eba149172a76df624c7daa | dd6147bf9433298a64bbceb7fdccaa4cc477fba6 | /7304/SharapenkovII/lr5/utility/Coord.h | 85533abd26005dccc9efba0cdb81d648ced4af27 | [] | no_license | moevm/oop | 64a89677879341a3e8e91ba6d719ab598dcabb49 | faffa7e14003b13c658ccf8853d6189b51ee30e6 | refs/heads/master | 2023-03-16T15:48:35.226647 | 2020-06-08T16:16:31 | 2020-06-08T16:16:31 | 85,785,460 | 42 | 304 | null | 2023-03-06T23:46:08 | 2017-03-22T04:37:01 | C++ | UTF-8 | C++ | false | false | 290 | h | //
// Created by smokfyz on 17.05.19.
//
#ifndef XGAME_COORD_H
#define XGAME_COORD_H
class Coord {
unsigned x;
unsigned y;
public:
Coord(unsigned x, unsigned y) : x(x), y(y) {}
unsigned getX() { return x; }
unsigned getY() { return y; }
};
#endif //XGAME_COORD_H
| [
"[email protected]"
] | |
0f21e7a3f8b33b071b30819f3f277d920131f04b | 08b8cf38e1936e8cec27f84af0d3727321cec9c4 | /data/crawl/collectd/old_hunk_137.cpp | 804f02de2f8b7e6e2f1662771919812de3803936 | [] | no_license | ccdxc/logSurvey | eaf28e9c2d6307140b17986d5c05106d1fd8e943 | 6b80226e1667c1e0760ab39160893ee19b0e9fb1 | refs/heads/master | 2022-01-07T21:31:55.446839 | 2018-04-21T14:12:43 | 2018-04-21T14:12:43 | null | 0 | 0 | null | null | null | null | UTF-8 | C++ | false | false | 129 | cpp | */
static void exit_usage (int status)
{
printf ("Usage: "PACKAGE" [OPTIONS]\n\n"
"Available options:\n"
" General:\n"
| [
"[email protected]"
] | |
9113a9003ada64e279d7ba5528606360513ee816 | d0041e3e5a521409b8e01f713cd29ee28ad066fb | /ps2/cannonball/main.cpp | 96edc5804349eb7436351d35e2b964253d62c2c7 | [
"LicenseRef-scancode-warranty-disclaimer",
"MIT"
] | permissive | lord-pradhan/CPP_graphics | 4e13fc547530988e868b676e357640573417b445 | 1d4ea35c266b987947bf94bd07f4fa6c1c7684f2 | refs/heads/master | 2022-09-21T07:14:31.803503 | 2020-06-02T18:50:17 | 2020-06-02T18:50:17 | 268,881,419 | 0 | 0 | null | null | null | null | UTF-8 | C++ | false | false | 19,364 | cpp | /* ////////////////////////////////////////////////////////////
File Name: main.cpp
Copyright (c) 2017 Soji Yamakawa. All rights reserved.
http://www.ysflight.com
Redistribution and use in source and binary forms, with or without modification,
are permitted provided that the following conditions are met:
1. Redistributions of source code must retain the above copyright notice,
this list of conditions and the following disclaimer.
2. Redistributions in binary form must reproduce the above copyright notice,
this list of conditions and the following disclaimer in the documentation
and/or other materials provided with the distribution.
THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS "AS IS"
AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO,
THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR
PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT HOLDER OR CONTRIBUTORS
BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR
CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE
GOODS OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION)
HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT
LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT
OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE.
//////////////////////////////////////////////////////////// */
#include <fslazywindow.h>
#include <stdio.h>
#include <stdlib.h>
#include <time.h>
#include <math.h>
#include "fssimplewindow.h"
const int nObstacle=5;
const int maxNumTrj=200;
class FsLazyWindowApplication : public FsLazyWindowApplicationBase
{
protected:
bool needRedraw;
void PhysicalCoordToScreenCoord(int &sx,int &sy,double px,double py)
{
sx=(int)(px*10.0);
sy=600-(int)(py*10.0);
}
void DrawCircle(int cx,int cy,int rad,int fill)
{
const double YS_PI=3.1415927;
if(0!=fill)
{
glBegin(GL_POLYGON);
}
else
{
glBegin(GL_LINE_LOOP);
}
int i;
for(i=0; i<64; i++)
{
double angle=(double)i*YS_PI/32.0;
double x=(double)cx+cos(angle)*(double)rad;
double y=(double)cy+sin(angle)*(double)rad;
glVertex2d(x,y);
}
glEnd();
}
void DrawRect(int x1,int y1,int x2,int y2,int fill)
{
if(0!=fill)
{
glBegin(GL_QUADS);
}
else
{
glBegin(GL_LINE_LOOP);
}
glVertex2i(x1,y1);
glVertex2i(x2,y1);
glVertex2i(x2,y2);
glVertex2i(x1,y2);
glEnd();
}
void DrawLine(int x1,int y1,int x2,int y2)
{
glBegin(GL_LINES);
glVertex2i(x1,y1);
glVertex2i(x2,y2);
glEnd();
}
int CheckHitTarget(
double missileX,double missileY,
double targetX,double targetY,double targetSizeX,double targetSizeY)
{
int relativeX,relativeY;
relativeX=missileX-targetX;
relativeY=missileY-targetY;
if(0<=relativeX && relativeX<targetSizeX && 0<=relativeY && relativeY<targetSizeY)
{
return 1;
}
else
{
return 0;
}
}
void DrawArtillery(double x,double y,double angle)
{
int sx,sy;
PhysicalCoordToScreenCoord(sx,sy,x,y);
glColor3ub(0,0,255);
DrawRect(sx-5,sy-5,sx+5,sy+5,1);
int vx,vy;
PhysicalCoordToScreenCoord(vx,vy,x+3.0*cos(angle),y+3.0*sin(angle));
DrawLine(sx,sy,vx,vy);
}
void DrawCannonBall(double x,double y)
{
int sx,sy;
PhysicalCoordToScreenCoord(sx,sy,x,y);
glColor3ub(255,0,0);
DrawCircle(sx,sy,5,1);
}
void MoveCannon(double &x,double &y,double &vx,double &vy,double m,double dt)
{
x+=vx*dt;
y+=vy*dt;
vy-=9.8*dt;
}
void FireCannon(
double &cx,double &cy,double &vx,double &vy,
double artX,double artY,double artAngle,double iniVel)
{
cx=artX;
cy=artY;
vx=iniVel*cos(artAngle);
vy=iniVel*sin(artAngle);
}
void GenerateObstacle(
int nObstacle,int obstacleState[],double obstacleX[],double obstacleY[],double obstacleW[],double obstacleH[])
{
int i;
for(i=0; i<nObstacle; i++)
{
obstacleState[i]=1;
obstacleX[i]=(double)(10+rand()%70);
obstacleY[i]=(double)(rand()%60);
obstacleW[i]=(double)(8+rand()%8);
obstacleH[i]=(double)(8+rand()%8);
// The following if-statements forces the effective size of the
// obstacle to be between 8x8 and 15x15.
if(80.0<obstacleX[i]+obstacleW[i])
{
obstacleX[i]=80.0-obstacleW[i];
}
if(60.0<obstacleY[i]+obstacleH[i])
{
obstacleY[i]=60.0-obstacleH[i];
}
}
}
void DrawObstacle(
int nObstacle,int obstacleState[],double obstacleX[],double obstacleY[],double obstacleW[],double obstacleH[])
{
int i;
glColor3ub(0,255,0);
for(i=0; i<nObstacle; i++)
{
if(obstacleState[i]!=0)
{
int x1,y1,x2,y2;
PhysicalCoordToScreenCoord(x1,y1,obstacleX[i],obstacleY[i]);
PhysicalCoordToScreenCoord(x2,y2,obstacleX[i]+obstacleW[i],obstacleY[i]+obstacleH[i]);
DrawRect(x1,y1,x2,y2,1);
}
}
}
void DrawTarget(
double targetX,double targetY,double targetW,double targetH)
{
int x1,y1,x2,y2;
PhysicalCoordToScreenCoord(x1,y1,targetX,targetY);
PhysicalCoordToScreenCoord(x2,y2,targetX+targetW,targetY+targetH);
glColor3ub(255,0,0);
DrawRect(x1,y1,x2,y2,1);
}
void MoveTarget(double &targetX,double &targetY,const double dt)
{
targetY-=10*dt;
if(0>targetY)
{
targetY=60.0;
}
}
void DrawTrajectory(int nPnt,const double pnt[])
{
if(2<=nPnt)
{
glColor3ub(0,0,0);
glBegin(GL_LINE_STRIP);
int i;
for(i=0; i<nPnt; i++)
{
int sx,sy;
PhysicalCoordToScreenCoord(sx,sy,pnt[i*2],pnt[i*2+1]);
glVertex2i(sx,sy);
}
glEnd();
}
}
const double PI;
int i,key,nShot;
double artX,artY,artAngle;
int nTrj;
double trj[maxNumTrj*2];
int obstacleState[nObstacle];
double obstacleX[nObstacle],obstacleY[nObstacle];
double obstacleW[nObstacle],obstacleH[nObstacle];
int cannonState;
double cannonX,cannonY,cannonVx,cannonVy;
double targetX,targetY,targetW,targetH;
public:
FsLazyWindowApplication();
virtual void BeforeEverything(int argc,char *argv[]);
virtual void GetOpenWindowOption(FsOpenWindowOption &OPT) const;
virtual void Initialize(int argc,char *argv[]);
virtual void Interval(void);
virtual void BeforeTerminate(void);
virtual void Draw(void);
virtual bool UserWantToCloseProgram(void);
virtual bool MustTerminate(void) const;
virtual long long int GetMinimumSleepPerInterval(void) const;
virtual bool NeedRedraw(void) const;
};
FsLazyWindowApplication::FsLazyWindowApplication(): PI(3.1415927)
{
needRedraw=false;
}
/* virtual */ void FsLazyWindowApplication::BeforeEverything(int argc,char *argv[])
{
}
/* virtual */ void FsLazyWindowApplication::GetOpenWindowOption(FsOpenWindowOption &opt) const
{
opt.x0=0;
opt.y0=0;
opt.wid=800;
opt.hei=600;
}
/* virtual */ void FsLazyWindowApplication::Initialize(int argc,char *argv[])
{
cannonState=0;
nTrj=0;
artX=5.0;
artY=5.0;
artAngle=PI/6.0;
srand(time(NULL));
targetX=75.0;
targetY=60.0;
targetW=5.0;
targetH=5.0;
nShot=0;
GenerateObstacle(nObstacle,obstacleState,obstacleX,obstacleY,obstacleW,obstacleH);
}
/* virtual */ void FsLazyWindowApplication::Interval(void)
{
auto key=FsInkey();
if(FSKEY_ESC==key)
{
SetMustTerminate(true);
}
switch(key)
{
case FSKEY_UP:
artY+=1.0;
if(60.0<artY)
{
artY=60.0;
}
break;
case FSKEY_DOWN:
artY-=1.0;
if(0.0>artY)
{
artY=0.0;
}
break;
case FSKEY_LEFT:
artAngle+=PI/180.0; // 1 degree
break;
case FSKEY_RIGHT:
artAngle-=PI/180.0; // 1 degree
break;
case FSKEY_SPACE:
if(cannonState==0)
{
cannonState=1;
FireCannon(
cannonX,cannonY,cannonVx,cannonVy,
artX,artY,artAngle,40.0);
nShot++;
nTrj=0;
}
break;
}
MoveTarget(targetX,targetY,0.025);
if(cannonState==1)
{
MoveCannon(cannonX,cannonY,cannonVx,cannonVy,1.0,0.02);
if(cannonY<0.0 || cannonX<0.0 || 80.0<cannonX)
{
cannonState=0;
}
if(nTrj<maxNumTrj)
{
trj[nTrj*2 ]=cannonX;
trj[nTrj*2+1]=cannonY;
nTrj++;
}
for(i=0; i<nObstacle; i++)
{
if(obstacleState[i]==1 &&
CheckHitTarget(cannonX,cannonY,obstacleX[i],obstacleY[i],obstacleW[i],obstacleH[i])==1)
{
printf("Hit Obstacle!\n");
obstacleState[i]=0;
cannonState=0;
}
}
if(CheckHitTarget(cannonX,cannonY,targetX,targetY,targetW,targetH)==1)
{
printf("Hit Target!\n");
printf("You fired %d shots.\n",nShot);
SetMustTerminate(true);
// break;
}
}
needRedraw=true;
}
/* virtual */ void FsLazyWindowApplication::Draw(void)
{
glClear(GL_DEPTH_BUFFER_BIT|GL_COLOR_BUFFER_BIT);
DrawArtillery(artX,artY,artAngle);
DrawObstacle(nObstacle,obstacleState,obstacleX,obstacleY,obstacleW,obstacleH);
DrawTarget(targetX,targetY,targetW,targetH);
if(cannonState==1)
{
DrawCannonBall(cannonX,cannonY);
DrawTrajectory(nTrj,trj);
}
FsSwapBuffers();
// FsSleep(25);
needRedraw=false;
}
/* virtual */ bool FsLazyWindowApplication::UserWantToCloseProgram(void)
{
return true; // Returning true will just close the program.
}
/* virtual */ bool FsLazyWindowApplication::MustTerminate(void) const
{
return FsLazyWindowApplicationBase::MustTerminate();
}
/* virtual */ long long int FsLazyWindowApplication::GetMinimumSleepPerInterval(void) const
{
return 25;
}
/* virtual */ void FsLazyWindowApplication::BeforeTerminate(void)
{
}
/* virtual */ bool FsLazyWindowApplication::NeedRedraw(void) const
{
return needRedraw;
}
static FsLazyWindowApplication *appPtr=nullptr;
/* static */ FsLazyWindowApplicationBase *FsLazyWindowApplicationBase::GetApplication(void)
{
if(nullptr==appPtr)
{
appPtr=new FsLazyWindowApplication;
}
return appPtr;
}
// // *******basecode.cpp********
// #include <stdio.h>
// #include <stdlib.h>
// #include <time.h>
// #include <math.h>
// #include "fssimplewindow.h"
// void PhysicalCoordToScreenCoord(int &sx,int &sy,double px,double py)
// {
// sx=(int)(px*10.0);
// sy=600-(int)(py*10.0);
// }
// void DrawCircle(int cx,int cy,int rad,int fill)
// {
// const double YS_PI=3.1415927;
// if(0!=fill)
// {
// glBegin(GL_POLYGON);
// }
// else
// {
// glBegin(GL_LINE_LOOP);
// }
// int i;
// for(i=0; i<64; i++)
// {
// double angle=(double)i*YS_PI/32.0;
// double x=(double)cx+cos(angle)*(double)rad;
// double y=(double)cy+sin(angle)*(double)rad;
// glVertex2d(x,y);
// }
// glEnd();
// }
// void DrawRect(int x1,int y1,int x2,int y2,int fill)
// {
// if(0!=fill)
// {
// glBegin(GL_QUADS);
// }
// else
// {
// glBegin(GL_LINE_LOOP);
// }
// glVertex2i(x1,y1);
// glVertex2i(x2,y1);
// glVertex2i(x2,y2);
// glVertex2i(x1,y2);
// glEnd();
// }
// void DrawLine(int x1,int y1,int x2,int y2)
// {
// glBegin(GL_LINES);
// glVertex2i(x1,y1);
// glVertex2i(x2,y2);
// glEnd();
// }
// int CheckHitTarget(
// double missileX,double missileY,
// double targetX,double targetY,double targetSizeX,double targetSizeY)
// {
// int relativeX,relativeY;
// relativeX=missileX-targetX;
// relativeY=missileY-targetY;
// if(0<=relativeX && relativeX<targetSizeX && 0<=relativeY && relativeY<targetSizeY)
// {
// return 1;
// }
// else
// {
// return 0;
// }
// }
// void DrawArtillery(double x,double y,double angle)
// {
// int sx,sy;
// PhysicalCoordToScreenCoord(sx,sy,x,y);
// glColor3ub(0,0,255);
// DrawRect(sx-5,sy-5,sx+5,sy+5,1);
// int vx,vy;
// PhysicalCoordToScreenCoord(vx,vy,x+3.0*cos(angle),y+3.0*sin(angle));
// DrawLine(sx,sy,vx,vy);
// }
// void DrawCannonBall(double x,double y)
// {
// int sx,sy;
// PhysicalCoordToScreenCoord(sx,sy,x,y);
// glColor3ub(255,0,0);
// DrawCircle(sx,sy,5,1);
// }
// void MoveCannon(double &x,double &y,double &vx,double &vy,double m,double dt)
// {
// x+=vx*dt;
// y+=vy*dt;
// vy-=9.8*dt;
// }
// void FireCannon(
// double &cx,double &cy,double &vx,double &vy,
// double artX,double artY,double artAngle,double iniVel)
// {
// cx=artX;
// cy=artY;
// vx=iniVel*cos(artAngle);
// vy=iniVel*sin(artAngle);
// }
// void GenerateObstacle(
// int nObstacle,int obstacleState[],double obstacleX[],double obstacleY[],double obstacleW[],double obstacleH[])
// {
// int i;
// for(i=0; i<nObstacle; i++)
// {
// obstacleState[i]=1;
// obstacleX[i]=(double)(10+rand()%70);
// obstacleY[i]=(double)(rand()%60);
// obstacleW[i]=(double)(8+rand()%8);
// obstacleH[i]=(double)(8+rand()%8);
// // The following if-statements forces the effective size of the
// // obstacle to be between 8x8 and 15x15.
// if(80.0<obstacleX[i]+obstacleW[i])
// {
// obstacleX[i]=80.0-obstacleW[i];
// }
// if(60.0<obstacleY[i]+obstacleH[i])
// {
// obstacleY[i]=60.0-obstacleH[i];
// }
// }
// }
// void DrawObstacle(
// int nObstacle,int obstacleState[],double obstacleX[],double obstacleY[],double obstacleW[],double obstacleH[])
// {
// int i;
// glColor3ub(0,255,0);
// for(i=0; i<nObstacle; i++)
// {
// if(obstacleState[i]!=0)
// {
// int x1,y1,x2,y2;
// PhysicalCoordToScreenCoord(x1,y1,obstacleX[i],obstacleY[i]);
// PhysicalCoordToScreenCoord(x2,y2,obstacleX[i]+obstacleW[i],obstacleY[i]+obstacleH[i]);
// DrawRect(x1,y1,x2,y2,1);
// }
// }
// }
// void DrawTarget(
// double targetX,double targetY,double targetW,double targetH)
// {
// int x1,y1,x2,y2;
// PhysicalCoordToScreenCoord(x1,y1,targetX,targetY);
// PhysicalCoordToScreenCoord(x2,y2,targetX+targetW,targetY+targetH);
// glColor3ub(255,0,0);
// DrawRect(x1,y1,x2,y2,1);
// }
// void MoveTarget(double &targetX,double &targetY,const double dt)
// {
// targetY-=10*dt;
// if(0>targetY)
// {
// targetY=60.0;
// }
// }
// void DrawTrajectory(int nPnt,const double pnt[])
// {
// if(2<=nPnt)
// {
// glColor3ub(0,0,0);
// glBegin(GL_LINE_STRIP);
// int i;
// for(i=0; i<nPnt; i++)
// {
// int sx,sy;
// PhysicalCoordToScreenCoord(sx,sy,pnt[i*2],pnt[i*2+1]);
// glVertex2i(sx,sy);
// }
// glEnd();
// }
// }
// // Note: To make it easier, keep these two variables outside (global variable) of the FsLazyWindowApplication class.
// // Or, you can convert these to enum like:
// // enum {
// // nObstacle=5,
// // maxNumTrj=200
// // };
// const int nObstacle=5;
// const int maxNumTrj=200;
// int main(void)
// {
// const double PI=3.1415927;
// int i,key,nShot;
// double artX,artY,artAngle;
// int nTrj;
// double trj[maxNumTrj*2];
// int obstacleState[nObstacle];
// double obstacleX[nObstacle],obstacleY[nObstacle];
// double obstacleW[nObstacle],obstacleH[nObstacle];
// int cannonState;
// double cannonX,cannonY,cannonVx,cannonVy;
// double targetX,targetY,targetW,targetH;
// cannonState=0;
// nTrj=0;
// artX=5.0;
// artY=5.0;
// artAngle=PI/6.0;
// srand(time(NULL));
// targetX=75.0;
// targetY=60.0;
// targetW=5.0;
// targetH=5.0;
// nShot=0;
// GenerateObstacle(nObstacle,obstacleState,obstacleX,obstacleY,obstacleW,obstacleH);
// FsOpenWindow(16,16,800,600,1);
// FsPollDevice();
// while(FSKEY_ESC!=(key=FsInkey()))
// {
// FsPollDevice();
// switch(key)
// {
// case FSKEY_UP:
// artY+=1.0;
// if(60.0<artY)
// {
// artY=60.0;
// }
// break;
// case FSKEY_DOWN:
// artY-=1.0;
// if(0.0>artY)
// {
// artY=0.0;
// }
// break;
// case FSKEY_LEFT:
// artAngle+=PI/180.0; // 1 degree
// break;
// case FSKEY_RIGHT:
// artAngle-=PI/180.0; // 1 degree
// break;
// case FSKEY_SPACE:
// if(cannonState==0)
// {
// cannonState=1;
// FireCannon(
// cannonX,cannonY,cannonVx,cannonVy,
// artX,artY,artAngle,40.0);
// nShot++;
// nTrj=0;
// }
// break;
// }
// MoveTarget(targetX,targetY,0.025);
// if(cannonState==1)
// {
// MoveCannon(cannonX,cannonY,cannonVx,cannonVy,1.0,0.02);
// if(cannonY<0.0 || cannonX<0.0 || 80.0<cannonX)
// {
// cannonState=0;
// }
// if(nTrj<maxNumTrj)
// {
// trj[nTrj*2 ]=cannonX;
// trj[nTrj*2+1]=cannonY;
// nTrj++;
// }
// for(i=0; i<nObstacle; i++)
// {
// if(obstacleState[i]==1 &&
// CheckHitTarget(cannonX,cannonY,obstacleX[i],obstacleY[i],obstacleW[i],obstacleH[i])==1)
// {
// printf("Hit Obstacle!\n");
// obstacleState[i]=0;
// cannonState=0;
// }
// }
// if(CheckHitTarget(cannonX,cannonY,targetX,targetY,targetW,targetH)==1)
// {
// printf("Hit Target!\n");
// printf("You fired %d shots.\n",nShot);
// break;
// }
// }
// glClear(GL_DEPTH_BUFFER_BIT|GL_COLOR_BUFFER_BIT);
// DrawArtillery(artX,artY,artAngle);
// DrawObstacle(nObstacle,obstacleState,obstacleX,obstacleY,obstacleW,obstacleH);
// DrawTarget(targetX,targetY,targetW,targetH);
// if(cannonState==1)
// {
// DrawCannonBall(cannonX,cannonY);
// DrawTrajectory(nTrj,trj);
// }
// FsSwapBuffers();
// FsSleep(25);
// }
// return 0;
// }
| [
"[email protected]"
] | |
d2f5f0aeaa89f6bcbf53ef128cde916c8be6bca0 | e561a314055dbe1278689fd1f001b2dd00fe2ffd | /control.h | f78a43d61a60fed5fea6bb3358e6d9770c11d046 | [] | no_license | orangepu/smartHotel | 86eb89a9236e6b4252780cfcbf25e327b82e5e0d | bdc83813e24e691c2dc74a7b8cc95aec6a4a7ff9 | refs/heads/master | 2021-01-15T00:41:51.986918 | 2020-02-24T19:01:38 | 2020-02-24T19:01:38 | 242,816,484 | 2 | 1 | null | null | null | null | UTF-8 | C++ | false | false | 951 | h | #ifndef CONTROL_H
#define CONTROL_H
#include<QObject>
#include <QMainWindow>
#include<QLabel>
#include <QJsonObject>
#include <QJsonDocument>
#include <QNetworkReply>
#include<QComboBox>
#include"switchcontrol.h"
class control:public QObject
{
Q_OBJECT
private:
QMainWindow *ui;
SwitchControl *airConditioner;
SwitchControl *TV;
SwitchControl *light;
SwitchControl *refrigerator;
QLabel *airConditionerpic;
QLabel *TVPic;
QLabel *lightPic;
QLabel *refrigeratorPic;
bool airSta; //记录各开关状态
bool TvSta;
bool ligSta;
bool refSta;
int roomnum;
public:
control(QMainWindow *u);
~control();
void update(); //更新数据
void setRoom(int);
private slots:
void getRoom(int);
void upData(bool); //上传数据
void requestFinished_down(QNetworkReply* reply);
};
#endif // CONTROL_H
| [
"[email protected]"
] | |
c2ad34486623b60280b1fc443f92142c7b3cbc98 | dc0b1da910fca8446652aabf53397531cc94c5f4 | /aws-cpp-sdk-datapipeline/source/model/AddTagsResult.cpp | b64d9eba6a1f6fc2b7afbd13730676fbcb121fb6 | [
"JSON",
"MIT",
"Apache-2.0"
] | permissive | capeanalytics/aws-sdk-cpp | 19db86298a6daaee59c4b9fba82acedacd658bdf | e88f75add5a9433601b6d46fe738e493da56ac3b | refs/heads/master | 2020-04-06T04:03:12.337555 | 2017-05-11T13:31:39 | 2017-05-11T13:31:39 | 57,893,688 | 0 | 0 | Apache-2.0 | 2018-07-30T16:46:55 | 2016-05-02T13:51:23 | C++ | UTF-8 | C++ | false | false | 1,195 | cpp | /*
* Copyright 2010-2017 Amazon.com, Inc. or its affiliates. All Rights Reserved.
*
* Licensed under the Apache License, Version 2.0 (the "License").
* You may not use this file except in compliance with the License.
* A copy of the License is located at
*
* http://aws.amazon.com/apache2.0
*
* or in the "license" file accompanying this file. This file is distributed
* on an "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either
* express or implied. See the License for the specific language governing
* permissions and limitations under the License.
*/
#include <aws/datapipeline/model/AddTagsResult.h>
#include <aws/core/utils/json/JsonSerializer.h>
#include <aws/core/AmazonWebServiceResult.h>
#include <aws/core/utils/UnreferencedParam.h>
#include <utility>
using namespace Aws::DataPipeline::Model;
using namespace Aws::Utils::Json;
using namespace Aws::Utils;
using namespace Aws;
AddTagsResult::AddTagsResult()
{
}
AddTagsResult::AddTagsResult(const AmazonWebServiceResult<JsonValue>& result)
{
*this = result;
}
AddTagsResult& AddTagsResult::operator =(const AmazonWebServiceResult<JsonValue>& result)
{
AWS_UNREFERENCED_PARAM(result);
return *this;
}
| [
"[email protected]"
] | |
c5bf5d08d86a75308a2443a92939320a1eb40971 | 83c50b1726386354406f22950a071e60e92524d5 | /PolymorphismExample/PolymorphismExample.cpp | 4033a7858c09477e57b6b1f0cc9dd4541e2e9b07 | [] | no_license | thiessendg/PolymorphismExample | c9d9b70af2f7d05a839c37f46bd96fe8c2919c2d | 7c761fb68338fdfb7dc40ea890a620793acfda98 | refs/heads/master | 2020-03-07T20:07:03.771336 | 2018-06-25T15:14:25 | 2018-06-25T15:14:25 | 127,689,153 | 0 | 0 | null | null | null | null | UTF-8 | C++ | false | false | 1,285 | cpp | // PolymorphismExample.cpp : Defines the entry point for the console application.
//
#include "stdafx.h"
#include "Cat.h"
#include "Dog.h"
#include "Rabbit.h"
#include <memory>
void ShowOff(std::unique_ptr<Animal>& SomeAnimal);
int main()
{
//create my pets
Dog myDog;
Cat myCat;
Rabbit myRabbit;
//make a unique ptr of type animal to my dog
printf_s("Dog...");
std::unique_ptr<Animal> upMyPet(&myDog); //ptr to Animal abstract class set to address of myDog
upMyPet->speak();
upMyPet->showHappiness();
ShowOff(upMyPet);
upMyPet.release();
printf_s("Cat...");
upMyPet.reset(&myCat);
upMyPet->speak();
upMyPet->showHappiness();
ShowOff(upMyPet);
upMyPet.release();
printf_s("Rabbit...\n");
upMyPet.reset(&myRabbit);
upMyPet->speak();
upMyPet->showHappiness();
ShowOff(upMyPet);
upMyPet.release();
//old style
/*Animal *pMyNewPet = &myDog;
pMyNewPet->speak();
pMyNewPet->showHappiness();
pMyNewPet = nullptr;
pMyNewPet = &myCat;
pMyNewPet->speak();
pMyNewPet->showHappiness();
pMyNewPet = nullptr;
pMyNewPet = &myRabbit;
pMyNewPet->speak();
pMyNewPet->showHappiness();
pMyNewPet = nullptr;*/
return 0;
}
void ShowOff(std::unique_ptr<Animal>& SomeAnimal)
{
SomeAnimal->speak();
SomeAnimal->showHappiness();
}
| [
"[email protected]"
] | |
d6de8e241e92c50d1a5affe3461e6d8ab5e28878 | e72d4007fcedee47919dc9de03504a1c1853ea3b | /アップルティー、ストレートで!/アップルティー、ストレートで!/Texture/TexLoader.cpp | 38b7fb776abb04c646a4231a0100745d2c1f9bbe | [] | no_license | Sueyoshiii/100yen_Logic | 371f997d5648f1869ca45c60dca65d23e983a833 | cefe5d77e850b8688c4d6b74304b4d6d65b53d8b | refs/heads/master | 2020-05-20T18:23:06.897567 | 2019-08-08T10:11:08 | 2019-08-08T10:11:08 | 185,703,935 | 0 | 0 | null | null | null | null | SHIFT_JIS | C++ | false | false | 1,492 | cpp | #include "TexLoader.h"
#include "WICTextureLoader12.h"
#include "../Device/Device.h"
#include "../Helper/Helper.h"
#include "../etc/Release.h"
// コンストラクタ
TexLoader::TexLoader()
{
info.clear();
}
// デストラクタ
TexLoader::~TexLoader()
{
for (auto itr = info.begin(); itr != info.end(); ++itr)
{
Release(itr->second.rsc);
itr->second.decode.release();
}
}
// 読み込み
long TexLoader::Load(const std::string & fileName)
{
if (info.find(fileName) != info.end())
{
OutputDebugString(_T("\n読み込み済み\n"));
return S_FALSE;
}
auto path = help::ChangeWString(fileName);
info[fileName].sub = std::make_shared<D3D12_SUBRESOURCE_DATA>();
auto hr = DirectX::LoadWICTextureFromFile(Device::Get().GetDev(), path.c_str(), &info[fileName].rsc, info[fileName].decode, *info[fileName].sub);
if (FAILED(hr))
{
OutputDebugString(_T("\nテクスチャの読み込み:失敗\n"));
}
return hr;
}
// 削除
void TexLoader::Delete(const std::string & fileName)
{
if (info.find(fileName) != info.end())
{
Release(info[fileName].rsc);
info[fileName].decode.release();
info.erase(info.find(fileName));
}
}
// 画像の横幅の取得
unsigned int TexLoader::GetWidth(const std::string & fileName)
{
return static_cast<unsigned int>(info[fileName].rsc->GetDesc().Width);
}
// 画像の横幅の取得
unsigned int TexLoader::GetHeight(const std::string & fileName)
{
return static_cast<unsigned int>(info[fileName].rsc->GetDesc().Height);
}
| [
"[email protected]"
] | |
36d3f509980183b4e54d3f6da0ad0c588318a6af | 8a59dc760c737af5937fa6503717b47a3561f49d | /contest/2017-09-09-2017Urumuqi-Online/J.cpp | 378be42c445d81ad44703208feb2c4a5331ea2a1 | [] | no_license | KarlFreecss/LRBC | df3a54ce2c21cef47822be4cc078dc097275ff0f | d7ec13d60221b985a795913421d0e7aa387428fd | refs/heads/master | 2021-01-17T11:25:08.807296 | 2017-12-16T01:55:14 | 2017-12-16T01:55:14 | 84,033,557 | 4 | 0 | null | null | null | null | UTF-8 | C++ | false | false | 3,055 | cpp | #include <bits/stdc++.h>
using namespace std;
#define siz(x) ((int)(x).size())
#define all(x) (x).begin(),(x).end()
#define foreach(it,a) for(__typeof((a).begin()) it=(a).begin();it!=(a).end();it++)
#define rep(i,a,b) for (int i=(a),_ed=(b);i<_ed;i++)
#define per(i,a,b) for (int i=(b)-1,_ed=(a);i>=_ed;i--)
typedef long long ll;
typedef unsigned long long ull;
const int maxN = 40000+13;
const int maxM = 80000+13;
const ll inf = (1ll<<62) - 1;
struct Arc {
int dest;
ll cost;
int rest;
Arc *rev,*next;
Arc(){};
Arc(int dest,ll cost,int rest,Arc *next):
dest(dest),cost(cost),rest(rest),next(next){};
}Npool[maxM],*Nptr(Npool);
Arc *adj[maxN],*preE[maxN];
map<string,int> hs;
queue<int>q;
ll dis[maxN];
int preV[maxN];
ll mincost(0);
int maxflow(0);
int v[maxN],S,T,N,M;
inline void add_edge(int s, int t , int r, ll cost) {
adj[s]=new (Nptr++) Arc(t,cost,r,adj[s]);
adj[t]=new (Nptr++) Arc(s,-cost,0,adj[t]);
adj[s]->rev=adj[t];
adj[t]->rev=adj[s];
}
void init() {
hs.clear();
Nptr = Npool;
for(int i = 0; i <= 2*N + 13; i++) adj[i] = NULL;
}
bool spfa() {
for(int i = 0; i <= T; i++) dis[i] = inf;
memset(v,0,sizeof(v[0]) * (T+1));
while(!q.empty()) q.pop();
dis[S]=0; v[S]=1; q.push(S);
while(!q.empty()) {
int id=q.front();
q.pop(); v[id]=0;
for(Arc *p=adj[id];p;p=p->next) {
if(p->rest>0) {
ll temp=dis[id]+p->cost;
if(dis[p->dest]>temp) {
dis[p->dest]=temp;
preV[p->dest]=id; preE[p->dest]=p;
if(!v[p->dest]) v[p->dest]=1, q.push(p->dest);
}
}
}
}
return dis[T]!=inf;
}
void aug() {
int tflow=1;
for(int i=T;i!=S;i=preV[i]) {
preE[i]->rest-=tflow;
preE[i]->rev->rest+=tflow;
}
maxflow+=tflow;
mincost+=dis[T]*tflow;
return ;
}
void MinCostMaxFlow() {
maxflow = 0;
mincost = 0;
for(int i = 1; i <= 2; i++) {
if(spfa()) aug();
else return ;
}
return ;
}
char cs1[3000000], cs2[3000000];
int main() {
#ifndef ONLINE_JUDGE
freopen("J.in","r",stdin);
#endif
scanf("%d", &T);
rep(cas, 1, T+1) {
init();
scanf("%d", &M);
N = 0;
rep(i, 1, M+1) {
scanf("%s%s", cs1, cs2);
// cout << cs1 << ' ' << cs2 << endl;
string s1,s2;
s1 = cs1; s2 = cs2;
ll td; scanf("%lld", &td);
int t1, t2;
if(hs.find(s1) == hs.end()) {
++N;
hs[s1] = N;
t1 = N;
} else t1 = hs[s1];
if(hs.find(s2) == hs.end()) {
++N;
hs[s2] = N;
t2 = N;
} else t2 = hs[s2];
t1 = t1*2;
t2 = t2*2 - 1;
add_edge(t1, t2, 1, td);
t1 = t1-1;
t2 = t2+1;
add_edge(t2, t1, 1, td);
}
for(int i = 1; i <= N; i++) {
add_edge(i*2-1, i*2, 1, 0);
}
S = hs["Shanghai"];
S = S*2 - 1;
add_edge(S , S+1 , 1, 0);
T = N * 2 +1;
add_edge(hs["Xian"] * 2, T, 1, 0);
add_edge(hs["Dalian"] * 2, T, 1, 0);
MinCostMaxFlow();
if(maxflow != 2) {
printf("-1\n");
} else {
printf("%lld\n", mincost);
}
}
return 0;
}
| [
"[email protected]"
] | |
78f23d9d650c3e62d08d804fea963cc04c6fb8ce | 2bdc6656b5560457c90dde1bb520849fd178dc36 | /arduino-spi.cpp | a6119dca7431102d9a3304ed1aed9a86d1934db4 | [
"MIT"
] | permissive | nlitsme/arduino-simulator | 49c1e0e2467521ab61c2424e3b79e3e8f836ac25 | 43d2f21a818ea6db42a040e5090b285f916f9fec | refs/heads/master | 2023-03-04T11:01:45.145737 | 2023-02-17T19:29:53 | 2023-02-17T19:29:53 | 266,512,925 | 1 | 0 | null | null | null | null | UTF-8 | C++ | false | false | 224 | cpp | #include <SPI.h>
uint8_t SPIClass::interruptMask;
uint8_t SPIClass::interruptMode;
uint8_t SPIClass::interruptSave;
void SPIClass::end() { printf("SPIClass::end\n"); }
void SPIClass::begin() { printf("SPIClass::begin\n"); }
| [
"[email protected]"
] | |
898ae136e5126a31e766073982afe46f10d5dbd2 | 4f453382910b2ce86884a45aa1e568653531f5b7 | /CormanLispIDE/src/PageSetupDlg.cpp | b66aee5a581fa804b0c2137babf2667d358a89e7 | [
"MIT",
"Zlib"
] | permissive | navoj/cormanlisp | a981f928b51480a24755a9c8af67d3b11c922c7d | cbfe32700e9eab207859d73239199f3c2bd20151 | refs/heads/master | 2020-03-13T01:51:40.406171 | 2018-04-24T12:04:48 | 2018-04-24T12:12:14 | 130,912,911 | 1 | 0 | null | 2018-04-24T20:57:33 | 2018-04-24T20:57:33 | null | UTF-8 | C++ | false | false | 3,189 | cpp | // -------------------------------
// Copyright (c) Corman Technologies Inc.
// See LICENSE.txt for license information.
// -------------------------------
//
// File: PageSetupDlg.cpp
//
#include "stdafx.h"
#include "../resource.h"
#include "PageSetupDlg.h"
#include "helpids.h"
#include "CormanLisp.h"
#ifdef _DEBUG
#undef THIS_FILE
static char BASED_CODE THIS_FILE[] = __FILE__;
#endif
/////////////////////////////////////////////////////////////////////////////
// CPageSetupDlg dialog
const DWORD CPageSetupDlg::m_nHelpIDs[] =
{
IDC_EDIT_TM, IDH_CORMANLISP_TOPMARGIN,
IDC_EDIT_BM, IDH_CORMANLISP_BOTTOMMARGIN,
IDC_EDIT_LM, IDH_CORMANLISP_LEFTMARGIN,
IDC_EDIT_RM, IDH_CORMANLISP_RIGHTMARGIN,
IDC_BOX, IDH_COMM_GROUPBOX,
0, 0
};
CPageSetupDlg::CPageSetupDlg(CWnd* pParent /*=NULL*/)
: CCSDialog(CPageSetupDlg::IDD, pParent)
{
//{{AFX_DATA_INIT(CPageSetupDlg)
m_nTopMargin = 0;
m_nRightMargin = 0;
m_nLeftMargin = 0;
m_nBottomMargin = 0;
//}}AFX_DATA_INIT
}
void CPageSetupDlg::DoDataExchange(CDataExchange* pDX)
{
CCSDialog::DoDataExchange(pDX);
//{{AFX_DATA_MAP(CPageSetupDlg)
DDX_Twips(pDX, IDC_EDIT_TM, m_nTopMargin);
DDV_MinMaxTwips(pDX, m_nTopMargin, -31680, 31680);
DDX_Twips(pDX, IDC_EDIT_RM, m_nRightMargin);
DDV_MinMaxTwips(pDX, m_nRightMargin, -31680, 31680);
DDX_Twips(pDX, IDC_EDIT_LM, m_nLeftMargin);
DDV_MinMaxTwips(pDX, m_nLeftMargin, -31680, 31680);
DDX_Twips(pDX, IDC_EDIT_BM, m_nBottomMargin);
DDV_MinMaxTwips(pDX, m_nBottomMargin, -31680, 31680);
//}}AFX_DATA_MAP
}
BEGIN_MESSAGE_MAP(CPageSetupDlg, CCSDialog)
//{{AFX_MSG_MAP(CPageSetupDlg)
//}}AFX_MSG_MAP
END_MESSAGE_MAP()
// this routine prints a floatingpoint number with 2 digits after the decimal
void PASCAL DDX_Twips(CDataExchange* pDX, int nIDC, int& value)
{
HWND hWndCtrl = pDX->PrepareEditCtrl(nIDC);
TCHAR szT[64];
if (pDX->m_bSaveAndValidate)
{
::GetWindowText(hWndCtrl, szT, sizeof(szT));
if (szT[0] != NULL) // not empty
{
if (!theApp.ParseMeasurement(szT, value))
{
AfxMessageBox(IDS_INVALID_MEASUREMENT,MB_OK|MB_ICONINFORMATION);
pDX->Fail(); // throws exception
}
theApp.PrintTwips(szT, value, 2);
theApp.ParseMeasurement(szT, value);
}
else // empty
value = INT_MAX;
}
else
{
// convert from twips to default units
if (value != INT_MAX)
{
theApp.PrintTwips(szT, value, 2);
SetWindowText(hWndCtrl, szT);
}
}
}
void PASCAL DDV_MinMaxTwips(CDataExchange* pDX, int value, int minVal, int maxVal)
{
ASSERT(minVal <= maxVal);
if (value < minVal || value > maxVal)
{
// "The measurement must be between %1 and %2."
if (!pDX->m_bSaveAndValidate)
{
TRACE0("Warning: initial dialog data is out of range.\n");
return; // don't stop now
}
TCHAR szMin[32];
TCHAR szMax[32];
theApp.PrintTwips(szMin, minVal, 2);
theApp.PrintTwips(szMax, maxVal, 2);
CString prompt;
AfxFormatString2(prompt, IDS_MEASUREMENT_RANGE, szMin, szMax);
AfxMessageBox(prompt, MB_ICONEXCLAMATION, AFX_IDS_APP_TITLE);
prompt.Empty(); // exception prep
pDX->Fail();
}
}
| [
"[email protected]"
] | |
f9f611f597b034763770401af8f424ca8352d0b1 | 6da5a62d0c967f33de04620eba9879a628575734 | /include/cxx_plugins/list.hpp | 1e6b74f3624e018bd5ab77c0df678fd874eae883 | [
"MIT"
] | permissive | Spaghetti-Software/cxx_plugins | 415ad5e1364cc9e21705ce4d1ba44d2a4f257cff | e679ef19079d4b9e3fcf26d1422f690b1cf1ebcb | refs/heads/master | 2023-01-04T04:42:12.628977 | 2020-10-22T00:17:37 | 2020-10-22T00:17:37 | 261,394,132 | 0 | 0 | MIT | 2020-09-13T20:47:27 | 2020-05-05T07:56:06 | C++ | UTF-8 | C++ | false | false | 788 | hpp | /*************************************************************************************************
* Copyright (C) 2020 by Andrey Ponomarev
* This file is part of ECSFramework project.
* License is available at
* https://gitlab.com/andrey.ponomarev.1408/ecsframework
*************************************************************************************************/
/*!
* \file list.hpp
* \author Andrey Ponomarev
* \date 07 Sep 2020
* \brief
* Contains alias for std::list with our PolymorphicAllocator
*/
#pragma once
#include "cxx_plugins/polymorphic_allocator.hpp"
#include <list>
namespace plugins {
template <typename T, typename Allocator = PolymorphicAllocator<T>>
//! \brief Alias for std::list
using List = std::list<T, Allocator>;
} // namespace plugins
| [
"[email protected]"
] | |
d1d06a67e8291d06e411731d452c42b5a89bf812 | 373c0f89e37754b62a56feb46802cc68842a67df | /soundlayer.h | 709b99cad0bec4a015320bbecbb4eaa72c1d0210 | [
"Unlicense"
] | permissive | walkerka/anim_builder | 06608eb7251ed525227af5227de55affb8d75fcd | 4bdd89e2402a58c6f6083935e81a45edf6f52c9b | refs/heads/master | 2021-01-18T22:48:39.250600 | 2016-07-02T01:37:45 | 2016-07-02T01:37:45 | 27,432,457 | 3 | 0 | null | null | null | null | UTF-8 | C++ | false | false | 1,271 | h | #ifndef SOUNDLAYER_H
#define SOUNDLAYER_H
#include "layer.h"
#include <QWidget>
class Timeline;
class WavFile;
class SoundLayer : public Layer
{
Q_OBJECT
public:
explicit SoundLayer(Timeline* timeline, QWidget *parent = 0);
virtual ~SoundLayer();
LayerType GetType() { return LayerTypeSound; }
void SetSelected(bool selected);
QImage* GetImage(int frameIndex) { return NULL; }
int GetMaxFrames() { return 0; }
signals:
public slots:
void Load(const QString& path);
// QWidget interface
public:
QSize sizeHint() const;
QSize minimumSizeHint() const;
protected:
void mousePressEvent(QMouseEvent *);
void mouseReleaseEvent(QMouseEvent *);
void mouseMoveEvent(QMouseEvent *);
void paintEvent(QPaintEvent *);
private:
Timeline* mTimeline;
WavFile* mFile;
QImage* mWaveForm;
int mOffset;
bool mSelected;
// Layer interface
public:
void OnFrameChanged(int frameIndex);
// Layer interface
public:
bool IsOnionEnabled();
void EnableOnion(bool enable);
unsigned char GetOpacity();
void SetOpacity(unsigned char value);
bool IsEnabled();
void Enable(bool enable);
// Layer interface
public:
QWidget *GetPropertyWindow();
};
#endif // SOUNDLAYER_H
| [
"[email protected]"
] | |
820a54a8b8f7a46720434e2168a7824a0a0332fb | aeb60a81cf5ef9c9340405a5661d5191f199d629 | /Pizza-16.26/src/models/OrderModel.cpp | c218b8c042eeb116eda19e15292d8e967702f3cb | [] | no_license | sjofno17/Turtles-Pizzaria | 66926b0aab9ffecc9315aa38d5e253f679620e6c | 4a375f21871c0bfd9b1143edef3d07461fe5f8ca | refs/heads/master | 2021-08-30T02:28:59.772064 | 2017-12-15T18:10:29 | 2017-12-15T18:10:29 | 112,354,614 | 1 | 0 | null | null | null | null | UTF-8 | C++ | false | false | 1,257 | cpp | #include "OrderModel.h"
OrderModel::OrderModel()
{
}
void OrderModel::addTopping(ToppingsModel topping)
{
toppingsVec.push_back(topping);
}
void OrderModel::write(ofstream& fout) const
{
int toppingCount = toppingsVec.size();
fout.write((char*)(&toppingCount), sizeof(int));
for(int i = 0; i < toppingCount; i++)
{
toppingsVec[i].write(fout);
}
}
void OrderModel::read(ifstream& fin)
{
int toppingCount;
fin.read((char*)(&toppingCount), sizeof(int));
ToppingsModel topping;
for(int i = 0; i < toppingCount; i++)
{
topping.read(fin);
addTopping(topping);
}
}
istream& operator >>(istream& in, OrderModel& order)
{
int toppingCount;
in >> toppingCount;
ToppingsModel topping;
for(unsigned int i = 0; i < order.toppingsVec.size(); i++)
{
in >> topping;
order.addTopping(topping);
}
return in;
}
ostream& operator <<(ostream& out, const OrderModel& order)
{
out << "Crust and size of pizza: " << endl;
out << order.sizeCrustVec.size() << endl;
out << "Pizza with toppings: " << endl;
for(unsigned int i = 0; i < order.toppingsVec.size(); i++)
{
out << order.toppingsVec[i] << endl;
}
return out;
}
| [
"[email protected]"
] | |
2fd8a3147ce617bd55ec5c5232b4b4d621df4e68 | af74297e313359aabe9a8a5205fee2e79fb0ace7 | /root_macros/dbg_lib.cc | 136cca6bbebfa82061c8891d5c3c66f89719c967 | [] | no_license | Cameron-Simpson-Allsop/ALiBaVa_Analysis_GUI | 394889bd917bb9fe5fad9c8a63be52b096f82a20 | 48f8ad8d1594f2597f4f763a71b4830ef6495f53 | refs/heads/master | 2020-06-20T16:47:49.253501 | 2019-07-16T11:44:20 | 2019-07-16T11:44:20 | 197,182,939 | 0 | 0 | null | null | null | null | UTF-8 | C++ | false | false | 390 | cc | /*
* dbg_lib.cc
*
* Created on: Nov 19, 2010
* Author: lacasta
*/
#include <iostream>
#include "HDFRoot.h"
int main(int argc, char **argv)
{
HDFRoot *A = new HDFRoot("data.h5");
if (!A->valid())
{
std::cout << "Could not open file" << std::endl;
}
while (!A->read_event())
{
A->process_event(false);
}
delete A;
return 0;
}
| [
"[email protected]"
] | |
2fa732974e72acecf6bef98b0196ce3d94448fd0 | 81de1f1f62154bcb59cbf3e40e1998f74c46d35f | /EX3/WorldServer/IRCBot/IRCBot.cpp | bdc2d10f9fa8ffbc8d26a4a7a85871e5a86094dc | [] | no_license | M4th3m4tic4l/wow-emulator-archive | 872ea550524821e52568c1bf3e3fe3d5b0b32c6c | 75caaf4f5958dca3de6a4f35a1a54d5ee47a82e6 | refs/heads/master | 2023-07-29T09:06:17.391951 | 2021-09-16T12:35:29 | 2021-09-16T12:35:29 | null | 0 | 0 | null | null | null | null | UTF-8 | C++ | false | false | 8,096 | cpp | // (c) AbyssX Group
#include "../WorldEnvironment.h"
#ifdef IRCBOT
IRCBot::IRCBot()
{
mServer = NULL;
mClient = NULL;
}
IRCBot::~IRCBot()
{
}
bool IRCBot::LoadConfig(void)
{
ConfigCursor cfg = Config::GetSingleton().Cursor();
if (!cfg.Find("WorldServer") || !cfg.FindIn("BotNick"))
{
fprintf(stderr, "No configured BotNick for WorldServer\n");
return false;
}
mNick = cfg[0];
cfg.Reset();
if (!cfg.Find("WorldServer") || !cfg.FindIn("BotChannel"))
{
fprintf(stderr, "No configured BotChannel for WorldServer\n");
return false;
}
mChannel = "#";
mChannel += cfg[0];
cfg.Reset();
if (!cfg.Find("WorldServer") || !cfg.FindIn("BotPassword"))
{
fprintf(stderr, "No configured BotPassword for WorldServer\n");
return false;
}
mNickServPass = cfg[0];
return true;
}
void IRCBot::Connected(Server *server, Client *client)
{
char buf[32];
char buffer[255];
mServer = server;
mClient = client;
sprintf(buf, "IDENTIFY %s", mNickServPass.c_str());
Send("NICK", mNick.c_str(), NULL);
Send("USER", mNick.c_str(), "|", "|", "[EX3 Server BOT]", NULL);
Send("PRIVMSG", "NickServ", buf, NULL);
Send("JOIN", mChannel.c_str(), NULL);
sprintf(buffer,"[ EX3 ] Online! IP: %s:%d",
WorldServer::GetSingleton().LIP,WorldServer::GetSingleton().LPort);
Send("PRIVMSG", mChannel.c_str(), buffer, NULL);
}
void IRCBot::Disconnected(void)
{
mServer = NULL;
mClient = NULL;
}
void IRCBot::DataRecvd(void)
{
string commandline;
unsigned int i;
for (i = 0; i < mClient->GetInBuffer().length(); i++)
{
// If we hit CRLF
if (mClient->GetInBuffer().at(i) == 0x0D)
{
if (i+1 < mClient->GetInBuffer().length())
{
if (mClient->GetInBuffer().at(i+1) == 0x0A)
{
// Then break
break;
}
}
}
// Else add to our line
commandline += mClient->GetInBuffer().at(i);
}
// Did we end up getting a whole command?
if (i < mClient->GetInBuffer().length())
{
// erase the data we've read from the in buffer
mClient->GetInBuffer() = mClient->GetInBuffer().substr(i + 2);
CommandRecvd(commandline);
// Sine we may have more commands, call ourselves again
DataRecvd();
}
}
void IRCBot::CommandRecvd(string command)
{
string prefix;
string nick;
string cmd;
vector<string> params;
if (command[0] == ':')
{
// This command has a prefix - extract it
prefix = command.substr(1, command.find_first_of(' ') - 1);
command = command.substr(command.find_first_of(' ') + 1);
}
// Parse the prefix
if (prefix.find_first_of('!') != string::npos)
{
nick = prefix.substr(0, prefix.find_first_of('!'));
}
else
nick = prefix;
// Parse the command
if (command.find_first_of(' ') != string::npos)
{
// A command with arguments
// Extract the command
cmd = command.substr(0, command.find_first_of(' '));
command = command.substr(command.find_first_of(' ') + 1);
// extract the params
while (true)
{
if (command[0] == ':')
{
// Last param, rest of string is param
params.push_back(command.substr(1));
break;
}
else
{
// If string is empty, we go tno more params
if (command.empty())
break;
// If there are no more spaces, we've got the last param now
if (command.find_first_of(' ') == string::npos)
{
params.push_back(command);
break;
}
// Otherwise, just snatch the next command
params.push_back(command.substr(0, command.find_first_of(' ')));
command = command.substr(command.find_first_of(' ') + 1);
}
}
}
else
{
// A command without arguments
cmd = command;
}
HandleCommand(nick, cmd, params);
}
void IRCBot::HandleCommand(string nick, string command, vector<string> params)
{
vector<string>::iterator it;
LogManager::GetSingleton().Log("Bot.log", "Nick: '%s'\n", nick.c_str());
LogManager::GetSingleton().Log("Bot.log", "Command: '%s'\n", command.c_str());
for (it = params.begin(); it != params.end(); it++)
LogManager::GetSingleton().Log("Bot.log", "Param: '%s'\n", (*it).c_str());
if (command == "PING")
Send("PONG", params[0].c_str(), NULL);
if (command == "PRIVMSG")
{
vector<string> cmdparts;
while (true)
{
if (params[1].find_first_of(' ') == string::npos)
{
cmdparts.push_back(params[1]);
break;
}
cmdparts.push_back(params[1].substr(0, params[1].find_first_of(' ')));
params[1] = params[1].substr(params[1].find_first_of(' ') + 1);
}
if (stricmp(cmdparts[0].c_str(), "!help") == 0)
{
Send("PRIVMSG", nick.c_str(), "IRC Help:", NULL);
Send("PRIVMSG", nick.c_str(), "-------------------------------------------", NULL);
Send("PRIVMSG", nick.c_str(), "!stats -> Server info", NULL);
Send("PRIVMSG", nick.c_str(), "!talk -> to talk to people in the Server", NULL);
Send("PRIVMSG", nick.c_str(), "!auth <pass> -> gives you IRC Admin.", NULL);
if(mUserModes[nick] == 0x01) {
Send("PRIVMSG", nick.c_str(), "Admin Commands: ", NULL);
Send("PRIVMSG", nick.c_str(), "!quit -> Makes the bot Quit irc.", NULL);
}
Send("PRIVMSG", nick.c_str(), "-------------------------------------------", NULL);
}
if (stricmp(cmdparts[0].c_str(), "!quit") == 0 && mUserModes[nick] == 0x01)
{
Send("QUIT", " ", NULL);
}
if (stricmp(cmdparts[0].c_str(), "!stats") == 0)
{
char buf[128];
sprintf(buf, "[ EX3 ] Online!: %d player(s) is/are playing ",
PlayersHandler::GetSingleton().NumberPlayers());
Send("PRIVMSG", nick.c_str(), buf, NULL);
sprintf(buf, "[ EX3 ] Online!: %d of then %s ",
PlayersHandler::GetSingleton().NumberGMs(),
PlayersHandler::GetSingleton().NumberGMs() == 1 ? "is a GM." : "are GMs");
Send("PRIVMSG", nick.c_str(), buf, NULL);
sprintf(buf, "[ EX3 ] Online!: realmlist %s:%d ",
WorldServer::GetSingleton().LIP,
WorldServer::GetSingleton().LPort);
Send("PRIVMSG", nick.c_str(), buf, NULL);
//Send("PRIVMSG", stricmp(params[0].c_str(), mChannel.c_str()) == 0 ?
// mChannel.c_str() : nick.c_str(), buf, NULL);
}
if (stricmp(cmdparts[0].c_str(), "!talk") == 0)
{
char buf[512];
memset(buf,0x00,512);
char* bufptr = buf;
bufptr += sprintf(bufptr,"[%s] <%s>",mChannel.c_str(),nick.c_str());
for (DoubleWord i = 1; i < cmdparts.size(); i++)
{
bufptr += sprintf(bufptr," %s", cmdparts[i].c_str());
}
WorldServer::GetSingleton().IRCTOWOW(buf);
}
if (stricmp(cmdparts[0].c_str(), "!auth") == 0)
{
if (cmdparts.size() > 1 && cmdparts[1] == "ircadmin")
{
char buf[1024];
sprintf(buf, "You are now authorized, %s", nick.c_str());
Send("PRIVMSG", stricmp(params[0].c_str(), mChannel.c_str()) == 0 ?
mChannel.c_str() : nick.c_str(), buf, NULL);
mUserModes[nick] |= MODE_ADMIN;
}
}
}
}
void IRCBot::Send(const char *cmd, ...)
{
va_list args;
char *arg;
char *nextarg;
va_start(args, cmd);
mServer->WriteData(mClient, (Byte *)cmd, (DoubleWord)strlen(cmd));
nextarg = va_arg(args, char *);
while (nextarg)
{
arg = nextarg;
nextarg = va_arg(args, char *);
if (!nextarg)
{
mServer->WriteData(mClient, (Byte)' ');
mServer->WriteData(mClient, (Byte)':');
mServer->WriteData(mClient, (Byte *)arg, (DoubleWord)strlen(arg));
}
else
{
mServer->WriteData(mClient, (Byte)' ');
mServer->WriteData(mClient, (Byte *)arg, (DoubleWord)strlen(arg));
}
}
mServer->WriteData(mClient, 0x0D);
mServer->WriteData(mClient, 0x0A);
va_end(args);
}
void IRCBot::Announce(const char *txt)
{
char buf[1024*6];
sprintf(buf, "Server Announcement: %s", txt);
if(mServer)
if(mClient)
Send("PRIVMSG", mChannel.c_str(), buf, NULL);
}
void IRCBot::Yell(const char *who, const char *txt)
{
char buf[1024*6];
sprintf(buf, "%s yells: %s", who, txt);
if(mServer)
if(mClient)
Send("PRIVMSG", mChannel.c_str(), buf, NULL);
}
#endif | [
"[email protected]"
] | |
b9279bad0ff6e9fccbd40c237a6c9a4ea6aaa475 | 299648a8c633728662d0b7651cd98afdc28db902 | /src/thirdparty/cef_binary_78/libcef_dll/ctocpp/auth_callback_ctocpp.h | 8a3427105e8b9e9076812e9d138dabc037d63b2d | [
"BSD-3-Clause",
"LicenseRef-scancode-unknown"
] | permissive | aardvarkxr/aardvark | 2978277b34c2c3894d6aafc4c590f3bda50f4d43 | 300d0d5e9b872ed839fae932c56eff566967d24b | refs/heads/master | 2023-01-12T18:42:10.705028 | 2021-08-18T04:09:02 | 2021-08-18T04:09:02 | 182,431,653 | 183 | 25 | BSD-3-Clause | 2023-01-07T12:42:14 | 2019-04-20T16:55:30 | TypeScript | UTF-8 | C++ | false | false | 1,541 | h | // Copyright (c) 2019 The Chromium Embedded Framework Authors. All rights
// reserved. Use of this source code is governed by a BSD-style license that
// can be found in the LICENSE file.
//
// ---------------------------------------------------------------------------
//
// This file was generated by the CEF translator tool. If making changes by
// hand only do so within the body of existing method and function
// implementations. See the translator.README.txt file in the tools directory
// for more information.
//
// $hash=ca26d7e60607694cebfb782181d7955f6fdec961$
//
#ifndef CEF_LIBCEF_DLL_CTOCPP_AUTH_CALLBACK_CTOCPP_H_
#define CEF_LIBCEF_DLL_CTOCPP_AUTH_CALLBACK_CTOCPP_H_
#pragma once
#if !defined(WRAPPING_CEF_SHARED)
#error This file can be included wrapper-side only
#endif
#include "include/capi/cef_auth_callback_capi.h"
#include "include/cef_auth_callback.h"
#include "libcef_dll/ctocpp/ctocpp_ref_counted.h"
// Wrap a C structure with a C++ class.
// This class may be instantiated and accessed wrapper-side only.
class CefAuthCallbackCToCpp : public CefCToCppRefCounted<CefAuthCallbackCToCpp,
CefAuthCallback,
cef_auth_callback_t> {
public:
CefAuthCallbackCToCpp();
virtual ~CefAuthCallbackCToCpp();
// CefAuthCallback methods.
void Continue(const CefString& username, const CefString& password) OVERRIDE;
void Cancel() OVERRIDE;
};
#endif // CEF_LIBCEF_DLL_CTOCPP_AUTH_CALLBACK_CTOCPP_H_
| [
"[email protected]"
] | |
bdec15e8a2efa364eeec2524dccc307a9975be4a | b4f7b7d92ef57ac42fc11b49197a60499f0f8e6f | /src/elements/element.cpp | 6c83e2f8db45d9c7edd99ea364b375a865f10d5e | [] | no_license | brownjustinmichael/pisces | f440f0a5b9653a6bda87b076c0de87d974a17068 | fa6845eb2733ff1e7b7701d75f828bad92fdd8e5 | refs/heads/master | 2021-01-18T00:20:04.122777 | 2015-12-17T02:40:45 | 2015-12-17T02:40:45 | 25,179,779 | 1 | 0 | null | null | null | null | UTF-8 | C++ | false | false | 6,864 | cpp | /*!***********************************************************************
* \file element.cpp
* Spectral Element
*
* Created by Justin Brown on 2013-04-19.
* Copyright 2013 Justin Brown. All rights reserved.
************************************************************************/
#include "element.hpp"
#include <cassert>
#include "logger/logger.hpp"
#include "linalg/utils.hpp"
#include <omp.h>
#include <yaml-cpp/yaml.h>
#include "linalg/exceptions.hpp"
#include "data/data.hpp"
#include "rezone.hpp"
#include <ctime>
#include <chrono>
/*!**********************************************************************
* \brief Time a function call
************************************************************************/
#define TIME(call,cputime,duration) cbegin=clock(); tbegin=std::chrono::system_clock::now(); call; cend=clock(); tend=std::chrono::system_clock::now(); cputime+=((double) (cend - cbegin))/CLOCKS_PER_SEC; duration+=tend-tbegin;
namespace pisces
{
void element::run (int &n_steps) {
TRACE ("Running...");
double t_timestep;
// Define the variables to use in timing the execution of the run
clock_t cbegin, cend;
std::chrono::time_point <std::chrono::system_clock> tbegin, tend;
double transform_time = 0.0, execution_time = 0.0, solve_time = 0.0, factorize_time = 0.0, output_time = 0.0, timestep_time = 0.0;
std::chrono::duration <double> transform_duration = std::chrono::duration <double>::zero (), execution_duration = std::chrono::duration <double>::zero (), solve_duration = std::chrono::duration <double>::zero (), factorize_duration = std::chrono::duration <double>::zero (), output_duration = std::chrono::duration <double>::zero (), timestep_duration = std::chrono::duration <double>::zero ();
data.add_stream_attribute("version", version());
data.add_stream_attribute("element", class_name());
data.add_stream_attribute("pid", std::to_string ((long long int) messenger_ptr->get_id()));
data.add_stream_attribute("np", std::to_string ((long long int) messenger_ptr->get_np()));
t_timestep = calculate_min_timestep ();
messenger_ptr->min (&t_timestep);
for (data::data::iterator iter = data.begin (); iter != data.end (); ++iter) {
if (data.transformers [*iter]) data.transformers [*iter]->update ();
}
// Set up openmp to run multiple plans simultaneously
omp_set_nested (true);
int threads = params.get <int> ("parallel.maxthreads");
std::stringstream debug;
double stop = params ["time.stop"].as <double> ();
int max_steps = params.get <int> ("time.steps");
int check_every = params.get <int> ("grid.rezone.check_every");
// Iterate through the total number of timesteps
while (n_steps < max_steps && check_every != 0 && duration < stop) {
data.n_steps = n_steps;
data.reset ();
INFO ("Timestep: " << n_steps);
TIME (
data.output ();
, output_time, output_duration);
TRACE ("Executing plans...");
TIME (
for (iterator iter = begin (); iter != end (); iter++) {
equations [*iter]->execute_plans ();
}
, execution_time, execution_duration);
TIME (
t_timestep = calculate_min_timestep ();
messenger_ptr->min (&t_timestep);
, timestep_time, timestep_duration);
// Factorize the matrices
TIME (
factorize ();
, factorize_time, factorize_duration);
INFO ("TOTAL TIME: " << duration);
if (t_timestep + duration > stop) t_timestep = stop - duration;
if (t_timestep != timestep) {
for (std::vector <std::string>::iterator iter = data.begin (); iter != data.end (); iter++) {
data [*iter].component_flags &= ~plans::solvers::factorized;
}
INFO ("Updating timestep: " << t_timestep);
}
timestep = t_timestep;
TIME (
solve ();
, solve_time, solve_duration);
// Check whether the timestep has changed. If it has, mark all equations to be refactorized.
duration += timestep;
TRACE ("Update complete");
++n_steps;
--check_every;
}
INFO ("Profiling Factorize: CPU Time: " << factorize_time << " Wall Time: " << (double) factorize_duration.count () << " Efficiency: " << factorize_time / (double) factorize_duration.count () / omp_get_max_threads () * 100. << "%");
INFO ("Profiling Transform: CPU Time: " << transform_time << " Wall Time: " << (double) transform_duration.count () << " Efficiency: " << transform_time / (double) transform_duration.count () / omp_get_max_threads () * 100. << "%");
INFO ("Profiling Execute: CPU Time: " << execution_time << " Wall Time: " << (double) execution_duration.count () << " Efficiency: " << execution_time / (double) execution_duration.count () / omp_get_max_threads () * 100. << "%");
INFO ("Profiling Timestep: CPU Time: " << timestep_time << " Wall Time: " << (double) timestep_duration.count () << " Efficiency: " << timestep_time / (double) timestep_duration.count () / omp_get_max_threads () * 100. << "%");
INFO ("Profiling Solve: CPU Time: " << solve_time << " Wall Time: " << (double) solve_duration.count () << " Efficiency: " << solve_time / (double) solve_duration.count () / omp_get_max_threads () * 100. << "%");
INFO ("Profiling Output: CPU Time: " << output_time << " Wall Time: " << (double) output_duration.count () << " Efficiency: " << output_time / (double) output_duration.count () / omp_get_max_threads () * 100. << "%");
INFO ("Max Threads = " << threads << " of " << omp_get_max_threads ());
}
formats::virtual_file *element::rezone_minimize_ts (double *positions, double min_size, double max_size, int n_tries, int iters_fixed_t, double step_size, double k, double t_initial, double mu_t, double t_min, double (*function) (element *, formats::virtual_file *)) {
TRACE ("Rezoning...");
rezone_virtual_file = make_virtual_file (profile_only | timestep_only);
rezone_data data;
data.element_ptr = this;
data.id = messenger_ptr->get_id ();
data.np = messenger_ptr->get_np ();
data.merit_func = function;
data.min_size = min_size;
data.max_size = max_size;
get_zoning_positions (data.positions);
double original = rezone_data::func (&data);
gsl_siman_params_t params = {n_tries, iters_fixed_t, step_size, k, t_initial, mu_t, t_min};
const gsl_rng_type * T;
gsl_rng * r;
gsl_rng_env_setup();
T = gsl_rng_default;
r = gsl_rng_alloc(T);
gsl_siman_solve(r, &data, rezone_data::func, rezone_data::rezone_generate_step, rezone_data::rezone_step_size, NULL, NULL, NULL, NULL, sizeof (rezone_data), params);
gsl_rng_free (r);
double value = rezone_data::func (&data);
DEBUG ("Old: " << original << " New: " << value);
if (value < original * (original < 0. ? 1. / rezone_mult : rezone_mult)) {
for (int i = 0; i < data.np + 1; ++i) {
positions [i] = data.positions [i];
}
return make_rezoned_virtual_file (data.positions, make_virtual_file ());
}
return NULL;
}
} /* pisces */ | [
"[email protected]"
] | |
9af5343f03a118d46588fa59315cfa02d6a4d0cc | c53979c5295c6e09253dda5a75eb77d691572e81 | /live_preview/frame_renderer.cpp | 8d8dd130f70ec172e3aa4a08b3e0cc5e1a945fd9 | [
"MIT"
] | permissive | simontreny/elgato-live-preview | 734d076514565957e69da84ed12bb89f5bdbf077 | c9812235fcb2da7995ae8821cb372eae07dc1bad | refs/heads/master | 2021-01-01T17:02:31.465661 | 2018-05-09T21:24:57 | 2018-05-09T21:24:57 | 97,982,045 | 17 | 2 | MIT | 2019-01-22T13:09:30 | 2017-07-21T19:54:49 | C | UTF-8 | C++ | false | false | 4,945 | cpp | #include "frame_renderer.h"
#include <cassert>
FrameRenderer::FrameRenderer(int frameWidth, int frameHeight, int colorspace)
: m_frameWidth(frameWidth)
, m_frameHeight(frameHeight)
, m_colorspace(colorspace) {
this->createQuad(frameWidth, frameHeight, colorspace);
this->createTextures(frameWidth, frameHeight, colorspace);
}
FrameRenderer::~FrameRenderer() {
glDeleteTextures(1, &m_uyvyTexture);
glDeleteTextures(YUV_NUM_PLANES, m_yuvPlanarTextures);
}
void FrameRenderer::render(const Frame& frame) {
assert(frame.width == m_frameWidth);
assert(frame.height == m_frameHeight);
assert(frame.colorspace == m_colorspace);
this->updateTextures(frame);
m_quad->bind();
if (m_colorspace == YUV420P) {
for (int i = 0; i < YUV_NUM_PLANES; i++) {
glActiveTexture(GL_TEXTURE0 + i);
glBindTexture(GL_TEXTURE_2D, m_yuvPlanarTextures[i]);
}
glUniform1i(m_quad->getShaderProgram()->getUniformLocation("yTex"), 0);
glUniform1i(m_quad->getShaderProgram()->getUniformLocation("uTex"), 1);
glUniform1i(m_quad->getShaderProgram()->getUniformLocation("vTex"), 2);
}
if (m_colorspace == UYVY422) {
glActiveTexture(GL_TEXTURE0);
glBindTexture(GL_TEXTURE_2D, m_uyvyTexture);
glUniform1i(m_quad->getShaderProgram()->getUniformLocation("uyvyTex"), 0);
}
m_quad->draw();
}
void FrameRenderer::createQuad(int frameWidth, int frameHeight, int colorspace) {
switch (colorspace) {
case YUV420P:
m_quad = std::make_shared<ScreenAlignedQuad>(Shader::fromFile(GL_FRAGMENT_SHADER, "shaders/yuvPlanarToRgb.glsl"));
break;
case UYVY422:
m_quad = std::make_shared<ScreenAlignedQuad>(Shader::fromFile(GL_FRAGMENT_SHADER, "shaders/uyvyToRgb.glsl"));
break;
default:
assert(false);
}
}
void FrameRenderer::createTextures(int frameWidth, int frameHeight, int colorspace) {
if (colorspace == YUV420P) {
glGenTextures(YUV_NUM_PLANES, m_yuvPlanarTextures);
for (int planeIndex = 0; planeIndex < YUV_NUM_PLANES; planeIndex++) {
int textureWidth, textureHeight;
this->getPlanarTextureSize(planeIndex, frameWidth, frameHeight, &textureWidth, &textureHeight);
glBindTexture(GL_TEXTURE_2D, m_yuvPlanarTextures[planeIndex]);
glTexImage2D(GL_TEXTURE_2D, 0, GL_RED, textureWidth, textureHeight, 0, GL_RED, GL_UNSIGNED_BYTE, NULL);
glTexParameteri(GL_TEXTURE_2D, GL_TEXTURE_MIN_FILTER, GL_LINEAR);
glTexParameteri(GL_TEXTURE_2D, GL_TEXTURE_MAG_FILTER, GL_LINEAR);
glTexParameteri(GL_TEXTURE_2D, GL_TEXTURE_WRAP_S, GL_CLAMP_TO_EDGE);
glTexParameteri(GL_TEXTURE_2D, GL_TEXTURE_WRAP_T, GL_CLAMP_TO_EDGE);
}
}
if (colorspace == UYVY422) {
int textureWidth, textureHeight;
this->getUyvyTextureSize(frameWidth, frameHeight, &textureWidth, &textureHeight);
glGenTextures(1, &m_uyvyTexture);
glBindTexture(GL_TEXTURE_2D, m_uyvyTexture);
glTexImage2D(GL_TEXTURE_2D, 0, GL_RGBA, textureWidth, textureHeight, 0, GL_RGBA, GL_UNSIGNED_BYTE, NULL);
glTexParameteri(GL_TEXTURE_2D, GL_TEXTURE_MIN_FILTER, GL_NEAREST);
glTexParameteri(GL_TEXTURE_2D, GL_TEXTURE_MAG_FILTER, GL_NEAREST);
glTexParameteri(GL_TEXTURE_2D, GL_TEXTURE_WRAP_S, GL_CLAMP_TO_EDGE);
glTexParameteri(GL_TEXTURE_2D, GL_TEXTURE_WRAP_T, GL_CLAMP_TO_EDGE);
}
}
void FrameRenderer::updateTextures(const Frame& frame) {
if (m_colorspace == YUV420P) {
int planeOffset = 0;
for (int i = 0; i < YUV_NUM_PLANES; i++) {
int textureWidth, textureHeight;
getPlanarTextureSize(i, frame.width, frame.height, &textureWidth, &textureHeight);
glBindTexture(GL_TEXTURE_2D, m_yuvPlanarTextures[i]);
glTexSubImage2D(GL_TEXTURE_2D, 0, 0, 0, textureWidth, textureHeight, GL_RED, GL_UNSIGNED_BYTE, frame.pixels->data() + planeOffset);
planeOffset += textureWidth * textureHeight;
}
}
if (m_colorspace == UYVY422) {
int textureWidth, textureHeight;
getUyvyTextureSize(frame.width, frame.height, &textureWidth, &textureHeight);
glBindTexture(GL_TEXTURE_2D, m_uyvyTexture);
glTexSubImage2D(GL_TEXTURE_2D, 0, 0, 0, textureWidth, textureHeight, GL_RGBA, GL_UNSIGNED_BYTE, frame.pixels->data());
}
}
void FrameRenderer::getUyvyTextureSize(int frameWidth, int frameHeight, int *textureWidth, int *textureHeight) {
*textureWidth = frameWidth / 2;
*textureHeight = frameHeight;
}
void FrameRenderer::getPlanarTextureSize(int planeIndex, int frameWidth, int frameHeight, int *textureWidth, int *textureHeight) {
*textureWidth = (planeIndex == YUV_Y) ? frameWidth : frameWidth / 2;
*textureHeight = (planeIndex == YUV_Y) ? frameHeight : frameHeight / 2;
}
| [
"[email protected]"
] | |
ee781fca11ad45b669b7b84cc2e5e210f62c3738 | c7693de80148bc9e6fa38e7bcf59717e6bcf1d93 | /include/cyberlink/ControlPoint.h | 11cace189598dedbcca5ec8f8e3409c62ca24871 | [] | no_license | muidea/magicMirror | bea6d0fe2696573641042528670a961756895828 | 8d301c26b8055cec7f48913f4497a52c6d5c91f7 | refs/heads/master | 2021-01-20T06:51:04.723500 | 2017-05-13T16:19:08 | 2017-05-13T16:19:08 | 89,934,711 | 0 | 0 | null | null | null | null | UTF-8 | C++ | false | false | 10,374 | h | /******************************************************************
*
* CyberLink for C++
*
* Copyright (C) Satoshi Konno 2002
*
* This is licensed under BSD-style license, see file COPYING.
*
******************************************************************/
#ifndef _MUPMPCC_CONTROLPOINT_H_
#define _MUPMPCC_CONTROLPOINT_H_
#include <net/HostInterface.h>
#include <util/Listener.h>
#include <util/Mutex.h>
#include <http/HTTPRequestListener.h>
#include <http/HTTPServerList.h>
#include <xml/NodeList.h>
#include <ssdp/SSDPPacket.h>
#include <ssdp/SSDPNotifySocketList.h>
#include <ssdp/SSDPSearchResponseSocketList.h>
#include <device/SearchResponseListener.h>
#include <device/NotifyListener.h>
#include <device/Disposer.h>
#include <device/DeviceChangeListener.h>
#include <event/EventListener.h>
#include <control/RenewSubscriber.h>
namespace CyberLink {
typedef CyberLink::ListenerList<NotifyListener> NotifyListenerList;
typedef CyberLink::ListenerList<SearchResponseListener> SearchResponseListenerList;
typedef CyberLink::ListenerList<DeviceChangeListener> DeviceChangeListenerList;
typedef CyberLink::ListenerList<EventListener> EventListenerList;
class ControlPoint : public CyberLink::HTTPRequestListener {
SSDPNotifySocketList ssdpNotifySocketList;
SSDPSearchResponseSocketList ssdpSearchResponseSocketList;
int ssdpPort;
int httpPort;
size_t httpWorkerCount;
uXML::NodeList devNodeList;
uXML::NodeList removedDevNodeList;
NotifyListenerList deviceNotifyListenerList;
SearchResponseListenerList deviceSearchResponseListenerList;
DeviceChangeListenerList deviceChangeListenerList;
CyberLink::Mutex mutex;
DeviceList deviceList;
int searchMx;
CyberLink::HTTPServerList httpServerList;
EventListenerList eventListenerList;
std::string eventSubURI;
Disposer *deviceDisposer;
long expiredDeviceMonitoringInterval;
bool nmprMode;
RenewSubscriber *renewSubscriber;
public:
////////////////////////////////////////////////
// Constants
////////////////////////////////////////////////
static const int DEFAULT_EVENTSUB_PORT;
static const int DEFAULT_EVENTSUB_WORKER_COUNT;
static const int DEFAULT_SSDP_PORT;
static const char *DEFAULT_EVENTSUB_URI;
static const int DEFAULT_EXPIRED_DEVICE_MONITORING_INTERVAL;
private:
////////////////////////////////////////////////
// Member
////////////////////////////////////////////////
SSDPNotifySocketList *getSSDPNotifySocketList() {
return &ssdpNotifySocketList;
}
SSDPSearchResponseSocketList *getSSDPSearchResponseSocketList() {
return &ssdpSearchResponseSocketList;
}
////////////////////////////////////////////////
// Constructor
////////////////////////////////////////////////
public:
ControlPoint(int ssdpPort = DEFAULT_SSDP_PORT, int httpPort = DEFAULT_EVENTSUB_PORT);
virtual ~ControlPoint();
////////////////////////////////////////////////
// Port (SSDP)
////////////////////////////////////////////////
public:
int getSSDPPort() {
return ssdpPort;
}
void setSSDPPort(int port) {
ssdpPort = port;
}
////////////////////////////////////////////////
// HTTP (EventSub)
////////////////////////////////////////////////
public:
int getHTTPPort() {
return httpPort;
}
void setHTTPPort(int port) {
httpPort = port;
}
size_t getHTTPWorkerCount() {
return httpWorkerCount;
}
void setHTTPWorkerCount(size_t count) {
httpWorkerCount = count;
}
////////////////////////////////////////////////
// NMPR
////////////////////////////////////////////////
public:
void setNMPRMode(bool flag) {
nmprMode = flag;
}
bool isNMPRMode() {
return nmprMode;
}
////////////////////////////////////////////////
// Device List
////////////////////////////////////////////////
private:
bool addDevice(cyber_shared_ptr<uXML::Node> rootNode);
bool addDevice(SSDPPacket *ssdpPacket);
private:
void initDeviceList();
public:
DeviceList *getDeviceList() {
return &deviceList;
}
cyber_shared_ptr<Device> getDevice(cyber_shared_ptr<uXML::Node> rootNode);
cyber_shared_ptr<Device> getDevice(const std::string &name);
bool hasDevice(const std::string &name) {
return (getDevice(name)) ? true : false;
}
private:
bool removeDevice(cyber_shared_ptr<uXML::Node> rootNode);
bool removeDevice(SSDPPacket *packet);
////////////////////////////////////////////////
// Expired Device
////////////////////////////////////////////////
public:
void setExpiredDeviceMonitoringInterval(long interval) {
expiredDeviceMonitoringInterval = interval;
}
long getExpiredDeviceMonitoringInterval() {
return expiredDeviceMonitoringInterval;
}
void setDeviceDisposer(Disposer *disposer) {
if (deviceDisposer)
delete deviceDisposer;
deviceDisposer = disposer;
}
Disposer *getDeviceDisposer() {
return deviceDisposer;
}
void removeExpiredDevices();
void clean();
////////////////////////////////////////////////
// Notify
////////////////////////////////////////////////
public:
void addNotifyListener(NotifyListener *listener) {
deviceNotifyListenerList.add(listener);
}
void removeNotifyListener(NotifyListener *listener) {
deviceNotifyListenerList.remove(listener);
}
bool performNotifyListener(SSDPPacket *ssdpPacket);
////////////////////////////////////////////////
// SearchResponse
////////////////////////////////////////////////
public:
void addSearchResponseListener(SearchResponseListener *listener) {
deviceSearchResponseListenerList.add(listener);
}
void removeSearchResponseListener(SearchResponseListener *listener) {
deviceSearchResponseListenerList.remove(listener);
}
bool performSearchResponseListener(SSDPPacket *ssdpPacket);
////////////////////////////////////////////////
// DeviceChangeListener
// Thanks for Oliver Newell (2004/10/16)
////////////////////////////////////////////////
public:
void addDeviceChangeListener(DeviceChangeListener *listener) {
deviceChangeListenerList.add(listener);
}
void removeDeviceChangeListener(DeviceChangeListener *listener) {
deviceChangeListenerList.remove(listener);
}
bool performAddDeviceListener(Device *dev);
bool performRemoveDeviceListener(Device *dev);
////////////////////////////////////////////////
// SSDPPacket
////////////////////////////////////////////////
public:
void notifyReceived(SSDPPacket *packet);
void searchResponseReceived(SSDPPacket *packet);
////////////////////////////////////////////////
// M-SEARCH
////////////////////////////////////////////////
public:
int getSearchMx() {
return searchMx;
}
void setSearchMx(int mx)
{
searchMx = mx;
}
bool search(const std::string &target, int mx);
bool search(const std::string &target) {
return search(target, SSDP::DEFAULT_MSEARCH_MX);
}
bool search() {
return search(ST::ROOT_DEVICE, SSDP::DEFAULT_MSEARCH_MX);
}
////////////////////////////////////////////////
// EventSub HTTPServer
////////////////////////////////////////////////
private:
CyberLink::HTTPServerList *getHTTPServerList() {
return &httpServerList;
}
CyberLink::HTTP::StatusCode httpRequestRecieved(CyberLink::HTTPRequest *httpReq);
////////////////////////////////////////////////
// Event Listener
////////////////////////////////////////////////
public:
void addEventListener(EventListener *listener) {
eventListenerList.add(listener);
}
void removeEventListener(EventListener *listener) {
eventListenerList.remove(listener);
}
bool performEventListener(const std::string &uuid, long seq, const std::string &name, const std::string &value);
////////////////////////////////////////////////
// Subscription
////////////////////////////////////////////////
public:
const char *getEventSubURI() {
return eventSubURI.c_str();
}
void setEventSubURI(const std::string &url) {
eventSubURI = url;
}
private:
const char *getEventSubCallbackURL(const std::string &host, std::string &buf) {
return CyberLink::GetHostURL(host, getHTTPPort(), getEventSubURI(), buf);
}
public:
bool subscribe(Service *service, long timeout);
bool subscribe(Service *service) {
return subscribe(service, Subscription::INFINITE_VALUE);
}
bool subscribe(Service *service, const std::string &uuid, long timeout);
bool subscribe(Service *service, const std::string &uuid) {
return subscribe(service, uuid, Subscription::INFINITE_VALUE);
}
bool isSubscribed(Service *service);
bool unsubscribe(Service *service);
void unsubscribe(Device *device);
void unsubscribe();
////////////////////////////////////////////////
// getSubscriberService
////////////////////////////////////////////////
public:
Service *getSubscriberService(const std::string &uuid);
////////////////////////////////////////////////
// getSubscriberService
////////////////////////////////////////////////
public:
void renewSubscriberService(Device *dev, long timeout);
void renewSubscriberService(long timeout);
void renewSubscriberService();
////////////////////////////////////////////////
// Subscriber
////////////////////////////////////////////////
public:
void setRenewSubscriber(RenewSubscriber *sub) {
if (renewSubscriber)
delete renewSubscriber;
renewSubscriber = sub;
}
RenewSubscriber *getRenewSubscriber() {
return renewSubscriber;
}
////////////////////////////////////////////////
// run
////////////////////////////////////////////////
public:
bool start(const std::string &target, int mx);
bool start(const std::string &target) {
return start(target, SSDP::DEFAULT_MSEARCH_MX);
}
bool start() {
return start(ST::ROOT_DEVICE, SSDP::DEFAULT_MSEARCH_MX);
}
bool stop();
////////////////////////////////////////////////
// lock
////////////////////////////////////////////////
public:
void lock() {
mutex.lock();
}
void unlock() {
mutex.unlock();
}
////////////////////////////////////////////////
// print
////////////////////////////////////////////////
public:
void print();
};
}
#endif
| [
"[email protected]"
] | |
ad032888f30887ee7be7b99715b0a06666603d91 | a0e84f8285757e4f39a330b9f70ae9d50dce2495 | /Unreal/CarlaUE4/Plugins/Carla/Source/Carla/Game/CarlaGameInstance.h | 0279c07cd7f00c2d976614891e4c76e486e65cbc | [
"MIT",
"CC-BY-4.0",
"LGPL-2.1-only"
] | permissive | germanros1987/carla | 61e4014a6e8818fef3783ed7aba0df6da8485f6c | b7d98000b7f75a9404788ebf6bfa8d7f00eef50d | refs/heads/master | 2020-03-18T22:53:04.725832 | 2020-01-09T18:09:34 | 2020-01-09T18:09:34 | 135,371,141 | 2 | 0 | MIT | 2019-02-26T02:42:42 | 2018-05-30T01:25:21 | C++ | UTF-8 | C++ | false | false | 1,662 | h | // Copyright (c) 2017 Computer Vision Center (CVC) at the Universitat Autonoma
// de Barcelona (UAB).
//
// This work is licensed under the terms of the MIT license.
// For a copy, see <https://opensource.org/licenses/MIT>.
#pragma once
#include "Engine/GameInstance.h"
#include "Carla/Game/CarlaEngine.h"
#include "Carla/Server/CarlaServer.h"
#include "CarlaGameInstance.generated.h"
class UCarlaSettings;
/// The game instance contains elements that must be kept alive in between
/// levels. It is instantiate once per game.
UCLASS()
class CARLA_API UCarlaGameInstance : public UGameInstance
{
GENERATED_BODY()
public:
UCarlaGameInstance();
~UCarlaGameInstance();
UCarlaSettings &GetCarlaSettings()
{
check(CarlaSettings != nullptr);
return *CarlaSettings;
}
const UCarlaSettings &GetCarlaSettings() const
{
check(CarlaSettings != nullptr);
return *CarlaSettings;
}
// Extra overload just for blueprints.
UFUNCTION(BlueprintCallable)
UCarlaSettings *GetCARLASettings()
{
return CarlaSettings;
}
UFUNCTION(BlueprintCallable)
UCarlaEpisode *GetCarlaEpisode()
{
return CarlaEngine.GetCurrentEpisode();
}
void NotifyInitGame()
{
CarlaEngine.NotifyInitGame(GetCarlaSettings());
}
void NotifyBeginEpisode(UCarlaEpisode &Episode)
{
CarlaEngine.NotifyBeginEpisode(Episode);
}
void NotifyEndEpisode()
{
CarlaEngine.NotifyEndEpisode();
}
const FCarlaServer &GetServer() const
{
return CarlaEngine.GetServer();
}
private:
UPROPERTY(Category = "CARLA Settings", EditAnywhere)
UCarlaSettings *CarlaSettings = nullptr;
FCarlaEngine CarlaEngine;
};
| [
"[email protected]"
] | |
832ae6b550275f1db8d918748534f2cecbf0e434 | 32a920c302b320908e62e748d71ad120e6de907e | /contests/VJUDGE_YusufSholeh/Gym/101158I/16021335_TLE_3000ms_8kB.cpp | 436703270671bdf109c60d197f8e24f83fdbdd58 | [] | no_license | yusufsholeh/kactl | 12d1e20f48e0efbb6447bb5dc3e1592cc745aab6 | aaa2fbc0801514c039d38a90da84224c54a2f53d | refs/heads/master | 2023-06-11T12:16:07.335688 | 2023-05-26T08:39:03 | 2023-05-26T08:39:03 | 155,297,663 | 0 | 9 | null | 2018-10-30T00:01:56 | 2018-10-30T00:01:56 | null | UTF-8 | C++ | false | false | 3,830 | cpp | #include <bits/stdc++.h>
using namespace std;
typedef long long ll;
typedef pair<ll,ll> point;
#define x first
#define y second
#define mp make_pair
const ll INFY = 2e9;
const ll BATAS_AREA = 1e4;
point FIRST, SECOND, THIRD;
point CACAT;
ll cross(point p, point q, point r) {
return (p.x - q.x)*(r.y - q.y) - (p.y - q.y)*(r.x - q.x);
}
ll area_t(point a, point b, point c) {
return (b.x - a.x) * c.y;
}
long double area(vector<point> P) {
long double result = 0.0;
for(int i = 0; i < (int)P.size()-1; i++) {
result += P[i].x * P[i+1].y - P[i+1].x * P[i].y;
}
return fabs(result) / 2.0;
}
bool found(ll x, ll y) {
return false;
}
int main() {
ll tc;
scanf("%lld",&tc);
// tc = 1e9;
// srand(time(NULL));
while(tc--) {
ll x, y;
scanf("%lld %lld",&x, &y);
// x = rand();
// y = rand();
// const int MODD = 1e9;
// x = (x * y) % MODD;
// y = (y * x) % MODD;
// cout << "WHAT " << endl;
// cout << x << " " << y << endl;
bool swapped = false;
if (x < y) {
swap(x, y);
swapped = true;
}
FIRST = mp(0,0);
SECOND = mp(1,0);
THIRD = mp(x, y);
if (area_t(FIRST, SECOND, THIRD) <= BATAS_AREA) {
if (swapped) swap(FIRST.x, FIRST.y), swap(SECOND.x, SECOND.y), swap(THIRD.x, THIRD.y);
printf("3\n");
printf("%lld %lld\n",FIRST.x, FIRST.y);
printf("%lld %lld\n",SECOND.x, SECOND.y);
printf("%lld %lld\n",THIRD.x, THIRD.y);
continue;
}
ll gc = __gcd(x, y);
FIRST = mp(0, 1);
THIRD = mp(x, y);
SECOND = mp(1, 0);
CACAT = mp(x - x/gc, y - y/gc);
bool sdh = false;
vector<point> PP;
PP.push_back(FIRST);
PP.push_back(THIRD);
PP.push_back(SECOND);
PP.push_back(CACAT);
PP.push_back(FIRST);
if (area(PP) < 25000) {
sdh = true;
}
if (!sdh) for(ll j = y-1; j >= y-100000000; j--) {
if (j == 0) {
// assert(0);
printf("AMPAS\n");
return 0;
}
FIRST = mp(0, 0);
ll ka = j;
ll lx = 1, rx = x;
while(lx <= rx) {
ll midx = (lx + rx)/2;
if (cross(FIRST, THIRD, mp(midx, j)) > 0) {
ka = midx;
rx = midx - 1;
} else {
lx = midx + 1;
}
}
point NEW_TOP = mp(ka, j);
ll minx = x;
lx = 1, rx = x;
while(lx <= rx) {
ll midx = (lx + rx)/2;
if (cross(THIRD, mp(midx, 0), NEW_TOP) > 0) {
minx = midx;
rx = midx - 1;
} else {
lx = midx + 1;
}
}
vector<point> P;
P.push_back(FIRST), P.push_back(THIRD), P.push_back(mp(minx, 0)), P.push_back(NEW_TOP), P.push_back(FIRST);
if (area(P) < 25000) {
// printf("DAPAT\n");
SECOND = mp(minx, 0);
CACAT = NEW_TOP;
break;
}
}
if (swapped) swap(FIRST.x, FIRST.y), swap(SECOND.x, SECOND.y), swap(THIRD.x, THIRD.y), swap(CACAT.x, CACAT.y);
printf("4\n");
printf("%lld %lld\n",FIRST.x, FIRST.y);
printf("%lld %lld\n",THIRD.x, THIRD.y);
printf("%lld %lld\n",SECOND.x, SECOND.y);
printf("%lld %lld\n",CACAT.x, CACAT.y);
if (swapped) swap(FIRST.x, FIRST.y), swap(SECOND.x, SECOND.y), swap(THIRD.x, THIRD.y), swap(CACAT.x, CACAT.y);
// cout << cross(FIRST, THIRD, CACAT) << endl;
// cout << cross(SECOND, THIRD, CACAT) << endl;
assert(cross(SECOND, THIRD, CACAT) < 0);
assert(cross(FIRST, THIRD, CACAT) > 0);
assert(0 <= FIRST.x && FIRST.x <= x);
assert(0 <= FIRST.y && FIRST.y <= y);
assert(0 <= SECOND.x && SECOND.x <= x);
assert(0 <= SECOND.y && SECOND.y <= y);
assert(0 <= THIRD.x && THIRD.x <= x);
assert(0 <= THIRD.y && THIRD.y <= y);
assert(0 <= CACAT.x && CACAT.x <= x);
assert(0 <= CACAT.y && CACAT.y <= y);
}
return 0;
}
| [
"[email protected]"
] | |
370b712ffd9420731085006762cb890210fec989 | b63c1ad2a8f32df28e0d1accf645a2dd04c61176 | /day20/exam03/stdafx.cpp | a10c06d146282f849069b2c316f5cbe290ae25fb | [] | no_license | parkseokhwan1/c_study2017 | ef550abec67cb3d4fcab2e49878296ba05541f04 | 5d2ad75e5a83f8a913c95d977cf65a3a56a33341 | refs/heads/master | 2020-04-05T13:04:52.511755 | 2017-07-18T07:38:54 | 2017-07-18T07:38:54 | 94,966,263 | 0 | 0 | null | null | null | null | UHC | C++ | false | false | 324 | cpp | // stdafx.cpp : 표준 포함 파일만 들어 있는 소스 파일입니다.
// exam03.pch는 미리 컴파일된 헤더가 됩니다.
// stdafx.obj에는 미리 컴파일된 형식 정보가 포함됩니다.
#include "stdafx.h"
// TODO: 필요한 추가 헤더는
// 이 파일이 아닌 STDAFX.H에서 참조합니다.
| [
"[email protected]"
] | |
b33d01d173d0d4b6816e5536471de91f8628c1ab | 468d10eeb2f64aea4f793768167bdb64b24786b6 | /unittester.cpp | ea3e1e087b72a87acb8c250c16000480890022d4 | [
"BSD-3-Clause",
"MIT"
] | permissive | mkuitune/orb | a3345482f4849417a7a886893695fb0b239f4450 | 8f698fee7f9b3a27c06a605ddf57d6a28b9c5d66 | refs/heads/master | 2020-05-20T03:01:37.335338 | 2014-09-14T18:46:05 | 2014-09-14T18:46:05 | null | 0 | 0 | null | null | null | null | UTF-8 | C++ | false | false | 2,347 | cpp | /** \file unittester.cpp
\author Mikko Kuitunen (mikko <dot> kuitunen <at> iki <dot> fi)
MIT license.
*/
#include "unittester.h"
TestSet* g_tests = 0;
struct ActiveGroups
{
~ActiveGroups()
{
if(g_tests) delete g_tests;
}
void init()
{
if(!g_tests) g_tests = new TestSet();
}
} g_ag;
UtTestAdd::UtTestAdd(const TestCallback& callback)
{
g_ag.init();
if((*g_tests).count(callback.group) == 0) (*g_tests)[callback.group] = TestGroup();
(*g_tests)[callback.group][callback.name] = callback;
}
// Globals
bool g_exec_result;
void ut_test_err()
{
ut_test_out() << "Error.";
g_exec_result = false;
}
// Output stream mapping.
std::ostream* g_outstream = &std::cout;
std::ostream& ut_test_out(){return *g_outstream;}
/** Execute one test.*/
void run_test(const TestCallback& test)
{
//ut_test_out() << "Run " << test.name << " ";
g_exec_result = true;
test.callback();
if(g_exec_result) ut_test_out() << "\n[Test " << test.group << ":" << test.name << " passed.]" << std::endl;
else ut_test_out() << "\n[Test " << test.group << ":"<< test.name << " FAILED.]" << std::endl;
}
/** Execute the test within one test group.*/
void run_group(TestSet::value_type& group)
{
ut_test_out() << "Group:'" << group.first << "'" << std::endl;
for(auto g = group.second.begin(); g != group.second.end(); ++g) run_test(g->second);
}
/** If the user has not defined any specific groups for testrun then this function executes all of the tests.*/
bool run_all_tests()
{
bool result = true;
for(auto t = g_tests->begin(); t != g_tests->end(); ++t) run_group(*t);
return result;
}
int main(int argc, char* argv[])
{
// Filter tests are run based on input: test names with any matching strings are run.
// If there is no input, then all tests are run.
if(argc < 2)
{
run_all_tests();
}
else
{
for(auto& test_set : *g_tests)
{
for(auto& test_group : test_set.second)
{
bool run = false;
for(int i = 1; i < argc; ++i){
if(test_group.second.names_match(argv[i])) run = true;
}
if(run) run_test(test_group.second);
}
}
}
return 0;
}
| [
"invalid@ddress"
] | invalid@ddress |
af418c765b2c73e5f52cdf801b876878c517ad4a | 86d39388996d06a48caee551f1789f5eef2b8090 | /FIRMWARE/Ball.cpp | 69920c331837a2a77f8f870ec37d493e80d27d5b | [] | no_license | hub-marseille/Table-Epi-Pong-Firmware | 5afd90d4d5cd6fd7a7110ef1b73f30c126b3fe60 | 46d90f5c171d0cb45ce6ac30d47b212c81b319df | refs/heads/master | 2021-06-13T04:03:45.590005 | 2019-10-23T17:43:10 | 2019-10-23T17:43:10 | 118,672,332 | 1 | 0 | null | null | null | null | UTF-8 | C++ | false | false | 67 | cpp | #include "headers/Ball.hpp"
Ball::Ball()
{
}
Ball::~Ball()
{
}
| [
"[email protected]"
] | |
9561347fa3d688a35db5cf146a9824a3daa31784 | d50e2421068050624c3c96e13ac4d9031ea6b159 | /src/gui/QDaqDelegates.h | 64afcf79c2a81ce7b0dae072d20101c1f4f1c1cc | [] | no_license | gapost/qdaq | 8a40576d10cfdeca77c42a6ff0620756ed75f4f9 | 20595aaaafa0b38c2f3f824a5e5bc65895c41125 | refs/heads/master | 2023-07-20T04:40:32.857961 | 2023-07-11T18:21:10 | 2023-07-11T18:21:10 | 122,658,405 | 4 | 4 | null | null | null | null | UTF-8 | C++ | false | false | 1,803 | h | #ifndef _RTDELEGATES_H_
#define _RTDELEGATES_H_
#include "QDaqObject.h"
#include <QPointer>
#include <QVariant>
#include <QWidget>
#include <QMetaProperty>
class QDaqChannel;
class WidgetVariant
{
public:
enum WidgetType {
qNone,
qUnsupported,
qAbstractButton,
qAbstractSlider,
qSpinBox,
qDoubleSpinBox,
qLineEdit,
qComboBox,
qLabel,
qLCDNumber,
qwtThermo,
qdaqLed
};
protected:
QPointer<QWidget> widget_;
WidgetType type_;
public:
WidgetVariant(QWidget* w = 0);
bool isReadable() const { return (type_>=qAbstractButton) && (type_<=qComboBox); }
bool isText() const { return (type_==qLabel) || (type_==qLineEdit); }
bool isValid() const { return (type_>qUnsupported); }
bool isNull() const { return widget_.isNull(); }
bool canConvert(QVariant::Type t) const;
WidgetType type() const { return type_; }
QWidget* widget() const { return widget_.data(); }
const char* widgetSignal() const;
QVariant read();
void write(const QVariant& v);
};
class DisplayDelegate : public QObject
{
Q_OBJECT
public:
DisplayDelegate(QWidget* w, QDaqChannel* ch);
virtual ~DisplayDelegate();
protected:
WidgetVariant widget_;
QPointer<QDaqChannel> channel_;
public slots:
void updateDisplay();
};
class PropertyDelegate : public QObject
{
Q_OBJECT
public:
PropertyDelegate(QWidget* w, QDaqObject* obj, QMetaProperty p, bool readOnly);
virtual ~PropertyDelegate();
protected:
QPointer<QDaqObject> obj_;
QMetaProperty property_;
WidgetVariant widget_;
bool readOnly_;
QVariant getObjectValue();
void setWidgetValue(const QVariant& v);
void setObjectValue(const QVariant& v);
public slots:
void objectPropertyChange();
void widgetPropertyChange();
};
#endif
| [
"[email protected]"
] | |
4314cd5efd8da7386ae1ab6a9e14c9483e61b052 | 777a75e6ed0934c193aece9de4421f8d8db01aac | /src/Providers/UNIXProviders/ApplicationSystemDirectory/UNIX_ApplicationSystemDirectory.cpp | 0284e457ff955eed4b1bc2e3085c6e76407181a4 | [
"MIT"
] | permissive | brunolauze/openpegasus-providers-old | 20fc13958016e35dc4d87f93d1999db0eae9010a | b00f1aad575bae144b8538bf57ba5fd5582a4ec7 | refs/heads/master | 2021-01-01T20:05:44.559362 | 2014-04-30T17:50:06 | 2014-04-30T17:50:06 | 19,132,738 | 1 | 0 | null | null | null | null | UTF-8 | C++ | false | false | 3,504 | cpp | //%LICENSE////////////////////////////////////////////////////////////////
//
// Licensed to The Open Group (TOG) under one or more contributor license
// agreements. Refer to the OpenPegasusNOTICE.txt file distributed with
// this work for additional information regarding copyright ownership.
// Each contributor licenses this file to you under the OpenPegasus Open
// Source License; you may not use this file except in compliance with the
// License.
//
// Permission is hereby granted, free of charge, to any person obtaining a
// copy of this software and associated documentation files (the "Software"),
// to deal in the Software without restriction, including without limitation
// the rights to use, copy, modify, merge, publish, distribute, sublicense,
// and/or sell copies of the Software, and to permit persons to whom the
// Software is furnished to do so, subject to the following conditions:
//
// The above copyright notice and this permission notice shall be included
// in all copies or substantial portions of the Software.
//
// THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS
// OR IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF
// MERCHANTABILITY, FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT.
// IN NO EVENT SHALL THE AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY
// CLAIM, DAMAGES OR OTHER LIABILITY, WHETHER IN AN ACTION OF CONTRACT,
// TORT OR OTHERWISE, ARISING FROM, OUT OF OR IN CONNECTION WITH THE
// SOFTWARE OR THE USE OR OTHER DEALINGS IN THE SOFTWARE.
//
//////////////////////////////////////////////////////////////////////////
//
//%/////////////////////////////////////////////////////////////////////////
#include "UNIX_ApplicationSystemDirectory.h"
#if defined(PEGASUS_OS_HPUX)
# include "UNIX_ApplicationSystemDirectory_HPUX.hxx"
# include "UNIX_ApplicationSystemDirectory_HPUX.hpp"
#elif defined(PEGASUS_OS_LINUX)
# include "UNIX_ApplicationSystemDirectory_LINUX.hxx"
# include "UNIX_ApplicationSystemDirectory_LINUX.hpp"
#elif defined(PEGASUS_OS_DARWIN)
# include "UNIX_ApplicationSystemDirectory_DARWIN.hxx"
# include "UNIX_ApplicationSystemDirectory_DARWIN.hpp"
#elif defined(PEGASUS_OS_AIX)
# include "UNIX_ApplicationSystemDirectory_AIX.hxx"
# include "UNIX_ApplicationSystemDirectory_AIX.hpp"
#elif defined(PEGASUS_OS_FREEBSD)
# include "UNIX_ApplicationSystemDirectory_FREEBSD.hxx"
# include "UNIX_ApplicationSystemDirectory_FREEBSD.hpp"
#elif defined(PEGASUS_OS_SOLARIS)
# include "UNIX_ApplicationSystemDirectory_SOLARIS.hxx"
# include "UNIX_ApplicationSystemDirectory_SOLARIS.hpp"
#elif defined(PEGASUS_OS_ZOS)
# include "UNIX_ApplicationSystemDirectory_ZOS.hxx"
# include "UNIX_ApplicationSystemDirectory_ZOS.hpp"
#elif defined(PEGASUS_OS_VMS)
# include "UNIX_ApplicationSystemDirectory_VMS.hxx"
# include "UNIX_ApplicationSystemDirectory_VMS.hpp"
#elif defined(PEGASUS_OS_TRU64)
# include "UNIX_ApplicationSystemDirectory_TRU64.hxx"
# include "UNIX_ApplicationSystemDirectory_TRU64.hpp"
#else
# include "UNIX_ApplicationSystemDirectory_STUB.hxx"
# include "UNIX_ApplicationSystemDirectory_STUB.hpp"
#endif
Boolean UNIX_ApplicationSystemDirectory::validateKey(CIMKeyBinding &kb) const
{
/* Keys */
//Antecedent
//Dependent
//Name
CIMName name = kb.getName();
if (name.equal(PROPERTY_ANTECEDENT) ||
name.equal(PROPERTY_DEPENDENT) ||
name.equal(PROPERTY_NAME)
)
return true;
return false;
}
void UNIX_ApplicationSystemDirectory::setScope(CIMName scope)
{
currentScope = scope;
}
| [
"[email protected]"
] | |
ece68218b591f5e7b5b9508c3af136a37d441d9c | 34cc683b455c9d5569367d1bd7fccb26ab46f7b9 | /RnD_GRPC/GRPC_sample/GRPC_sample_stream_client/route_guide_client.cc | 9648083f7879a9a92e63b7ca63025665eea8f341 | [] | no_license | idhpaul/MyResearchProject | a178259c3f5671a64e04860108a7a6be01097d16 | a00a707b70cb80856715e167f517566e738d8ac5 | refs/heads/master | 2021-08-08T06:30:04.582719 | 2021-08-02T06:46:38 | 2021-08-02T06:46:38 | 168,827,440 | 4 | 1 | null | null | null | null | UTF-8 | C++ | false | false | 7,679 | cc | /*
*
* Copyright 2015 gRPC authors.
*
* Licensed under the Apache License, Version 2.0 (the "License");
* you may not use this file except in compliance with the License.
* You may obtain a copy of the License at
*
* http://www.apache.org/licenses/LICENSE-2.0
*
* Unless required by applicable law or agreed to in writing, software
* distributed under the License is distributed on an "AS IS" BASIS,
* WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
* See the License for the specific language governing permissions and
* limitations under the License.
*
*/
#include <chrono>
#include <iostream>
#include <memory>
#include <random>
#include <string>
#include <thread>
#include <grpc/grpc.h>
#include <grpcpp/channel.h>
#include <grpcpp/client_context.h>
#include <grpcpp/create_channel.h>
#include <grpcpp/security/credentials.h>
#include "helper.h"
#ifdef BAZEL_BUILD
#include "examples/protos/route_guide.grpc.pb.h"
#else
#include "route_guide.grpc.pb.h"
#endif
using grpc::Channel;
using grpc::ClientContext;
using grpc::ClientReader;
using grpc::ClientReaderWriter;
using grpc::ClientWriter;
using grpc::Status;
using routeguide::Point;
using routeguide::Feature;
using routeguide::Rectangle;
using routeguide::RouteSummary;
using routeguide::RouteNote;
using routeguide::RouteGuide;
Point MakePoint(long latitude, long longitude) {
Point p;
p.set_latitude(latitude);
p.set_longitude(longitude);
return p;
}
Feature MakeFeature(const std::string& name,
long latitude, long longitude) {
Feature f;
f.set_name(name);
f.mutable_location()->CopyFrom(MakePoint(latitude, longitude));
return f;
}
RouteNote MakeRouteNote(const std::string& message,
long latitude, long longitude) {
RouteNote n;
n.set_message(message);
n.mutable_location()->CopyFrom(MakePoint(latitude, longitude));
return n;
}
class RouteGuideClient {
public:
RouteGuideClient(std::shared_ptr<Channel> channel, const std::string& db)
: stub_(RouteGuide::NewStub(channel)) {
routeguide::ParseDb(db, &feature_list_);
}
void GetFeature() {
Point point;
Feature feature;
point = MakePoint(409146138, -746188906);
GetOneFeature(point, &feature);
point = MakePoint(0, 0);
GetOneFeature(point, &feature);
}
void ListFeatures() {
routeguide::Rectangle rect;
Feature feature;
ClientContext context;
rect.mutable_lo()->set_latitude(400000000);
rect.mutable_lo()->set_longitude(-750000000);
rect.mutable_hi()->set_latitude(420000000);
rect.mutable_hi()->set_longitude(-730000000);
std::cout << "Looking for features between 40, -75 and 42, -73"
<< std::endl;
std::unique_ptr<ClientReader<Feature> > reader(
stub_->ListFeatures(&context, rect));
while (reader->Read(&feature)) {
std::cout << "Found feature called "
<< feature.name() << " at "
<< feature.location().latitude()/kCoordFactor_ << ", "
<< feature.location().longitude()/kCoordFactor_ << std::endl;
}
Status status = reader->Finish();
if (status.ok()) {
std::cout << "ListFeatures rpc succeeded." << std::endl;
} else {
std::cout << "ListFeatures rpc failed." << std::endl;
}
}
void RecordRoute() {
Point point;
RouteSummary stats;
ClientContext context;
const int kPoints = 10;
unsigned seed = std::chrono::system_clock::now().time_since_epoch().count();
std::default_random_engine generator(seed);
std::uniform_int_distribution<int> feature_distribution(
0, feature_list_.size() - 1);
std::uniform_int_distribution<int> delay_distribution(
500, 1500);
std::unique_ptr<ClientWriter<Point> > writer(
stub_->RecordRoute(&context, &stats));
for (int i = 0; i < kPoints; i++) {
const Feature& f = feature_list_[feature_distribution(generator)];
std::cout << "Visiting point "
<< f.location().latitude()/kCoordFactor_ << ", "
<< f.location().longitude()/kCoordFactor_ << std::endl;
if (!writer->Write(f.location())) {
// Broken stream.
break;
}
std::this_thread::sleep_for(std::chrono::milliseconds(
delay_distribution(generator)));
}
writer->WritesDone();
Status status = writer->Finish();
if (status.ok()) {
std::cout << "Finished trip with " << stats.point_count() << " points\n"
<< "Passed " << stats.feature_count() << " features\n"
<< "Travelled " << stats.distance() << " meters\n"
<< "It took " << stats.elapsed_time() << " seconds"
<< std::endl;
} else {
std::cout << "RecordRoute rpc failed." << std::endl;
}
}
void RouteChat() {
ClientContext context;
std::shared_ptr<ClientReaderWriter<RouteNote, RouteNote> > stream(
stub_->RouteChat(&context));
std::thread writer([stream]() {
std::vector<RouteNote> notes{
MakeRouteNote("First message", 0, 0),
MakeRouteNote("Second message", 0, 1),
MakeRouteNote("Third message", 1, 0),
MakeRouteNote("Fourth message", 0, 0)};
for (const RouteNote& note : notes) {
std::cout << "Sending message " << note.message()
<< " at " << note.location().latitude() << ", "
<< note.location().longitude() << std::endl;
stream->Write(note);
}
stream->WritesDone();
});
RouteNote server_note;
while (stream->Read(&server_note)) {
std::cout << "Got message " << server_note.message()
<< " at " << server_note.location().latitude() << ", "
<< server_note.location().longitude() << std::endl;
}
writer.join();
Status status = stream->Finish();
if (!status.ok()) {
std::cout << "RouteChat rpc failed." << std::endl;
}
}
private:
bool GetOneFeature(const Point& point, Feature* feature) {
ClientContext context;
Status status = stub_->GetFeature(&context, point, feature);
if (!status.ok()) {
std::cout << "GetFeature rpc failed." << std::endl;
return false;
}
if (!feature->has_location()) {
std::cout << "Server returns incomplete feature." << std::endl;
return false;
}
if (feature->name().empty()) {
std::cout << "Found no feature at "
<< feature->location().latitude()/kCoordFactor_ << ", "
<< feature->location().longitude()/kCoordFactor_ << std::endl;
} else {
std::cout << "Found feature called " << feature->name() << " at "
<< feature->location().latitude()/kCoordFactor_ << ", "
<< feature->location().longitude()/kCoordFactor_ << std::endl;
}
return true;
}
const float kCoordFactor_ = 10000000.0;
std::unique_ptr<RouteGuide::Stub> stub_;
std::vector<Feature> feature_list_;
};
int main(int argc, char** argv) {
// Expect only arg: --db_path=path/to/route_guide_db.json.
std::string db = routeguide::GetDbFileContent(argc, argv);
RouteGuideClient guide(
grpc::CreateChannel("192.168.0.58:50055",
grpc::InsecureChannelCredentials()),
db);
std::cout << "-------------- GetFeature --------------" << std::endl;
guide.GetFeature();
std::cout << "-------------- ListFeatures --------------" << std::endl;
guide.ListFeatures();
std::cout << "-------------- RecordRoute --------------" << std::endl;
guide.RecordRoute();
std::cout << "-------------- RouteChat --------------" << std::endl;
guide.RouteChat();
return 0;
}
| [
"[email protected]"
] | |
a022a17e7a2da2b3476160ecef7381792d8c9830 | c9dd42ecb2a3899600939a78144bef9e78d2545e | /src/Temporary_1.cpp | c3beb897d18296c8523198aaa37506b06bd49584 | [] | no_license | EvilPerfectionist/CPlusPlus | d15c496b893f3bcf569a00c16d142d00e4e47d49 | dd5a9e99b32cbd4b7ae82562bae5b6dbcdc557c1 | refs/heads/master | 2020-03-10T22:05:08.624788 | 2018-06-09T08:50:43 | 2018-06-09T08:50:43 | 129,610,707 | 0 | 0 | null | null | null | null | UTF-8 | C++ | false | false | 3,603 | cpp | #include <iostream>
#include <Temporary_4.h>
using namespace std;
int main()
{
sf::ContextSettings settings;
settings.depthBits = 24;
settings.stencilBits = 8;
sf::Window window(sf::VideoMode(WIDTH, HEIGHT, 24), "Transform Feedback", sf::Style::Titlebar | sf::Style::Close, settings);
window.setPosition(sf::Vector2i(1280,0));
// Initialize GLEW
glewExperimental = GL_TRUE;
glewInit();
Model model("/home/leon/Instrument_Pose_Estimation/Test_C", "Instrument.dae");// Iron_Man_mark_6.dae model_simplified.sdf
Model room("/home/leon/Instrument_Pose_Estimation/Test_C","room.dae", false);
cv::namedWindow("camera image");
cv::moveWindow("camera image", 0,0);
cv::namedWindow("artificial image");
cv::moveWindow("artificial image", 640,0);
cv::namedWindow("R");
cv::moveWindow("R", 0,520);
cv::namedWindow("Rc");
cv::moveWindow("Rc", 640,520);
cv::namedWindow("result");
cv::moveWindow("result", 1280,520);
// run the main loop
bool running = true;
VectorXd pose_estimator(6);
pose_estimator << 0,0,-1,0,0,0;
char k;
while (running && k!=32)
{
// handle events
sf::Event event;
while (window.pollEvent(event))
{
if (event.type == sf::Event::Closed)
{
// end the program
running = false;
}
else if (event.type == sf::Event::Resized)
{
// adjust the viewport when the window is resized
glViewport(0, 0, event.size.width, event.size.height);
}
}
VectorXd pose(6),grad(6);
pose << 0,0,-1,degreesToRadians(0),degreesToRadians(0),degreesToRadians(0);
Mat img_camera;
cout << "press ENTER to run tracking, press SPACE to toggle first person view (use WASD-keys to move around)" << endl;
while(!sf::Keyboard::isKeyPressed(sf::Keyboard::Return)) {
model.updateViewMatrix(window);
room.renderer->ViewMatrix = model.renderer->ViewMatrix;
room.render(img_camera, true);
model.render(img_camera, false, "color_simple");
//room.Draw(true,"Model_Loading");
//model.Draw(true,"Model_Loading");
window.display();
}
float lambda_trans = 0.00000001, lambda_rot = 0.0000001;
uint iter = 0;
model.poseestimator->cost.clear();
while(iter<100 && !sf::Keyboard::isKeyPressed(sf::Keyboard::Escape)){
Mat img_artificial;
model.render(pose_estimator, img_artificial, true, "color_simple");
imshow("artificial image", img_artificial);
cv::waitKey(1);
model.poseestimator->iterateOnce(img_camera, img_artificial, pose_estimator, grad);
cout << "gradient:\n" << grad << endl;
pose_estimator(0) += lambda_trans*grad(0);
pose_estimator(1) += lambda_trans*grad(1);
pose_estimator(2) += lambda_trans*grad(2);
pose_estimator(3) += lambda_rot*grad(3);
pose_estimator(4) += lambda_rot*grad(4);
pose_estimator(5) += lambda_rot*grad(5);
lambda_trans*=0.97f;
lambda_rot*=0.97f;
iter++;
#ifdef VISUALIZE
if((iter+1)%10==0) {
model.visualize(NORMALS);
model.visualize(TANGENTS);
}
#endif
}
// end the current frame (internally swaps the front and back buffers)
window.display();
}
window.close();
return 0;
} | [
"[email protected]"
] | |
7e25bc4bfc130d3f21a00ce1a8a1fa11433f311d | 39c041986f743e99dcecfc9b54a0552cbfb8faef | /tutorials/intermediate/bidirectional_recurrent_neural_network/include/bi_rnn.h | d807330a436cd30ec7476a5bbd6f442ee2061e74 | [
"MIT"
] | permissive | ucalyptus/pytorch-cpp | b1bc2e86f74276b7726f2bb5d4f457868c66151f | c90f71bffa2f7053f09a95a331fada0370dac653 | refs/heads/master | 2020-09-29T12:42:40.010043 | 2020-01-05T18:43:28 | 2020-01-05T18:43:28 | 227,040,476 | 0 | 1 | MIT | 2020-01-05T18:43:29 | 2019-12-10T05:59:20 | null | UTF-8 | C++ | false | false | 362 | h | // Copyright 2019 Markus Fleischhacker
#pragma once
#include <torch/torch.h>
class BiRNNImpl : public torch::nn::Module {
public:
BiRNNImpl(int64_t input_size, int64_t hidden_size, int64_t num_layers, int64_t num_classes);
torch::Tensor forward(torch::Tensor x);
private:
torch::nn::LSTM lstm;
torch::nn::Linear fc;
};
TORCH_MODULE(BiRNN);
| [
"[email protected]"
] | |
4e5845b202fa6ae697f7191577225df0526a4bc0 | 0eff74b05b60098333ad66cf801bdd93becc9ea4 | /second/download/git/gumtree/git_repos_function_4869_git-2.13.1.cpp | 43d4af29a43bfb3a561f41bbc93c352b0748a64a | [] | no_license | niuxu18/logTracker-old | 97543445ea7e414ed40bdc681239365d33418975 | f2b060f13a0295387fe02187543db124916eb446 | refs/heads/master | 2021-09-13T21:39:37.686481 | 2017-12-11T03:36:34 | 2017-12-11T03:36:34 | null | 0 | 0 | null | null | null | null | UTF-8 | C++ | false | false | 3,100 | cpp | int cmd_pull(int argc, const char **argv, const char *prefix)
{
const char *repo, **refspecs;
struct oid_array merge_heads = OID_ARRAY_INIT;
struct object_id orig_head, curr_head;
struct object_id rebase_fork_point;
if (!getenv("GIT_REFLOG_ACTION"))
set_reflog_message(argc, argv);
argc = parse_options(argc, argv, prefix, pull_options, pull_usage, 0);
parse_repo_refspecs(argc, argv, &repo, &refspecs);
if (!opt_ff)
opt_ff = xstrdup_or_null(config_get_ff());
if (opt_rebase < 0)
opt_rebase = config_get_rebase();
git_config(git_pull_config, NULL);
if (read_cache_unmerged())
die_resolve_conflict("pull");
if (file_exists(git_path_merge_head()))
die_conclude_merge();
if (get_oid("HEAD", &orig_head))
oidclr(&orig_head);
if (!opt_rebase && opt_autostash != -1)
die(_("--[no-]autostash option is only valid with --rebase."));
if (opt_rebase) {
int autostash = config_autostash;
if (opt_autostash != -1)
autostash = opt_autostash;
if (is_null_oid(&orig_head) && !is_cache_unborn())
die(_("Updating an unborn branch with changes added to the index."));
if (!autostash)
require_clean_work_tree(N_("pull with rebase"),
_("please commit or stash them."), 1, 0);
if (get_rebase_fork_point(&rebase_fork_point, repo, *refspecs))
oidclr(&rebase_fork_point);
}
if (run_fetch(repo, refspecs))
return 1;
if (opt_dry_run)
return 0;
if (get_oid("HEAD", &curr_head))
oidclr(&curr_head);
if (!is_null_oid(&orig_head) && !is_null_oid(&curr_head) &&
oidcmp(&orig_head, &curr_head)) {
/*
* The fetch involved updating the current branch.
*
* The working tree and the index file are still based on
* orig_head commit, but we are merging into curr_head.
* Update the working tree to match curr_head.
*/
warning(_("fetch updated the current branch head.\n"
"fast-forwarding your working tree from\n"
"commit %s."), oid_to_hex(&orig_head));
if (checkout_fast_forward(orig_head.hash, curr_head.hash, 0))
die(_("Cannot fast-forward your working tree.\n"
"After making sure that you saved anything precious from\n"
"$ git diff %s\n"
"output, run\n"
"$ git reset --hard\n"
"to recover."), oid_to_hex(&orig_head));
}
get_merge_heads(&merge_heads);
if (!merge_heads.nr)
die_no_merge_candidates(repo, refspecs);
if (is_null_oid(&orig_head)) {
if (merge_heads.nr > 1)
die(_("Cannot merge multiple branches into empty head."));
return pull_into_void(merge_heads.oid, &curr_head);
}
if (opt_rebase && merge_heads.nr > 1)
die(_("Cannot rebase onto multiple branches."));
if (opt_rebase) {
struct commit_list *list = NULL;
struct commit *merge_head, *head;
head = lookup_commit_reference(orig_head.hash);
commit_list_insert(head, &list);
merge_head = lookup_commit_reference(merge_heads.oid[0].hash);
if (is_descendant_of(merge_head, list)) {
/* we can fast-forward this without invoking rebase */
opt_ff = "--ff-only";
return run_merge();
}
return run_rebase(&curr_head, merge_heads.oid, &rebase_fork_point);
} else {
return run_merge();
}
} | [
"[email protected]"
] | |
570ac2e7feeff8e105ebdbe840df712ded42f190 | 92e67b30497ffd29d3400e88aa553bbd12518fe9 | /assignment2/part6/Re=110/51.6/uniform/time | 7305f48a5ee8262d8140f363f759543816573e57 | [] | no_license | henryrossiter/OpenFOAM | 8b89de8feb4d4c7f9ad4894b2ef550508792ce5c | c54b80dbf0548b34760b4fdc0dc4fb2facfdf657 | refs/heads/master | 2022-11-18T10:05:15.963117 | 2020-06-28T15:24:54 | 2020-06-28T15:24:54 | 241,991,470 | 0 | 0 | null | null | null | null | UTF-8 | C++ | false | false | 824 | /*--------------------------------*- C++ -*----------------------------------*\
========= |
\\ / F ield | OpenFOAM: The Open Source CFD Toolbox
\\ / O peration | Website: https://openfoam.org
\\ / A nd | Version: 7
\\/ M anipulation |
\*---------------------------------------------------------------------------*/
FoamFile
{
version 2.0;
format ascii;
class dictionary;
location "51.6/uniform";
object time;
}
// * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * //
value 51.5999999999992056;
name "51.6";
index 1032;
deltaT 0.05;
deltaT0 0.05;
// ************************************************************************* //
| [
"[email protected]"
] | ||
a579e92165df2025e450f48338423c433e9588d6 | af69e335fc0ff9632964d061833713b672abad01 | /Temp/StagingArea/Data/il2cppOutput/mscorlib_System_Threading_Mutex3066672582.h | 6da4e549b00a07dd85a69b9591b4afe2e9924d3a | [] | no_license | PruthvishMShirur/Solar-System | ca143ab38cef582705f0beb76f7fef8b28e25ef9 | 5cf3eaa66949801aa9a34cd3cf80eeefa64d2342 | refs/heads/master | 2023-05-26T17:53:37.489349 | 2021-06-16T19:56:48 | 2021-06-16T19:56:48 | 377,611,177 | 0 | 0 | null | null | null | null | UTF-8 | C++ | false | false | 527 | h | #pragma once
#include "il2cpp-config.h"
#ifndef _MSC_VER
# include <alloca.h>
#else
# include <malloc.h>
#endif
#include <stdint.h>
#include "mscorlib_System_Threading_WaitHandle1743403487.h"
#ifdef __clang__
#pragma clang diagnostic push
#pragma clang diagnostic ignored "-Winvalid-offsetof"
#pragma clang diagnostic ignored "-Wunused-variable"
#endif
// System.Threading.Mutex
struct Mutex_t3066672582 : public WaitHandle_t1743403487
{
public:
public:
};
#ifdef __clang__
#pragma clang diagnostic pop
#endif
| [
"[email protected]"
] | |
ce4022029c057a841c8a8cc71671decbb8af1fc6 | cb77dcbbce6c480f68c3dcb8610743f027bee95c | /android/art/test/ti-agent/scoped_utf_chars.h | 422caaf84e1de278207c082122a1803c1f06bed7 | [
"MIT",
"Apache-2.0",
"NCSA"
] | permissive | fengjixuchui/deoptfuscator | c888b93361d837ef619b9eb95ffd4b01a4bef51a | dec8fbf2b59f8dddf2dbd10868726b255364e1c5 | refs/heads/master | 2023-03-17T11:49:00.988260 | 2023-03-09T02:01:47 | 2023-03-09T02:01:47 | 333,074,914 | 0 | 0 | MIT | 2023-03-09T02:01:48 | 2021-01-26T12:16:31 | null | UTF-8 | C++ | false | false | 2,214 | h | /*
* Copyright (C) 2010 The Android Open Source Project
*
* Licensed under the Apache License, Version 2.0 (the "License");
* you may not use this file except in compliance with the License.
* You may obtain a copy of the License at
*
* http://www.apache.org/licenses/LICENSE-2.0
*
* Unless required by applicable law or agreed to in writing, software
* distributed under the License is distributed on an "AS IS" BASIS,
* WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
* See the License for the specific language governing permissions and
* limitations under the License.
*/
#ifndef ART_TEST_TI_AGENT_SCOPED_UTF_CHARS_H_
#define ART_TEST_TI_AGENT_SCOPED_UTF_CHARS_H_
#include "jni.h"
#include <string.h>
#include "android-base/macros.h"
#include "jni_helper.h"
namespace art {
class ScopedUtfChars {
public:
ScopedUtfChars(JNIEnv* env, jstring s) : env_(env), string_(s) {
if (s == nullptr) {
utf_chars_ = nullptr;
JniThrowNullPointerException(env, nullptr);
} else {
utf_chars_ = env->GetStringUTFChars(s, nullptr);
}
}
ScopedUtfChars(ScopedUtfChars&& rhs) :
env_(rhs.env_), string_(rhs.string_), utf_chars_(rhs.utf_chars_) {
rhs.env_ = nullptr;
rhs.string_ = nullptr;
rhs.utf_chars_ = nullptr;
}
~ScopedUtfChars() {
if (utf_chars_) {
env_->ReleaseStringUTFChars(string_, utf_chars_);
}
}
ScopedUtfChars& operator=(ScopedUtfChars&& rhs) {
if (this != &rhs) {
// Delete the currently owned UTF chars.
this->~ScopedUtfChars();
// Move the rhs ScopedUtfChars and zero it out.
env_ = rhs.env_;
string_ = rhs.string_;
utf_chars_ = rhs.utf_chars_;
rhs.env_ = nullptr;
rhs.string_ = nullptr;
rhs.utf_chars_ = nullptr;
}
return *this;
}
const char* c_str() const {
return utf_chars_;
}
size_t size() const {
return strlen(utf_chars_);
}
const char& operator[](size_t n) const {
return utf_chars_[n];
}
private:
JNIEnv* env_;
jstring string_;
const char* utf_chars_;
DISALLOW_COPY_AND_ASSIGN(ScopedUtfChars);
};
} // namespace art
#endif // ART_TEST_TI_AGENT_SCOPED_UTF_CHARS_H_
| [
"[email protected]"
] | |
a491f017046b2c22100486d68d6fa949d28351cd | f9e50adaedfcb437cafe24750cc9e0b18a011fc6 | /03_SimpleTriangle/03_SimpleTriangle/Game.cpp | 8323db4dfd420e8f77ee9aed7c5d38f58c316635 | [
"MIT"
] | permissive | yoshimune/LearningDirectX11 | f5e5380fd4eb41d4015ed386abbcad00ad1d7b8a | 2b78cad29b3183af1363cc2e050d794252c59e6d | refs/heads/master | 2020-03-31T12:13:01.718375 | 2018-11-26T08:26:40 | 2018-11-26T08:26:40 | 152,207,328 | 2 | 0 | null | null | null | null | SHIFT_JIS | C++ | false | false | 15,239 | cpp | #include "Game.h"
#include <DirectXColors.h>
#include <fstream>
using namespace DirectX;
using Microsoft::WRL::ComPtr;
Game::Game()
:window_(nullptr)
,output_width_(800)
,output_height_(600)
,featureLevels_(D3D_FEATURE_LEVEL_9_1)
{
}
Game::~Game()
{
}
// 初期化処理
void Game::Initialize(HWND window, int width, int height)
{
window_ = window;
output_width_ = width;
output_height_ = height;
viewport_.Width = static_cast<FLOAT>(width);
viewport_.Height = static_cast<FLOAT>(height);
viewport_.MinDepth = 0.0f;
viewport_.MaxDepth = 1.0f;
viewport_.TopLeftX = 0;
viewport_.TopLeftY = 0;
// フレームレート管理カウンタの初期化
// カウンタの初期化
QueryPerformanceCounter(&total_count_);
// 周波数取得
QueryPerformanceFrequency(&frequency_);
CreateDevice();
CreateResources();
}
void Game::Tick()
{
if (UpdateTimer())
{
Update();
Render();
}
}
bool Game::UpdateTimer()
{
// 現在のカウント数を取得
LARGE_INTEGER current_count;
QueryPerformanceCounter(¤t_count);
// 前回からの経過カウント数を取得
long long diff_count = current_count.QuadPart - total_count_.QuadPart;
// カウント数と周波数から経過時間を算出
float time = float(double(diff_count) / double(frequency_.QuadPart));
if (time >= 1.0f / FRAME_RATE)
{
total_count_ = current_count;
return true;;
}
return false;
}
// ゲームの状態を更新
void Game::Update()
{
}
// 描画する
void Game::Render()
{
// 画面クリア
Clear();
// 頂点バッファ用意
UINT vb_slot = 0;
ID3D11Buffer* vb[1] = { d3d_vertex_buffer_.Get() };
UINT stride[1] = { sizeof(VertexData) };
UINT offset[1] = { 0 };
// 頂点バッファをバインド
d3d_context_->IASetVertexBuffers(vb_slot, 1, vb, stride, offset);
// インデックスバッファ
d3d_context_->IASetIndexBuffer(d3d_index_buffer_.Get(), DXGI_FORMAT_R32_UINT, 0);
// 入力レイアウトオブジェクトをバインド
d3d_context_->IASetInputLayout(d3d_vertex_layout_.Get());
// プリミティブ形状
d3d_context_->IASetPrimitiveTopology(D3D11_PRIMITIVE_TOPOLOGY_TRIANGLELIST);
// シェーダー
d3d_context_->VSSetShader(d3d_vertex_shader_.Get(), nullptr, 0);
d3d_context_->PSSetShader(d3d_pixel_shader_.Get(), nullptr, 0);
// 定数バッファ
ConstantBuffer cbuffer;
// プロジェクション行列
FLOAT aspect = viewport_.Width / viewport_.Height;
FLOAT min_z = 0.01f;
FLOAT max_z = 100.0f;
FLOAT fov = XM_PIDIV4; // 画角
cbuffer.proj_matrix_ = XMMatrixTranspose(XMMatrixPerspectiveFovLH(fov, aspect, min_z, max_z));
// カメラ行列
XMVECTOR Eye = XMVectorSet(0.0f, 1.0f, -1.5f, 0.0f);
XMVECTOR At = XMVectorSet(0.0f, 0.0f, 0.0f, 0.0f);
XMVECTOR Up = XMVectorSet(0.0f, 1.0f, 0.0f, 0.0f);
cbuffer.view_matrix_ = XMMatrixTranspose(XMMatrixLookAtLH(Eye, At, Up));
cbuffer.model_matrix_ = XMMatrixIdentity();
// 定数バッファの内容を更新
d3d_context_->UpdateSubresource(d3d_cbuffer_.Get(), 0, NULL, &cbuffer, 0, 0);
// 定数バッファ
UINT cb_slot = 0;
ID3D11Buffer* cb[1] = { d3d_cbuffer_.Get() };
d3d_context_->VSSetConstantBuffers(cb_slot, 1, cb);
d3d_context_->PSSetConstantBuffers(cb_slot, 1, cb);
// ラスタライザステート
d3d_context_->RSSetState(d3d_rasterizer_state_.Get());
// デプス・ステンシルステート
d3d_context_->OMSetDepthStencilState(d3d_depth_stencil_state_.Get(), 0);
// ブレンドステート
d3d_context_->OMSetBlendState(d3d_blend_state_.Get(), NULL, 0xffffffff);
// ポリゴン描画
d3d_context_->DrawIndexed(3, 0, 0);
// 結果をウィンドウに反映
dxgi_swap_chain_->Present(0, 0);
}
//画面クリア
void Game::Clear()
{
// 画面クリア
d3d_context_->ClearRenderTargetView(d3d_render_target_view_.Get(), Colors::Black);
d3d_context_->ClearDepthStencilView(d3d_depth_stencil_view_.Get(), D3D11_CLEAR_DEPTH | D3D10_CLEAR_STENCIL, 1.0f, 0);
d3d_context_->OMSetRenderTargets(1, d3d_render_target_view_.GetAddressOf(), d3d_depth_stencil_view_.Get());
// ビューポートをセット
CD3D11_VIEWPORT viewport(0.0f, 0.0f, static_cast<float>(output_width_), static_cast<float>(output_height_));
d3d_context_->RSSetViewports(1, &viewport);
}
// デバイスを作成する
// 基本的にアプリケーションの起動時のみ呼ばれる
void Game::CreateDevice()
{
// ランタイムレイヤー指定フラグ
// 指定なし
UINT creationFlags = 0;
#ifdef _DEBUG
// デバッグレイヤー
creationFlags |= D3D11_CREATE_DEVICE_DEBUG;
#endif
// 対応する Direct3D Feature Level の配列
static const D3D_FEATURE_LEVEL featureLevels[] =
{
D3D_FEATURE_LEVEL_11_1,
D3D_FEATURE_LEVEL_11_0,
D3D_FEATURE_LEVEL_10_1,
D3D_FEATURE_LEVEL_10_0,
D3D_FEATURE_LEVEL_9_3,
D3D_FEATURE_LEVEL_9_2,
D3D_FEATURE_LEVEL_9_1,
};
// デバイスの作成
DX::ThrowIfFailed(D3D11CreateDevice(
nullptr, // specify nullptr to use the default adapter
D3D_DRIVER_TYPE_HARDWARE,
nullptr,
creationFlags,
featureLevels,
_countof(featureLevels),
D3D11_SDK_VERSION,
d3d_device_.ReleaseAndGetAddressOf(), // returns the Direct3D device created
&featureLevels_, // returns feature level of device created
d3d_context_.ReleaseAndGetAddressOf() // returns the device immediate context
));
// デバッグ設定
#ifndef NDEBUG
ComPtr<ID3D11Debug> d3d_debug;
if (SUCCEEDED(d3d_device_.As(&d3d_debug)))
{
ComPtr<ID3D11InfoQueue> d3d_info_queue;
if (SUCCEEDED(d3d_debug.As(&d3d_info_queue)))
{
#ifdef _DEBUG
d3d_info_queue->SetBreakOnSeverity(D3D11_MESSAGE_SEVERITY_CORRUPTION, true);
d3d_info_queue->SetBreakOnSeverity(D3D11_MESSAGE_SEVERITY_ERROR, true);
#endif // _DEBUG
D3D11_MESSAGE_ID hide [] =
{
D3D11_MESSAGE_ID_SETPRIVATEDATA_CHANGINGPARAMS,
};
D3D11_INFO_QUEUE_FILTER filter = {};
filter.DenyList.NumIDs = _countof(hide);
filter.DenyList.pIDList = hide;
d3d_info_queue->AddStorageFilterEntries(&filter);
}
}
#endif // !NDEBUG
// パイプラインの設定を行う
CreateConstantResources();
}
// リソースを作成する
// ウィンドウサイズの変更があった場合に呼ばれる
void Game::CreateResources()
{
// 以前のウィンドウサイズに合わせたコンテキストをクリアする
// レンダーターゲットビューの用意
ID3D11RenderTargetView* nullViews[] = { nullptr };
// レンダーターゲットビューをコンテキストにバインドする
d3d_context_->OMSetRenderTargets(_countof(nullViews), nullViews, nullptr);
// メンバークリア
d3d_render_target_view_.Reset();
d3d_depth_stencil_state_.Reset();
// リソースオブジェクトの破棄を実行
d3d_context_->Flush();
UINT back_buffer_width = static_cast<UINT>(output_width_);
UINT back_buffer_height = static_cast<UINT>(output_height_);
DXGI_FORMAT back_buffer_format = DXGI_FORMAT_B8G8R8A8_UNORM;
DXGI_FORMAT depth_buffer_format = DXGI_FORMAT_D24_UNORM_S8_UINT;
UINT back_buffer_count = 2;
// 既にスワップチェーンが作成されている場合
if (dxgi_swap_chain_)
{
auto hr = dxgi_swap_chain_->ResizeBuffers(back_buffer_count, back_buffer_width, back_buffer_height, back_buffer_format, 0);
if (hr == DXGI_ERROR_DEVICE_REMOVED || hr == DXGI_ERROR_DEVICE_RESET)
{
// もしデバイスが何らかの理由で削除されている場合は。新しいデバイスとスワップチェーンを作成する
OnDeviceLost();
return;
}
else
{
// その他のエラー
DX::ThrowIfFailed(hr);
}
}
// スワップチェーンが作成されていない場合
else
{
// D3D Device から DXGI Device を検索します
ComPtr<IDXGIDevice1> dxgi_device;
DX::ThrowIfFailed(d3d_device_.As(&dxgi_device));
// 現在のデバイスで動作中の物理アダプタ(GPU またはカード)を初期化します。
ComPtr<IDXGIAdapter> dxgi_adapter;
DX::ThrowIfFailed(dxgi_device->GetAdapter(dxgi_adapter.GetAddressOf()));
// アダプタから親ファクトリを入手します
ComPtr<IDXGIFactory2> dxgi_factory;
DX::ThrowIfFailed(dxgi_adapter->GetParent(IID_PPV_ARGS(dxgi_factory.GetAddressOf())));
// スワップチェーン作成のためのディスクリプタを作成します。
DXGI_SWAP_CHAIN_DESC1 swap_chain_desc = {};
swap_chain_desc.Width = back_buffer_width;
swap_chain_desc.Height = back_buffer_height;
swap_chain_desc.Format = back_buffer_format;
swap_chain_desc.SampleDesc.Count = 1;
swap_chain_desc.SampleDesc.Quality = 0;
swap_chain_desc.BufferUsage = DXGI_USAGE_RENDER_TARGET_OUTPUT;
swap_chain_desc.BufferCount = back_buffer_count;
DXGI_SWAP_CHAIN_FULLSCREEN_DESC fs_swap_chain_desc = {};
fs_swap_chain_desc.Windowed = TRUE;
// Win32 windowからスワップチェーンを作成します。
DX::ThrowIfFailed(dxgi_factory->CreateSwapChainForHwnd(
d3d_device_.Get(),
window_,
&swap_chain_desc,
&fs_swap_chain_desc,
nullptr,
dxgi_swap_chain_.ReleaseAndGetAddressOf()
));
// Alt + Enter ショートカットキーに応答しないようにします。
DX::ThrowIfFailed(dxgi_factory->MakeWindowAssociation(window_, DXGI_MWA_NO_ALT_ENTER));
}
// 最終的な3Dレンダーターゲットとなるこのウィンドウのバックバッファーを含めます。
ComPtr<ID3D11Texture2D> back_buffer;
DX::ThrowIfFailed(dxgi_swap_chain_->GetBuffer(0, IID_PPV_ARGS(back_buffer.GetAddressOf())));
// レンダーターゲットビューインターフェイスをバインドします
DX::ThrowIfFailed(d3d_device_->CreateRenderTargetView(back_buffer.Get(), nullptr, d3d_render_target_view_.ReleaseAndGetAddressOf()));
// 2Dサーフェイスをデプス・ステンシルバッファとして割り当てます。
// デプス・ステンシルビューをバインドするためこのサーフェイス上に作成します。
CD3D11_TEXTURE2D_DESC depth_stencil_desc(depth_buffer_format, back_buffer_width, back_buffer_height, 1, 1, D3D11_BIND_DEPTH_STENCIL);
ComPtr<ID3D11Texture2D> depth_stencil;
DX::ThrowIfFailed(d3d_device_->CreateTexture2D(&depth_stencil_desc, nullptr, depth_stencil.GetAddressOf()));
CD3D11_DEPTH_STENCIL_VIEW_DESC depth_stencil_view_desc(D3D11_DSV_DIMENSION_TEXTURE2D);
DX::ThrowIfFailed(d3d_device_->CreateDepthStencilView(depth_stencil.Get(), &depth_stencil_view_desc, d3d_depth_stencil_view_.ReleaseAndGetAddressOf()));
}
// ゲーム中固定のリソースを作成する
void Game::CreateConstantResources()
{
// Shader =====================================================================
// バイナリファイルからシェーダーを読み込みます
BinaryData vertex_shader_code(L"vertexShader.cso");
BinaryData pixel_shader_code(L"pixelShader.cso");
// 頂点シェーダ作成
DX::ThrowIfFailed(
d3d_device_->CreateVertexShader(vertex_shader_code.get(), vertex_shader_code.size(), NULL, d3d_vertex_shader_.GetAddressOf())
);
// ピクセルシェーダ作成
DX::ThrowIfFailed(
d3d_device_->CreatePixelShader(pixel_shader_code.get(), pixel_shader_code.size(), NULL, d3d_pixel_shader_.GetAddressOf())
);
// 入力レイアウト =========================================================
// 入力レイアウト定義
D3D11_INPUT_ELEMENT_DESC layout[] = {
{ "POSITION", 0, DXGI_FORMAT_R32G32B32_FLOAT, 0, 0, D3D11_INPUT_PER_VERTEX_DATA, 0 },
};
UINT element_num = _countof(layout);
// 入力レイアウト作成
DX::ThrowIfFailed(
d3d_device_->CreateInputLayout(layout, element_num, vertex_shader_code.get(), vertex_shader_code.size(), d3d_vertex_layout_.GetAddressOf())
);
// 頂点バッファ ===========================================================
{
// 頂点バッファ定義
VertexData vertices[] = {
{ 0.0f, 0.5f, 0.0f},
{ 0.5f, -0.5f, 0.0f},
{ -0.5f, -0.5f, 0.0f},
};
D3D11_BUFFER_DESC bd;
ZeroMemory(&bd, sizeof(bd));
bd.Usage = D3D11_USAGE_DEFAULT;
bd.ByteWidth = sizeof(VertexData) * 3;
bd.BindFlags = D3D11_BIND_VERTEX_BUFFER;
bd.CPUAccessFlags = 0;
D3D11_SUBRESOURCE_DATA InitData;
ZeroMemory(&InitData, sizeof(InitData));
InitData.pSysMem = vertices;
// 頂点バッファ作成
DX::ThrowIfFailed(
d3d_device_->CreateBuffer(&bd, &InitData, d3d_vertex_buffer_.GetAddressOf())
);
}
// インデックスバッファ ==================================================
{
UINT indices[] = { 0,1,2 };
D3D11_BUFFER_DESC bd;
ZeroMemory(&bd, sizeof(bd));
bd.Usage = D3D11_USAGE_DEFAULT;
bd.ByteWidth = sizeof(int) * 3;
bd.BindFlags = D3D11_BIND_INDEX_BUFFER;
bd.CPUAccessFlags = 0;
D3D11_SUBRESOURCE_DATA InitData;
ZeroMemory(&InitData, sizeof(InitData));
InitData.pSysMem = indices;
// インデックスバッファ作成
DX::ThrowIfFailed(
d3d_device_->CreateBuffer(&bd, &InitData, d3d_index_buffer_.GetAddressOf())
);
}
//定数バッファ ===========================================================
{
D3D11_BUFFER_DESC bd;
ZeroMemory(&bd, sizeof(bd));
bd.Usage = D3D11_USAGE_DEFAULT;
bd.ByteWidth = sizeof(ConstantBuffer);
bd.BindFlags = D3D11_BIND_CONSTANT_BUFFER;
bd.CPUAccessFlags = 0;
DX::ThrowIfFailed(
d3d_device_->CreateBuffer(&bd, nullptr, d3d_cbuffer_.GetAddressOf())
);
}
// ラスタライザステート ===================================================
CD3D11_DEFAULT default_state;
CD3D11_RASTERIZER_DESC rs_desc(default_state);
rs_desc.CullMode = D3D11_CULL_NONE;
DX::ThrowIfFailed(
d3d_device_->CreateRasterizerState(&rs_desc, d3d_rasterizer_state_.GetAddressOf())
);
// デプス・ステンシルステート =============================================
CD3D11_DEPTH_STENCIL_DESC ds_desc(default_state);
DX::ThrowIfFailed(
d3d_device_->CreateDepthStencilState(&ds_desc, d3d_depth_stencil_state_.GetAddressOf())
);
// ブレンドステート ========================================================
CD3D11_BLEND_DESC bd_desc(default_state);
DX::ThrowIfFailed(
d3d_device_->CreateBlendState(&bd_desc, d3d_blend_state_.GetAddressOf())
);
}
// デバイスが削除された際にデバイスリソースの再設定を行う
void Game::OnDeviceLost()
{
// リソースを削除
d3d_vertex_buffer_.Reset();
d3d_pixel_shader_.Reset();
d3d_vertex_layout_.Reset();
d3d_vertex_buffer_.Reset();
d3d_index_buffer_.Reset();
d3d_shader_resource_view_.Reset();
d3d_cbuffer_.Reset();
d3d_rasterizer_state_.Reset();
d3d_depth_stencil_state_.Reset();
d3d_blend_state_.Reset();
d3d_render_target_view_.Reset();
d3d_depth_stencil_view_.Reset();
dxgi_swap_chain_.Reset();
d3d_context_.Reset();
d3d_device_.Reset();
// 再生成
CreateDevice();
CreateResources();
} | [
"[email protected]"
] | |
71bbc40a83fc891d7edd84782402fbd0b6df5769 | 4060021c54c03ff342efb742798d754c0775d804 | /Contest2/R.cpp | 7a4c7a083d054e95dcad96030985dfffed635c44 | [] | no_license | boulygin233/AISD | 34c0d737399f4c3bfdfb21daf9b820682aef4d31 | 1d973137fe228bed5d44296d1eb32fe2477aa229 | refs/heads/master | 2022-03-24T16:54:14.397400 | 2019-12-13T00:55:55 | 2019-12-13T00:55:55 | 227,721,748 | 0 | 0 | null | null | null | null | UTF-8 | C++ | false | false | 1,419 | cpp | #include <iostream>
#include <string>
#include <list>
using namespace std;
int main() {
string header;
getline(cin, header);
list<char> resultHeader;
auto currentPosition = resultHeader.begin();
for (int i = 0; i < header.size(); ++i) {
if (header[i] == '<') {
if (currentPosition != resultHeader.begin()) {
--currentPosition;
}
} else if (header[i] == '>') {
if (currentPosition != resultHeader.end()) {
++currentPosition;
}
} else if (header[i] == '^') {
currentPosition = resultHeader.begin();
} else if (header[i] == '$') {
currentPosition = resultHeader.end();
} else if (header[i] == '#') {
if (currentPosition != resultHeader.end()) {
auto erasedSymbol = currentPosition;
--currentPosition;
resultHeader.erase(erasedSymbol);
++currentPosition;
}
} else if (header[i] == '@') {
if (currentPosition != resultHeader.begin()) {
auto erasedSymbol = currentPosition;
--erasedSymbol;
resultHeader.erase(erasedSymbol);
}
} else {
resultHeader.insert(currentPosition, header[i]);
}
}
for (auto symbol: resultHeader) {
cout << symbol;
}
}
| [
"[email protected]"
] | |
290c173db5c5d5e947d26842961b2ec89f5818db | 189f52bf5454e724d5acc97a2fa000ea54d0e102 | /ras/floatingObject/4.4/ddt0(k) | 8a57c9c63de0c9a0438e8bf9839b3ecb909a05d9 | [] | no_license | pyotr777/openfoam_samples | 5399721dd2ef57545ffce68215d09c49ebfe749d | 79c70ac5795decff086dd16637d2d063fde6ed0d | refs/heads/master | 2021-01-12T16:52:18.126648 | 2016-11-05T08:30:29 | 2016-11-05T08:30:29 | 71,456,654 | 0 | 0 | null | null | null | null | UTF-8 | C++ | false | false | 273,052 | /*--------------------------------*- C++ -*----------------------------------*\
| ========= | |
| \\ / F ield | OpenFOAM: The Open Source CFD Toolbox |
| \\ / O peration | Version: v1606+ |
| \\ / A nd | Web: www.OpenFOAM.com |
| \\/ M anipulation | |
\*---------------------------------------------------------------------------*/
FoamFile
{
version 2.0;
format ascii;
class volScalarField;
location "4.4";
object ddt0(k);
}
// * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * * //
dimensions [0 2 -3 0 0 0 0];
internalField nonuniform List<scalar>
11640
(
-0.000170861658116
-0.000199987270268
-0.000217522004251
-0.000225299523866
-0.00022133531348
-0.00020823892966
-0.000198583647813
-0.000196424434599
-0.000198440633393
-0.000199971690476
-0.00020154708585
-0.000205218997537
-0.000213289855303
-0.000223492138724
-0.000228553288014
-0.000226448941278
-0.000222160069905
-0.000215270735318
-0.000199611654741
-0.000174889976799
-0.000201028784441
-0.000314869061644
-0.000364587085114
-0.000348060102365
-0.000279602535923
-0.00021637186686
-0.000199332655761
-0.000225113142283
-0.000266620292092
-0.000307448208376
-0.000352460497512
-0.000431190355546
-0.000514888403154
-0.000565756851908
-0.000580140695465
-0.000546845509472
-0.000486684062805
-0.0004083243171
-0.000326473802686
-0.000198469086151
-0.000219463821374
-0.000364378179635
-0.000361556222826
-0.000211508009315
-2.218206121e-05
9.06453458815e-05
7.92545567611e-05
-2.3125885685e-05
-0.000151014421154
-0.000279471701969
-0.000427785352507
-0.000649318973263
-0.000830338690936
-0.000986310905587
-0.00105102593875
-0.000972995017052
-0.000778744750835
-0.000571198380469
-0.000400504629117
-0.000212507539458
-0.000229008247731
-0.00034919456697
-0.000203761371725
0.000119020443718
0.000409988943158
0.000521957117513
0.000436144102186
0.000227353934676
-6.88811682698e-06
-0.000240388945008
-0.000543047094633
-0.000873485782145
-0.00120226340258
-0.00150787827439
-0.00167561472676
-0.0015921365173
-0.00125848698365
-0.00082067464571
-0.000478158068027
-0.000219905724541
-0.000227559041201
-0.00027833340113
3.16779267027e-05
0.000489748225718
0.000821820554733
0.000885041221961
0.000698108712097
0.000388014451204
7.30891713358e-05
-0.000235259797282
-0.000636083491829
-0.00105607541015
-0.00150693689365
-0.00196543905337
-0.00227967464037
-0.00225109889773
-0.00182587932892
-0.0011728140265
-0.000593107834963
-0.000231345558666
-0.000219516252845
-0.000195492468056
0.00023117551571
0.000759043468964
0.00107837717022
0.00105840258996
0.000769660020623
0.00040274459585
7.66534848418e-05
-0.000230676053746
-0.000636709505439
-0.00106508851087
-0.00156286043177
-0.0021547888369
-0.00265568353943
-0.00275176220622
-0.00230960530495
-0.00150700214802
-0.000727258263945
-0.000244895283158
-0.000213763739616
-0.000151715646327
0.000319314195376
0.000856808666592
0.00113820794892
0.00104566314028
0.000675914627045
0.000277053798164
-6.15964709291e-06
-0.00025143366181
-0.000538860021337
-0.000878315719757
-0.0013276430561
-0.00199548765406
-0.00270565822643
-0.00296711032003
-0.00257409367506
-0.00170811036738
-0.000816236790569
-0.00025406778345
-0.000211693916475
-0.000146964139588
0.000323403724586
0.000848916689216
0.00110825163797
0.00100014594937
0.000588250975937
0.000214441548322
-1.10543568237e-05
-0.000173210937066
-0.000363080652439
-0.000596248120777
-0.000962012365596
-0.0016730136197
-0.00254557359745
-0.00293835910051
-0.00261251874286
-0.00175144822736
-0.000835223973002
-0.000253416972461
-0.000210935147284
-0.000152685071621
0.000309930179006
0.000825780906069
0.00107348181681
0.000955935003942
0.000546026180777
0.000188827742821
-1.19599336697e-05
-0.000144843555613
-0.000278123730533
-0.000462296872204
-0.000793151521628
-0.00149007852396
-0.00242927872096
-0.00287885072609
-0.00258749329752
-0.0017389466441
-0.000826390106353
-0.000248400258469
-0.000210369629626
-0.000159323564001
0.000299298489439
0.000814175230111
0.00106333732703
0.000949171469587
0.000547874584794
0.000184270174784
-1.25237925055e-05
-0.000137293301578
-0.000259998493051
-0.00043590854979
-0.000768835591212
-0.00148615091133
-0.00244962069663
-0.00290342094558
-0.00260649790173
-0.00174614481184
-0.000824830675428
-0.000244482851935
-0.000209205600911
-0.00016461685094
0.000294639410944
0.000818141445387
0.00108341513106
0.000989107278328
0.000610141295381
0.00020693113573
2.71198685718e-07
-0.000146691394543
-0.000287547741579
-0.000498489518456
-0.000872071293649
-0.00165498113573
-0.00261135340068
-0.00302050376016
-0.0026730420918
-0.00177337202427
-0.000829592779664
-0.000240740262083
-0.000210609092794
-0.000192287152338
0.000245048145277
0.00076823873278
0.00106332449305
0.00102314865305
0.000724195913826
0.000448161340692
0.000187885658048
-5.74177589651e-05
-0.00034598494627
-0.000749677059019
-0.0012692877895
-0.00208536659124
-0.00289546251037
-0.00317758252968
-0.0027329907221
-0.00178041717628
-0.000820394242714
-0.000234015797025
-0.000217106478009
-0.000264628460586
9.0748786563e-05
0.000570998713081
0.00088110733678
0.000897124312418
0.000663496410907
0.000346879252922
1.31322420917e-05
-0.000318857020912
-0.000682785956247
-0.00119495772052
-0.00179520494765
-0.00250800689091
-0.00309226462612
-0.00317398206851
-0.00261756072681
-0.0016557610186
-0.000750340028973
-0.000218522741496
-0.00022398921605
-0.000356553272449
-0.000144236553904
0.000237888866607
0.000529361775924
0.000592790673353
0.000429960529709
0.000148708832547
-0.000178678162142
-0.000522830024038
-0.000907974289365
-0.00143423187208
-0.00200603782968
-0.00258030750144
-0.00293791596585
-0.00283089384499
-0.0022223482012
-0.00135514045277
-0.000617216894952
-0.000199006989232
-0.000227486297242
-0.000420243900724
-0.000377067328239
-0.000148816081671
7.47269368495e-05
0.000148040017783
4.24432996107e-05
-0.000180378593568
-0.000448583608694
-0.000684881849998
-0.00103127930862
-0.00144507045455
-0.00187587963387
-0.00225965557345
-0.0024168547544
-0.0021987310198
-0.00164269614139
-0.000978003966768
-0.000488782108236
-0.000188851641033
-0.000228879992873
-0.000445166194704
-0.000506221633733
-0.000450651512123
-0.000339147722599
-0.000285292683353
-0.000338797737011
-0.00047365718471
-0.000642048330763
-0.00076580252297
-0.000987362366715
-0.00123069629562
-0.00147786133508
-0.00167271301159
-0.00169049197588
-0.00146280854991
-0.0010612346693
-0.000671252491892
-0.000419425975883
-0.000188422846998
-0.000226053384656
-0.000436223300985
-0.000533997934276
-0.000553867567775
-0.000549679832928
-0.000541163375325
-0.000564241822987
-0.000619326988703
-0.000650848114746
-0.000724146771955
-0.000812805632539
-0.000905494582101
-0.000998942835019
-0.00105792955443
-0.00101798415487
-0.000865593101978
-0.000672245986204
-0.000523515335166
-0.000391039631033
-0.000186615106028
-0.000217382303303
-0.000395116418329
-0.000483706284243
-0.00052844315685
-0.000543834566017
-0.000543243231984
-0.000545240200873
-0.000553163196123
-0.000562747635252
-0.000573444442316
-0.000586728232581
-0.000602755528555
-0.000620202447683
-0.000626738258481
-0.000603195024659
-0.000555952518628
-0.000510152050202
-0.000453172037341
-0.000352934681972
-0.00018136591074
-0.000200822593929
-0.000322525765636
-0.000382060382199
-0.000411381746639
-0.000423299096411
-0.000425408729453
-0.000421978454973
-0.000416389452181
-0.00041066190869
-0.00040605949297
-0.00040400491869
-0.000404476334732
-0.000407044383945
-0.000410669729265
-0.000411732560069
-0.000406160912697
-0.00038847490092
-0.000350927365398
-0.000283048299223
-0.000172229119286
-0.000176200233933
-0.00019914341924
-0.000212531149456
-0.000217938067788
-0.000218059603273
-0.000215356038001
-0.000211564531677
-0.000207002868962
-0.00020255123652
-0.000198340458455
-0.000194749143267
-0.000191334517328
-0.000189070813757
-0.000187152128043
-0.000185499138606
-0.000183893170574
-0.000181546637566
-0.000177575104777
-0.000170083123599
-0.000164527802584
-0.000272124197546
-0.00035829868777
-0.000406485633763
-0.000427132745135
-0.000417507609364
-0.000386098050925
-0.000364264765369
-0.000363240305914
-0.000371577557221
-0.000379450377106
-0.000386506128162
-0.000391889200059
-0.000398516655921
-0.000408589269487
-0.000426167955189
-0.000442805089639
-0.000437761814992
-0.000406719411949
-0.000353706573595
-0.000275509038153
-0.000363326324466
-0.000672306378278
-0.000782061372444
-0.000745466913695
-0.000609405943109
-0.000481031816624
-0.000419185356299
-0.000441282902661
-0.000493623276843
-0.00054553219614
-0.00059257404782
-0.000622322180158
-0.000669252954705
-0.000727977871177
-0.000789093984492
-0.000845997771975
-0.000873158756852
-0.000838295477417
-0.000682085233228
-0.000356203930592
-0.000414558371472
-0.000783067616991
-0.000807516338493
-0.000605988767508
-0.000346545986519
-0.00016100994856
-0.000123495143462
-0.000196408349743
-0.000312968359194
-0.000427482199979
-0.000532073836008
-0.000638782625557
-0.000745727844096
-0.000837530022933
-0.000913154103204
-0.000982188910918
-0.00100716087772
-0.000975291937198
-0.000815008798801
-0.000404255701589
-0.000435255421305
-0.000775012063751
-0.000662151915254
-0.000346448521585
-4.19064868509e-05
0.000104125640476
7.1692906557e-05
-8.38360740203e-05
-0.00027681718056
-0.000463803939662
-0.000613528862796
-0.000806443751912
-0.000978924712721
-0.00111794503022
-0.00120632071213
-0.00122768169677
-0.00118016940728
-0.00106569418127
-0.00087324894648
-0.00042759098515
-0.00042884035017
-0.00071508827192
-0.000510000825177
-0.000148618819975
0.000119901011079
0.000172385681029
2.2832387705e-05
-0.000213316266028
-0.000460828623435
-0.000695853699175
-0.000910042478116
-0.00112171180653
-0.00134026861119
-0.00150470686555
-0.0015993068066
-0.00159006893001
-0.00145592173058
-0.00122365923836
-0.000919771620705
-0.000432869262773
-0.000421903748748
-0.000672733173889
-0.000438258473858
-9.17228980352e-05
0.00011709677697
6.5766450993e-05
-0.000202299238309
-0.000491101155851
-0.000735999630191
-0.000957699970783
-0.00115246762077
-0.00136312060003
-0.0016048399808
-0.00179619788894
-0.00193025850661
-0.00192986615828
-0.00175333328921
-0.00141757847324
-0.000994648311342
-0.000438191198014
-0.000424431369778
-0.000681798545845
-0.000469284423892
-0.00015540741126
2.38885576411e-05
-3.1651996626e-05
-0.00033844687698
-0.000647097338561
-0.000852000910853
-0.000992365639313
-0.00108652409963
-0.00120180721933
-0.00142773204459
-0.00177633021457
-0.00206976854175
-0.00215236501754
-0.00198488548976
-0.00159024522248
-0.0010725891594
-0.000443923491652
-0.000428876649633
-0.000701968420507
-0.000510248618944
-0.000203807161854
4.02688681454e-06
4.73777491811e-05
-0.000222185193751
-0.000435850830916
-0.000581382097883
-0.000671176841756
-0.000680505135777
-0.000722278457808
-0.000909951700186
-0.00143056567291
-0.00199547748947
-0.00218944633415
-0.00206284654232
-0.00165889109301
-0.00110734051003
-0.00044471566118
-0.000431417360252
-0.000710041194945
-0.000517896312738
-0.000201215917777
3.25682604167e-05
0.000132647253531
-6.36722412996e-05
-0.000241597381973
-0.000347209943506
-0.000410271772185
-0.000435767862852
-0.000471532261883
-0.0006604725432
-0.00120564393617
-0.0018960042426
-0.00215347757144
-0.0020585964528
-0.00166192121274
-0.00111118030075
-0.000441320889794
-0.000435579325517
-0.000723536795869
-0.000530711050348
-0.0002041495631
5.11412375129e-05
0.000186956467519
5.36495359442e-05
-0.000106305460693
-0.000197469515233
-0.00025562324995
-0.00028627810647
-0.000331081551983
-0.000544928017206
-0.00113693664783
-0.0018848152192
-0.00216845175373
-0.00208250895002
-0.00168219432161
-0.00112431878062
-0.000440745283667
-0.000441154702041
-0.000740560329809
-0.000547299001576
-0.000211974957598
6.21470532224e-05
0.000231382671105
0.000195935225845
7.35814908606e-05
-3.77731546847e-05
-0.000125998256002
-0.000184542922428
-0.000263587711423
-0.000533988764855
-0.00120491366759
-0.0019605463685
-0.00224088641459
-0.00213878754239
-0.00172134550936
-0.00114740575701
-0.000442866985724
-0.000452991048652
-0.000799692602034
-0.000649178675799
-0.000339935191127
-7.14287505545e-05
9.95708805482e-05
0.000188632647403
0.000190549026867
3.58635339186e-05
-0.000147588504692
-0.00032099704909
-0.000525152009257
-0.000907738817773
-0.00155664496058
-0.00217217243346
-0.00242185242528
-0.00227820461508
-0.00181296857832
-0.00119579503927
-0.000450621565822
-0.000469263111315
-0.000907610680892
-0.000867938021367
-0.000648609402348
-0.000419265056852
-0.000274130153202
-0.000214706410664
-0.000242804906466
-0.000465524157145
-0.000743001618956
-0.00103831878777
-0.00132254567779
-0.00168330825364
-0.00214734833721
-0.00256140928948
-0.00268880674955
-0.00243880042337
-0.00190732675154
-0.00124053880829
-0.0004585797622
-0.000479412774562
-0.00100621790085
-0.00111219259882
-0.00101831296084
-0.000884249272122
-0.000806691168628
-0.000826471801462
-0.000950044687039
-0.0011851828024
-0.00146303794499
-0.00175116752391
-0.00202663549168
-0.00234062289502
-0.00266385286731
-0.00287537307485
-0.00283045152171
-0.00246907974349
-0.00189366662501
-0.001224244032
-0.000454144423749
-0.000475707816628
-0.00104135076259
-0.00129067227434
-0.0013543996476
-0.00134387937683
-0.00135038717533
-0.00142577339384
-0.00157896636122
-0.00179341830334
-0.00204069635634
-0.00227090245036
-0.00248507002976
-0.00270918064838
-0.00289433233315
-0.00293071510911
-0.00273993711264
-0.00232938679467
-0.00175621127001
-0.00114825271957
-0.000438964567292
-0.000465941941673
-0.00101281337699
-0.0013066162327
-0.00150484676491
-0.00161237827048
-0.00169467840247
-0.00178848760557
-0.0019110290464
-0.00205876984008
-0.00223607511125
-0.00237947056542
-0.00251511948858
-0.00265021369284
-0.00273113361649
-0.00267043365943
-0.00242307061676
-0.00200826192712
-0.00151154141724
-0.00104199727174
-0.000429914795238
-0.000444442232855
-0.000951066285948
-0.00119234105546
-0.00139276333685
-0.00155776375042
-0.00168015880653
-0.00176776982789
-0.00182182473264
-0.00192862036153
-0.00200428984706
-0.00207778412051
-0.0021492190303
-0.00221705451184
-0.00223480079542
-0.00213391481625
-0.0018981629249
-0.0015739217254
-0.00125765354326
-0.00094583265528
-0.000415349819004
-0.000408768139787
-0.000851202840444
-0.00104926919873
-0.00116348441834
-0.00124971545675
-0.00133187470797
-0.00139156543169
-0.00142214319942
-0.0014436497252
-0.00146917203794
-0.00149660953613
-0.0015251822496
-0.00155156699696
-0.0015488603823
-0.00148150679699
-0.00135910468509
-0.00122714292023
-0.00107207359603
-0.000836063481484
-0.000385212979557
-0.000354472924155
-0.000679412484759
-0.000824493667058
-0.000906060483562
-0.000950535211819
-0.000972409051575
-0.000983412752672
-0.000989703846551
-0.000996147658319
-0.00100437338758
-0.00101522330775
-0.00102757608693
-0.00103867252639
-0.00104323637563
-0.00103334820559
-0.00100140663169
-0.00093870070034
-0.000833481113035
-0.000661110064777
-0.000334627105426
-0.000276885156437
-0.000351577538036
-0.00039707834354
-0.000419104958451
-0.000426858215227
-0.000426825273696
-0.000423315524828
-0.00041917684652
-0.000415289652513
-0.00041351751613
-0.00041392325445
-0.000415973699906
-0.000419628628409
-0.000423142572741
-0.000424286529647
-0.000419905002925
-0.000405419998648
-0.000376608774391
-0.000328587949542
-0.000278359536987
-0.000318883887303
-0.00044878117942
-0.000520643157638
-0.000552580961614
-0.000541633751633
-0.000501352155705
-0.000471717992936
-0.00046711645234
-0.000474002356692
-0.000480855893673
-0.000487056903814
-0.000492235306359
-0.000499223917025
-0.000511918046194
-0.000534595701981
-0.000558312691673
-0.000553153567326
-0.000508462807979
-0.00042996200328
-0.000314962083262
-0.000456909995564
-0.000888979370631
-0.00103878026194
-0.00100100914182
-0.000842999672395
-0.000687506063564
-0.000604255265231
-0.000613736639786
-0.000654377267841
-0.000694989974862
-0.000731132674641
-0.000760717117834
-0.000781690642843
-0.000829680423043
-0.000921478170069
-0.00101928531159
-0.00108677635308
-0.00106289162144
-0.000868330526777
-0.000437110969779
-0.000533175226594
-0.00104008236834
-0.00109560990743
-0.000894885248861
-0.000618523545453
-0.000416341199715
-0.000358160254195
-0.000402831388946
-0.000485826339971
-0.000566528014056
-0.000641107530483
-0.000696426397496
-0.000792492737753
-0.00086651468243
-0.000957010343136
-0.00107471636484
-0.00117484452529
-0.00119452064237
-0.00103140329931
-0.000509288575026
-0.000564954177577
-0.00105040393537
-0.00098386269185
-0.000698315957413
-0.000408881042538
-0.000253757100103
-0.00026441005503
-0.00037707973076
-0.000516345432271
-0.000646910458695
-0.000765086139681
-0.000894246311994
-0.00102061333267
-0.00112129732215
-0.00120239691669
-0.00125707693224
-0.00128323516489
-0.00124881474085
-0.0010853991039
-0.000541659732379
-0.000561611547351
-0.00100814047854
-0.000888330317181
-0.00059242769292
-0.000359782650041
-0.000314514107443
-0.000448464701664
-0.000630355790588
-0.00081084417924
-0.000975420644283
-0.00112575016428
-0.00130033129678
-0.00147068300142
-0.00157761435137
-0.00162925768368
-0.00161588879837
-0.00153077806621
-0.00137778829328
-0.00111792698022
-0.00054452259389
-0.000557721316605
-0.000992612159238
-0.000878580246317
-0.000624313263105
-0.000459581895746
-0.000518003982334
-0.00077921956308
-0.0010190118565
-0.00120722470574
-0.00135329086563
-0.00150095494581
-0.00168398416729
-0.00189730658037
-0.0020095747708
-0.00205606162672
-0.00200896129726
-0.00184946704829
-0.00157246882053
-0.00118828129958
-0.000547390745552
-0.0005629288817
-0.0010271107866
-0.000960534833241
-0.000749187619118
-0.000597300274799
-0.00061295570881
-0.000855316240319
-0.00100242363136
-0.00116826871936
-0.00124684701023
-0.00126705424796
-0.00132978538859
-0.0015728767244
-0.00202999010363
-0.00226656242033
-0.00229777679698
-0.00213362920237
-0.00177560910981
-0.00127788648623
-0.000552928950357
-0.000568587591389
-0.00105686833572
-0.00101856468503
-0.000810829297504
-0.000607648971502
-0.000470494225371
-0.000578730812531
-0.00053017208694
-0.000567369744019
-0.000623197858263
-0.0006613486283
-0.000722584092666
-0.000979856042845
-0.00155043320267
-0.00222328106746
-0.00238088839881
-0.00224705136456
-0.00186722164408
-0.00132186877264
-0.000552638535708
-0.000571329745791
-0.0010635996348
-0.00102195619473
-0.000796596027401
-0.000552125309236
-0.000326107143783
-0.000309041416887
-0.000276980647286
-0.000268104100905
-0.000282527731365
-0.000291746469282
-0.000345925165362
-0.000621778317947
-0.00122089851537
-0.00210308604131
-0.00234814797905
-0.0022501780935
-0.00187640496548
-0.0013282375904
-0.000547877899461
-0.000576803948785
-0.00107884755669
-0.00103686380412
-0.000800731202262
-0.000531402858126
-0.000259112511598
-0.000154271396758
-0.000120841456663
-0.000106007860391
-0.000110479289134
-0.000114908837704
-0.000179621953461
-0.000486278556162
-0.0011202841653
-0.00207976681507
-0.00236470603704
-0.00228092129268
-0.00190390970208
-0.00134604280242
-0.000547226971848
-0.000584757138729
-0.00110016239806
-0.00106189359211
-0.000823993121818
-0.00054533109647
-0.000252350956702
-6.15411545496e-06
6.63676079305e-05
4.9959668933e-05
2.78163619116e-05
2.00363454801e-07
-8.12223297304e-05
-0.000452116675657
-0.00116425615862
-0.00213416334248
-0.00243237269202
-0.00234262665756
-0.00195110257947
-0.00137540950032
-0.000550363552013
-0.000600782814348
-0.00117306036365
-0.0011933804177
-0.00100425582146
-0.000756123025078
-0.000489569276938
-0.000196660676475
4.66886973753e-06
-6.01225427347e-05
-0.000195342600215
-0.000335098975696
-0.000464684276792
-0.000887238295302
-0.00168181622846
-0.00235918331904
-0.00264172128792
-0.00251928388898
-0.0020740092192
-0.0014422140849
-0.000561445405464
-0.000620905644464
-0.00129427117227
-0.00144585038554
-0.00137793484461
-0.00120797731201
-0.0010040598885
-0.000795567568151
-0.000685186420787
-0.000816735117195
-0.00102970784185
-0.0012756004851
-0.00153322400106
-0.00188530304505
-0.00236521364142
-0.00282716913708
-0.00299105416231
-0.00276042897017
-0.00222645128587
-0.00151616392325
-0.000575085209773
-0.000628495230766
-0.00138292124151
-0.00168360253795
-0.00177200914024
-0.00174092919167
-0.00167343578146
-0.00163211184204
-0.00166794105339
-0.00181371771297
-0.00201420446115
-0.00224467821383
-0.00248357895034
-0.00276208640362
-0.00306333388198
-0.00327819339482
-0.00323808352253
-0.00286590850848
-0.00226087287317
-0.001515664751
-0.000572167465541
-0.000614836193723
-0.00138550105837
-0.0018088630183
-0.00205134239489
-0.00217781121266
-0.00224528714669
-0.00231150453739
-0.00240895268802
-0.00254995358064
-0.00272992402995
-0.00290676596006
-0.00308680003816
-0.00327630474293
-0.00343288986319
-0.00345165394398
-0.00323521779921
-0.00278065511196
-0.00213988277468
-0.00142869184722
-0.000551426403454
-0.000595353848567
-0.00131623736136
-0.00173826642428
-0.00208559753783
-0.0023252692879
-0.00249045991488
-0.00260719875541
-0.00270413106903
-0.00279461274542
-0.00293581890523
-0.00305118374902
-0.00316397894359
-0.0032737086127
-0.00332896135795
-0.00323641474567
-0.00293931291199
-0.00245236755335
-0.0018625629162
-0.00129284515482
-0.000533964072781
-0.000562240637929
-0.00121896412952
-0.00153608498065
-0.00183274590357
-0.00209878716103
-0.00229465246791
-0.00241621433882
-0.00249641617893
-0.00255204078175
-0.00261315607421
-0.00267404025346
-0.0027337317416
-0.00278672270623
-0.00278379978095
-0.00264569037023
-0.00234880716035
-0.00194185524833
-0.00154383110016
-0.0011612493656
-0.000506813706943
-0.000509331782889
-0.00108709019943
-0.00133833969498
-0.00149071940237
-0.00161867362923
-0.00174443881508
-0.00183050981419
-0.00186763148084
-0.00188769106521
-0.00190981053662
-0.0019335559958
-0.00195748665142
-0.00197614922731
-0.00195682552819
-0.00185508076972
-0.00168366622933
-0.00150388382796
-0.00130662079487
-0.00101595119363
-0.000456808918022
-0.000428486664262
-0.000863096880486
-0.00105380985235
-0.00116284727546
-0.00122260966843
-0.00125254056916
-0.00126692642693
-0.00127393346575
-0.00127980422879
-0.00128738158171
-0.0012971860346
-0.00130754997347
-0.00131437349771
-0.00131104894044
-0.00128882836234
-0.00123837449355
-0.00115026757016
-0.00101151793617
-0.000792811215903
-0.000377043849655
-0.000313894047842
-0.000427574256715
-0.000496770060273
-0.000531277972355
-0.00054490540086
-0.000546495394324
-0.000542054724975
-0.000536003123195
-0.000529893007405
-0.000526279082866
-0.000525359346995
-0.000527009207907
-0.00053002138848
-0.000532535338565
-0.00053083806748
-0.000519871508527
-0.000493567945024
-0.000445136129631
-0.000368469939885
-0.000288568316828
-0.000345638410367
-0.000510267191577
-0.00060089894595
-0.000642568101782
-0.000632252530018
-0.000586875501992
-0.000552427431559
-0.000545411292984
-0.000550931392263
-0.000556510003032
-0.000561794295301
-0.000566273850886
-0.000572047812053
-0.000585689566587
-0.000612558001999
-0.000639923797872
-0.00063180974292
-0.000575934891236
-0.000478456387391
-0.000336085244441
-0.000521112957129
-0.00103635013097
-0.00121477512111
-0.00117640015275
-0.00100164722708
-0.000828916926921
-0.000732583404293
-0.000735957339498
-0.00076902737443
-0.000802433958974
-0.000833276071051
-0.000858815251793
-0.000875295325637
-0.000909396565625
-0.00101220147488
-0.00114233549479
-0.00123963504685
-0.00121560774491
-0.000990550013262
-0.000489617925982
-0.000617346252872
-0.00121590662893
-0.00128718285212
-0.0010783445839
-0.000787855447619
-0.000573553795475
-0.000511417614748
-0.00054174468296
-0.000602718667065
-0.000662496894136
-0.000717489059208
-0.000758131840273
-0.000823600298474
-0.000890283399928
-0.000999977510749
-0.00115825818307
-0.00130622202791
-0.00135189169874
-0.00117805409505
-0.000580079853588
-0.000658902588583
-0.0012332644818
-0.00118171876133
-0.000903205359006
-0.000616676436805
-0.000463480442528
-0.000469996728794
-0.000558413347959
-0.000661676426653
-0.000757030561
-0.000843357694656
-0.000935424137473
-0.00102766377634
-0.00111552381328
-0.00120850329403
-0.00130055504161
-0.00138357865721
-0.00139582452661
-0.001237380108
-0.000619894068894
-0.000657337021216
-0.00119239188987
-0.00110664600748
-0.000838268717224
-0.000632654775875
-0.000601315947986
-0.000732333912782
-0.000877449045406
-0.0010129649846
-0.00112638122067
-0.00121583476531
-0.00136222449462
-0.00149239888606
-0.00159157971557
-0.00164119644242
-0.0016525762965
-0.00161770715093
-0.0015174417845
-0.00127128040726
-0.000622041250684
-0.000652138825655
-0.00118584369355
-0.00112822581521
-0.000926702066643
-0.000801612604419
-0.000878719751485
-0.00113078888407
-0.00127116725301
-0.00142408883548
-0.00152236424551
-0.00162333213449
-0.00179802274503
-0.00198968126978
-0.00209152962806
-0.00210275759181
-0.002067928891
-0.00195070237244
-0.00171943728017
-0.00134701870103
-0.000626246379829
-0.000656189222305
-0.00123345385234
-0.00124311623263
-0.00110025413104
-0.000992685606673
-0.0010126969197
-0.00118340745673
-0.000874612431358
-0.000912253049308
-0.000982279330098
-0.00105912908399
-0.00117787541789
-0.00144283069505
-0.00206728640568
-0.00232070499396
-0.00238423110711
-0.00226589012968
-0.00194537702093
-0.0014485592359
-0.000633217667194
-0.000660965795499
-0.00126957119514
-0.00131571738284
-0.00118107293197
-0.00102418668249
-0.000875650004833
-0.000851171579776
-0.00151854065816
-0.00229174385242
-0.00248570086807
-0.0024013207903
-0.00205277481285
-0.00149947853877
-0.000632375858235
-0.000663232741931
-0.00127597953745
-0.00131900008401
-0.00116580335033
-0.000965311949696
-0.00072490995653
-0.000557395779525
-0.00113723351701
-0.00216949997954
-0.00245569370638
-0.00240862034121
-0.00206610034893
-0.00150795751908
-0.000626577250745
-0.000669279312771
-0.0012933858297
-0.00133671244656
-0.00117347022955
-0.000946586119352
-0.000654892562148
-0.000388077394725
-0.00100868381826
-0.002139511621
-0.00247813989757
-0.00244728570018
-0.00210003814631
-0.00152981455743
-0.000625782312554
-0.000678279490691
-0.00131815687773
-0.00136712218051
-0.00120541858239
-0.000972231546234
-0.00066247157214
-0.000243029065135
-0.00111573059276
-0.00221386912457
-0.00255829884897
-0.00251846381266
-0.00215481768851
-0.00156432938482
-0.00062929146749
-0.000697281368009
-0.00140100552423
-0.0015174854116
-0.00141525471192
-0.00121746092548
-0.000937594294855
-0.000519461315049
-0.000346795061664
-0.000302039730276
-0.000393062421213
-0.000479200780059
-0.000633154280221
-0.0010446692199
-0.00178000100877
-0.00250171108864
-0.00282142283082
-0.00273157130499
-0.00230147533767
-0.00164307266803
-0.000641948753081
-0.000721649849022
-0.0015344778124
-0.0017942934098
-0.00182849882184
-0.00172012282923
-0.0015137871581
-0.001235112208
-0.00107492648651
-0.00114593254319
-0.00131324852195
-0.00150633593451
-0.00171465457676
-0.00205683029744
-0.00256760957122
-0.0030453380424
-0.00324153682917
-0.00302800691258
-0.00249179466505
-0.00173324485177
-0.000657197801083
-0.000730633369174
-0.00162361850401
-0.00203463860522
-0.00223509951813
-0.00228736073567
-0.00225296765361
-0.00219790019095
-0.00220693521854
-0.00229974572669
-0.00245008800017
-0.00263816541685
-0.002839975287
-0.00308661283668
-0.00336812859593
-0.00359039636556
-0.00356024814821
-0.00318629154971
-0.00255006350017
-0.00173556510491
-0.000652264606725
-0.000711041298393
-0.00161415528743
-0.00213614971761
-0.0024868944376
-0.00270863912015
-0.00283478511423
-0.002918251099
-0.00299648564205
-0.00309393706425
-0.00323041954875
-0.00336930201972
-0.00351919463563
-0.00367968784673
-0.00381899897111
-0.00383353493874
-0.00360686362609
-0.00312273599876
-0.00242728008361
-0.00163196661516
-0.000625353717825
-0.0006841405636
-0.00152267842169
-0.00202144943178
-0.00245821970706
-0.00278579175799
-0.00301553268268
-0.00316490931655
-0.00325712258096
-0.00334154630561
-0.00343341880712
-0.00352499830607
-0.0036175543601
-0.00370508164168
-0.00374505103234
-0.00363926366361
-0.00331056479882
-0.00277335118421
-0.00211438775061
-0.00146833764824
-0.000600087671486
-0.000642450203254
-0.00140212292893
-0.00176809167988
-0.00212161149301
-0.00245981181008
-0.00270821996613
-0.00286314964634
-0.00294196719587
-0.00298711110811
-0.0030365717988
-0.00308732626969
-0.00313691825253
-0.00317677289434
-0.00316067957141
-0.00300177221122
-0.00266429199647
-0.00219900541229
-0.00174296711409
-0.0013087095501
-0.000561491143539
-0.000576383348093
-0.00124648086484
-0.00153507583047
-0.00171443925852
-0.00186959310582
-0.00202498789102
-0.00213146414786
-0.0021748342944
-0.0021936897521
-0.0022137754239
-0.00223552321008
-0.00225650208327
-0.00226943406198
-0.00223930430741
-0.00211532647233
-0.00191029037233
-0.00169519325686
-0.00146606124469
-0.00113470195103
-0.000495836126416
-0.000475671096536
-0.000984660009577
-0.00120858894061
-0.00133857688428
-0.00141069515635
-0.00144728549492
-0.00146459468903
-0.00147251451843
-0.00147866203382
-0.00148625680562
-0.00149601445864
-0.00150572305491
-0.00150983868379
-0.00150089219292
-0.00146855959292
-0.00140286814896
-0.00129368665978
-0.00112797971686
-0.000872933210203
-0.000395735988496
-0.00033379682056
-0.00047732266753
-0.000564853167697
-0.000609496615978
-0.000628145945446
-0.00063146391227
-0.000626421127725
-0.000618719469071
-0.000610743918437
-0.00060509691276
-0.000602562015167
-0.000602583074531
-0.00060451068058
-0.000604803402367
-0.000599284573924
-0.000581596749869
-0.000544859084836
-0.000481305346569
-0.000384217019869
-0.000287005559802
-0.000363533070062
-0.000555765019829
-0.000661336377079
-0.000710619431121
-0.000700042602879
-0.000650893394676
-0.00061345895925
-0.000605511535082
-0.000610522178061
-0.00061576390527
-0.000620498335218
-0.000624674606013
-0.00062881137853
-0.00064307392047
-0.000673725733619
-0.000702720099301
-0.000689330475266
-0.000623727496977
-0.000512234659317
-0.000350214417816
-0.000569398885821
-0.00114628624722
-0.00134415413361
-0.00129861687916
-0.00110478123283
-0.000921077430375
-0.000816787922304
-0.000821310555728
-0.000852555552588
-0.000885343048289
-0.000916545971338
-0.000943183564572
-0.000960754620541
-0.00100060101069
-0.00111845682163
-0.00126460583348
-0.00136683758774
-0.00133062867416
-0.00107639971086
-0.000526976631549
-0.000681714733937
-0.00134445332199
-0.00141193541449
-0.00117655510837
-0.000867621480157
-0.000641435344023
-0.000592571505683
-0.000624944218895
-0.000678297014692
-0.000731683247075
-0.000780754815932
-0.000820634370023
-0.000858165162211
-0.000943670452956
-0.00108175631579
-0.00127696779425
-0.00144857716428
-0.00148947485376
-0.00128828745462
-0.000631362110961
-0.000730456631628
-0.00135339814255
-0.00127960384344
-0.000978988910412
-0.000682588809048
-0.000543245958652
-0.00056668501226
-0.000655190346633
-0.000743947848036
-0.000826832885352
-0.000902003398915
-0.000962528587017
-0.00105533836476
-0.00115331340748
-0.0012786398523
-0.00141432774492
-0.00153808321691
-0.00155827713282
-0.00136706271855
-0.000678418242366
-0.000726723088123
-0.00129317033798
-0.0011887608137
-0.000911608171316
-0.000724155688498
-0.000722364524034
-0.000873882210021
-0.00101227411643
-0.0011251294176
-0.0012193313674
-0.0013026104986
-0.00141638955055
-0.00152581257108
-0.00163739376071
-0.00171279364495
-0.00177339771862
-0.00178559059941
-0.00170281494597
-0.00142238091067
-0.000684296403945
-0.000715076788175
-0.00127612990722
-0.0012125560427
-0.00102512489654
-0.000940192583469
-0.00106616226652
-0.00132989326311
-0.00143921785523
-0.00155808814776
-0.00163010469939
-0.00169773105214
-0.0018547399215
-0.00202050162254
-0.0021639173762
-0.00217644231594
-0.002200572745
-0.00214030234096
-0.00192926479378
-0.00151862430723
-0.000692326012327
-0.000714491047232
-0.00132518962771
-0.00134451961732
-0.00123524373854
-0.00118761298149
-0.00127110184676
-0.00138801543644
-0.000894977317218
-0.000894985666014
-0.000952197719534
-0.00101511272402
-0.00111985869967
-0.0013446744056
-0.00208777810589
-0.00238686464554
-0.00252696695686
-0.00247937531236
-0.00217998621874
-0.00163779292219
-0.000702884434471
-0.000717316604628
-0.0013647312778
-0.00142969364437
-0.00133897835468
-0.00125756621087
-0.00118901066218
-0.000971693254287
-0.00148628782479
-0.00232252983414
-0.00263658365138
-0.00262995681984
-0.0023001858366
-0.00169535885115
-0.000701842335616
-0.000719105594499
-0.001372693031
-0.00143609862043
-0.00132897657282
-0.00120615212395
-0.00104727721144
-0.000645880672185
-0.00107270775391
-0.00218900179631
-0.00260616357265
-0.00264140113174
-0.00231749031871
-0.00170595463231
-0.000694947781077
-0.000725603176895
-0.00139174010337
-0.00145688392273
-0.00134068972333
-0.00119175503916
-0.00098022003219
-0.000463566186625
-0.00093177475285
-0.00216418005486
-0.00263750232336
-0.00269029556312
-0.00235915153272
-0.00173245512857
-0.000693808622323
-0.00073552084357
-0.00141932493412
-0.00149011361095
-0.00137593443374
-0.00121959175187
-0.000993430344481
-0.000342576874374
-0.00108205335775
-0.00228322060477
-0.00274048926275
-0.00277679390562
-0.00242455263
-0.00177326434795
-0.000697262563125
-0.000757267294376
-0.00150976192251
-0.00165372057026
-0.00160159478477
-0.001471990818
-0.00124375775599
-0.000757794740091
-0.000571112380534
-0.000425156985032
-0.000477342832379
-0.000568571707978
-0.000691175354095
-0.00111179547239
-0.00189328059528
-0.00267009463716
-0.00306556955088
-0.00302792380229
-0.00259366207107
-0.00186148490447
-0.000709457074767
-0.00078739382758
-0.0016599188625
-0.00195513937139
-0.00204437197142
-0.00199739643028
-0.00183950063048
-0.00156395560568
-0.00139828445868
-0.00142203823831
-0.00155634240633
-0.00172199108773
-0.00190904807194
-0.00225194089353
-0.0027974742437
-0.00330688991304
-0.00355824178362
-0.00336644684505
-0.00280702013794
-0.00195593282087
-0.000722243417632
-0.000801299833939
-0.0017639297824
-0.0022134476122
-0.00246971861331
-0.00258775156575
-0.00260806456401
-0.00258295933337
-0.00260541942868
-0.00267438064171
-0.00280125587672
-0.00297196698981
-0.0031608439691
-0.00339491882659
-0.00368173342301
-0.00393518165958
-0.00393076282708
-0.00355616445241
-0.0028635891186
-0.00194197124342
-0.000709713562619
-0.000780924462508
-0.00176397941306
-0.00232289101985
-0.00272597075724
-0.00301201522776
-0.00319819926759
-0.00332506973001
-0.00341650859168
-0.00349961341605
-0.00361934322596
-0.00374606213442
-0.00388780385336
-0.00404008945533
-0.00418632183059
-0.00421952427373
-0.00399610010563
-0.0034781823562
-0.00270614693125
-0.00180161620043
-0.000672821605377
-0.00074918253554
-0.00167006848094
-0.00220503062522
-0.00268343035901
-0.00306522602804
-0.00334963543299
-0.0035433025678
-0.00365238246249
-0.00373353879719
-0.00381340974684
-0.00389950799127
-0.00398862179827
-0.00407075598265
-0.00411463779878
-0.00401369211777
-0.00366170287992
-0.00306993825776
-0.00232734882551
-0.00159798055089
-0.000638975474524
-0.000700173305173
-0.00153729820136
-0.00193458603293
-0.0023148561388
-0.0026967653277
-0.00298911655516
-0.00317539638168
-0.00326205465294
-0.00330683056009
-0.00335461082707
-0.0034049662954
-0.00345381004838
-0.00349003034489
-0.00347214410863
-0.00330327540351
-0.00293027426318
-0.00240568601741
-0.00189046544135
-0.00140991510511
-0.000590278745662
-0.000623708946111
-0.00136234885981
-0.00168034289508
-0.0018788012705
-0.00204869599984
-0.00222389020526
-0.00234716458772
-0.0023978991405
-0.00241748395669
-0.00243815447749
-0.00246066785777
-0.0024815455322
-0.00249182780141
-0.00245517119316
-0.00231505321067
-0.00208088271169
-0.00183216610718
-0.00157509232313
-0.00121105532866
-0.000512355570388
-0.000508208676712
-0.00107082332066
-0.00132050666444
-0.00146740044638
-0.0015498257165
-0.00159180563744
-0.00161135739607
-0.00161985853109
-0.00162586181875
-0.00163332119718
-0.00164291304707
-0.00165177005572
-0.00165354318786
-0.00163922257036
-0.00159774934428
-0.00151798133827
-0.00139001729712
-0.00120125950237
-0.00091799761579
-0.000399280679462
-0.000347073137314
-0.000513174169654
-0.000614585953507
-0.000667624052572
-0.000690491819059
-0.000695013112873
-0.000689115759372
-0.000679302189563
-0.0006690474585
-0.000660742573049
-0.000655507741903
-0.000653852045274
-0.000652894422452
-0.000650432836114
-0.000640260305767
-0.000616310935606
-0.000570787285235
-0.000496353077413
-0.000386193808754
-0.000281185838395
-0.000376390442506
-0.000590584675773
-0.000707982997037
-0.0007629719265
-0.000751187251992
-0.000698613972733
-0.00065894770709
-0.000650288272402
-0.000654942814215
-0.000660082878269
-0.000664448828377
-0.000668105938245
-0.000670792881283
-0.000685355748405
-0.000719594339414
-0.000750028570175
-0.000731844938524
-0.000658613080962
-0.000536781987267
-0.00036126586975
-0.000607087037456
-0.00123102761899
-0.00144223568217
-0.00138665301005
-0.00117375065365
-0.0009789702118
-0.000874444204736
-0.000880101198193
-0.00091120623709
-0.000945027314956
-0.000977281502483
-0.00100524380689
-0.00102382780992
-0.00107074611292
-0.00120609713779
-0.00136357050872
-0.00146711398831
-0.00141740011408
-0.00113835529169
-0.000554931221334
-0.000732335505519
-0.0014417252611
-0.00149691191597
-0.00122936056959
-0.000904502851078
-0.000668530185866
-0.000635770571487
-0.000677560991444
-0.000727273206059
-0.000777627689434
-0.000823872064067
-0.000862897980317
-0.000893943361512
-0.000989562526353
-0.00115903397587
-0.00138880569526
-0.00157567187494
-0.0016069876138
-0.00137101786294
-0.000669900402672
-0.000786437440871
-0.00143637575223
-0.00132659187657
-0.000993478082832
-0.000681548274979
-0.000565433105056
-0.000615626592458
-0.000713365804524
-0.000793148153805
-0.000868984756107
-0.000938048719193
-0.000994511409944
-0.00107485548001
-0.00119069053916
-0.00135482312765
-0.00153512692358
-0.00169215617829
-0.00170673822658
-0.00147114113177
-0.000722725129155
-0.000779029033557
-0.00134951378985
-0.00120676356058
-0.00090856502865
-0.000735499149406
-0.000771127094196
-0.000955080537718
-0.00109611534119
-0.00118986832002
-0.00127033456146
-0.00134810357279
-0.00144655870809
-0.00154446100869
-0.0016816269655
-0.00179245098888
-0.00190832465236
-0.00196372584311
-0.00188483000482
-0.00155474722822
-0.000732691667501
-0.000759141331102
-0.00131478350037
-0.00122082505908
-0.00103068157244
-0.000986754492215
-0.00117390594973
-0.00146281804099
-0.00153999618177
-0.00162605846609
-0.001674580352
-0.00173657616174
-0.00187022437599
-0.00201832593282
-0.00221508551258
-0.0022519504755
-0.00234705739803
-0.00234358382659
-0.0021423530814
-0.00167675867465
-0.000745802468553
-0.000752561509804
-0.00136058463066
-0.00136243368098
-0.00127046519255
-0.00128675220435
-0.00145339889271
-0.00157163333368
-0.000928966020156
-0.000911978270597
-0.000961380346617
-0.00101370148892
-0.00110738567011
-0.00132653471455
-0.00205297351492
-0.00242845978281
-0.00268053007744
-0.0027045893579
-0.00241822190579
-0.00181549203062
-0.000760784652072
-0.000753408564739
-0.00140274042532
-0.00145921851178
-0.00139665440795
-0.0013958500251
-0.00142408248223
-0.00107123842168
-0.00149842417808
-0.00235050046201
-0.00279300150698
-0.00286750339207
-0.00254993157206
-0.00187947183915
-0.000759421872538
-0.000755161909986
-0.00141330569312
-0.00147050641237
-0.00139497528611
-0.00135374250283
-0.00129584848403
-0.000750794310057
-0.00106709474967
-0.00219703880525
-0.00276124019324
-0.00288264964236
-0.00257121214963
-0.00189219277816
-0.000751356541069
-0.000762430474752
-0.0014357373121
-0.00149537683248
-0.00141129275292
-0.00134416320123
-0.00123215116801
-0.000567511134464
-0.00092481955443
-0.00218026295892
-0.00280108517566
-0.00294161198643
-0.00262096345274
-0.00192354069849
-0.000749694623375
-0.000773367164878
-0.00146481231827
-0.00153111835417
-0.00144780321202
-0.00137099901216
-0.00124597771712
-0.000492088311981
-0.00111320821361
-0.00234158252676
-0.00292566558626
-0.00304383724642
-0.0026983431139
-0.00197159498439
-0.000752926378165
-0.000797941627059
-0.00156360803339
-0.00170737286856
-0.00168505447123
-0.00161466113116
-0.00147992510198
-0.000978297667824
-0.000755839339985
-0.0005554676549
-0.000588601235366
-0.000671011427979
-0.000791871085949
-0.00120124566982
-0.0020317247532
-0.00283101363397
-0.00330835831671
-0.00332461798501
-0.002888241867
-0.00206918180882
-0.000763900122032
-0.000834359885209
-0.00173072201476
-0.002033588573
-0.00215482422469
-0.00216020742842
-0.00206297377142
-0.00180992976623
-0.00167433019326
-0.00166271326127
-0.00177336616024
-0.00192211118918
-0.00209872050838
-0.00243642220275
-0.00300823363565
-0.00355537305522
-0.0038676900802
-0.00370688639493
-0.00311748874742
-0.00216252237747
-0.000772384189412
-0.00085501364819
-0.00185385689995
-0.00231509238824
-0.00260344570914
-0.00277575293
-0.00285472271361
-0.00287512699472
-0.00292342117223
-0.00297947433147
-0.00310246220924
-0.00325158952419
-0.00343366294677
-0.00366017518454
-0.00396283139783
-0.00425603649163
-0.00428057109576
-0.00391369567312
-0.00316095643427
-0.00212431355765
-0.000749873503296
-0.000834640994433
-0.00187147189272
-0.00244366926848
-0.00287726968537
-0.00321371423381
-0.0034581061729
-0.00363715861816
-0.00375188319928
-0.00382843170887
-0.00393939217033
-0.00406001191976
-0.00419720658439
-0.00434452390878
-0.00450513187494
-0.00456831971289
-0.00435864794152
-0.00380684309214
-0.00295652002095
-0.00194019430548
-0.000701511260392
-0.000798827667088
-0.00178277786462
-0.00233706970054
-0.00283938960076
-0.00326173234512
-0.00359549670249
-0.00383736086281
-0.00396988558335
-0.0040474484608
-0.00412415987803
-0.00420900502211
-0.0042984283677
-0.0043778386813
-0.00443059922988
-0.00434057314588
-0.00397168635108
-0.00332844973882
-0.00250317051453
-0.0016937780668
-0.000659523314154
-0.000743514069775
-0.00164037823065
-0.00206167870614
-0.00246127395029
-0.00286941054253
-0.00319805383004
-0.00341541206676
-0.00351818148708
-0.0035635338631
-0.0036115863739
-0.00366284897214
-0.00371175077979
-0.00374517292272
-0.00372828795438
-0.00355452973713
-0.00315047778467
-0.00256997401998
-0.00199848112614
-0.0014782312109
-0.000601751240924
-0.000658973691262
-0.00144947828932
-0.00179173532478
-0.00200563860712
-0.00218609434502
-0.00237707839992
-0.00251585148057
-0.00257325192015
-0.00259334401846
-0.00261461715538
-0.00263783336251
-0.00265843736762
-0.00266599186183
-0.00262404214047
-0.0024698500709
-0.00220907094788
-0.00192907656761
-0.00164709849193
-0.0012576791747
-0.000514416003057
-0.000532115368252
-0.00113428166748
-0.00140443973083
-0.00156499815371
-0.00165596422522
-0.00170233983413
-0.00172341243551
-0.0017317191383
-0.00173717494774
-0.00174407085874
-0.00175300763313
-0.00176076368993
-0.00175994064019
-0.00174046346322
-0.00168981267869
-0.00159665886274
-0.00145177373225
-0.00124339022688
-0.000939599559241
-0.00039381995231
-0.000357564056626
-0.000540955367227
-0.000653027234298
-0.000712641433955
-0.000739073159526
-0.000744421470058
-0.000737150684418
-0.000724666978467
-0.000711348595244
-0.000699864281181
-0.000692144148714
-0.000686858421537
-0.000683273447158
-0.000676696965317
-0.000661892444897
-0.000632045218646
-0.000580029918559
-0.000497334356079
-0.000378968429658
-0.000273738972474
-0.00038570824034
-0.00061736554033
-0.000743644395951
-0.000802711170063
-0.00078883565891
-0.000732903271518
-0.000691598823455
-0.000682364392312
-0.000686917855068
-0.000692356677943
-0.000696839374577
-0.00070030516704
-0.000702021315833
-0.000717054728833
-0.000754865246275
-0.000786948148317
-0.000764593063527
-0.000685307733065
-0.000555538094999
-0.00037092590674
-0.000636814106338
-0.00129673476249
-0.00151591624631
-0.00144706050587
-0.00121405499379
-0.00100975976153
-0.000913648328311
-0.000917431119189
-0.000948867308041
-0.000985006072809
-0.00101947159157
-0.00104929278496
-0.00106938122414
-0.00112542024402
-0.00127900116091
-0.00144702372685
-0.00154989601423
-0.00148590148195
-0.00118466180291
-0.000576895827426
-0.000772428923248
-0.00151447747241
-0.00154944838329
-0.0012437562465
-0.000902394640267
-0.00065668836816
-0.000640055358645
-0.00070136521089
-0.000752392515025
-0.000803578822556
-0.000849828060599
-0.000889689996738
-0.000922394286998
-0.00102449342315
-0.00123394019427
-0.00149698367049
-0.00169404645772
-0.00170859130951
-0.00143587899425
-0.000700558246434
-0.000830315145976
-0.00148951466656
-0.00133125159375
-0.00095614254533
-0.00062389148913
-0.000536998626714
-0.000623451792291
-0.000740249425818
-0.000816639708923
-0.000890200748292
-0.00095765391455
-0.00101679604469
-0.00109016294483
-0.00122910230499
-0.00143751500006
-0.00166350347522
-0.00184832550911
-0.00184782006904
-0.00156084869381
-0.000758297501764
-0.000818018215695
-0.00136989736549
-0.00117137199953
-0.000840344760439
-0.000677208666407
-0.000758157256873
-0.000988445483761
-0.00114944729359
-0.00123063563169
-0.00130238854387
-0.00137806764546
-0.0014567738349
-0.00156196890798
-0.00173103079421
-0.00188299032316
-0.00205837002289
-0.0021532406001
-0.00206775422448
-0.00167589167636
-0.000772532258734
-0.00078855863035
-0.00131150513005
-0.00116616977094
-0.000956260071157
-0.000954840727901
-0.00121393348457
-0.00154682604277
-0.00162686325204
-0.00168657622117
-0.00171601801143
-0.00177737210481
-0.00189945553274
-0.00205513925246
-0.00225866116952
-0.00233587401452
-0.00251020690263
-0.00256288985867
-0.00236182171032
-0.00182807559349
-0.000791708126449
-0.0007753754856
-0.00135101679368
-0.0013120391584
-0.0012210609923
-0.0013034993951
-0.00156765954848
-0.0017294659907
-0.000973680012125
-0.000939101656536
-0.00097282175348
-0.0010218602135
-0.00110873634404
-0.00132778812442
-0.00201513522489
-0.0024708588679
-0.00283853576874
-0.00294530891884
-0.00266396934259
-0.00198840050955
-0.000811550257795
-0.000774716579784
-0.00139630683463
-0.00142033079212
-0.00137146349357
-0.00145274503417
-0.00158640908306
-0.00115490197975
-0.00153065393546
-0.00237454256401
-0.00295149178599
-0.0031167743011
-0.00280710089522
-0.00205881958483
-0.000809946569109
-0.000777141590572
-0.00141095049154
-0.00143829787968
-0.00138171539646
-0.00142262385514
-0.00147150741377
-0.000868409214415
-0.00108261579543
-0.0022143182921
-0.00291639410329
-0.00313333064329
-0.00283278617073
-0.00207384767252
-0.000800588607689
-0.00078605858961
-0.00143846291485
-0.00146941120117
-0.00140338110897
-0.00140953622258
-0.00140679604371
-0.000700761021927
-0.000989082154391
-0.0021921719497
-0.00295490670124
-0.00320171904584
-0.0028918750494
-0.00211069301541
-0.000798305902057
-0.000798606937126
-0.00147094087357
-0.00150981628399
-0.0014387936939
-0.00143508833773
-0.00141511177271
-0.000653938277578
-0.00125402144864
-0.00237894922176
-0.0031000680462
-0.003315733673
-0.00298223772508
-0.0021681767117
-0.000801329102995
-0.000826377312309
-0.00157768876203
-0.00170376709636
-0.00168526920204
-0.00168696401397
-0.00165245821566
-0.00115362634304
-0.000916675880814
-0.000665113030126
-0.000693295158685
-0.000772774148534
-0.000887507272764
-0.00125771541919
-0.0021539516361
-0.00299475492327
-0.00354997204427
-0.00362746734876
-0.00319107173654
-0.00227605577645
-0.00081107085883
-0.000869824310372
-0.00176260976702
-0.00205421841608
-0.0021871590705
-0.0022352724742
-0.00220912049832
-0.00200731560181
-0.00188366139916
-0.00186941921248
-0.00196827054256
-0.00210238180157
-0.00227689890907
-0.00260841875592
-0.00320282944476
-0.00379440051909
-0.0041719470727
-0.00405389402428
-0.00343055378392
-0.00236345138869
-0.000813291651378
-0.000898095285229
-0.00190953884025
-0.00236234666416
-0.00266514652201
-0.00288211668333
-0.0030206047366
-0.00310104212378
-0.00318311432813
-0.00323412578099
-0.00335020712474
-0.00349526450593
-0.00367596901433
-0.00389774263416
-0.00422125509583
-0.004559941947
-0.00461962863204
-0.00426509785197
-0.00345047601899
-0.00229261137759
-0.000778074521515
-0.000878767241944
-0.00194910331659
-0.00251756395077
-0.00296649517266
-0.00334348029617
-0.00364487021895
-0.00388294680542
-0.0040283053305
-0.00410597164487
-0.00421141378762
-0.00432835135358
-0.004464904598
-0.00461027493367
-0.00479085739737
-0.00489190525268
-0.00470142614268
-0.00411834901772
-0.00318794269355
-0.00205798169049
-0.000717545041816
-0.000838850270802
-0.00187140629319
-0.00243302723256
-0.00294672495829
-0.0034002694891
-0.00378025105114
-0.00407344769962
-0.00423839248289
-0.00431074863281
-0.00438796019781
-0.00447688199617
-0.0045675166307
-0.00464413255338
-0.0047078684227
-0.00463388649238
-0.0042526040754
-0.0035600185464
-0.00265240918829
-0.00176563913972
-0.000666592922562
-0.000777906545212
-0.00172250212189
-0.002161995098
-0.00257377186577
-0.003000173676
-0.00335643718558
-0.00361011215825
-0.00373036009935
-0.00377694807222
-0.00382654046768
-0.00387946300859
-0.00392865240103
-0.00395920648882
-0.00394466829171
-0.00376922950362
-0.00333701155475
-0.00270290195808
-0.00207747235579
-0.00152293305225
-0.000600602753012
-0.000686222903983
-0.00151741370918
-0.00188006518522
-0.0021068399861
-0.00229475649017
-0.00249889185643
-0.00265166300803
-0.00271530995331
-0.00273583576026
-0.00275755571491
-0.00278114185044
-0.0028009862676
-0.00280545683604
-0.00275842421095
-0.00259134815398
-0.00230561343931
-0.00199528964425
-0.00169131409488
-0.00128357260236
-0.000506180893765
-0.000550586092584
-0.00118279346821
-0.00146982233754
-0.00164161788766
-0.00173961773333
-0.00178948557642
-0.00181149802085
-0.00181910099219
-0.00182350315952
-0.00182934518386
-0.00183711670942
-0.00184321236718
-0.00183961142484
-0.00181459944091
-0.00175499185298
-0.00164880403145
-0.0014879359659
-0.00126347136735
-0.000944680199595
-0.000381608161152
-0.000366909927869
-0.00056412147436
-0.000685061704543
-0.000749835237817
-0.000778623859372
-0.000784630048955
-0.000775440354203
-0.000759874484857
-0.000742845746207
-0.000727586381287
-0.000715952978185
-0.000707151039445
-0.000699338302864
-0.000688834400856
-0.000668930962049
-0.000633627441096
-0.000576851550718
-0.000489658824765
-0.000367510998575
-0.000266154753778
-0.000391964794862
-0.000637170261632
-0.000769899975068
-0.000831485265199
-0.0008145676069
-0.000755128909815
-0.000712647951799
-0.000703349177304
-0.000708119182468
-0.000714550662386
-0.0007198633161
-0.000723761388797
-0.000725313734135
-0.000741485895782
-0.00078395061872
-0.000818199071061
-0.000792249004633
-0.00070791932228
-0.000571597061488
-0.000380514134696
-0.000660085478347
-0.00134680673402
-0.00156826895376
-0.00148168052248
-0.00122610964783
-0.00101259611967
-0.000932618560859
-0.000939142749834
-0.000970764508616
-0.00100620362989
-0.00104468153854
-0.00107791972387
-0.00110071178264
-0.00116780070263
-0.00134257489516
-0.00152200823303
-0.00162298392688
-0.00154437213722
-0.00122245164198
-0.000596129450443
-0.000803820613416
-0.00156571789859
-0.001571456559
-0.00121956897624
-0.000851829956944
-0.000604094212083
-0.000601626548034
-0.000687116843159
-0.000746974056839
-0.000808732839698
-0.000859208830568
-0.000902855119319
-0.000939999815067
-0.00105875325182
-0.00130934806443
-0.00160475910966
-0.00180990766416
-0.00180246162195
-0.00149092373839
-0.000727314229703
-0.000864162353735
-0.00151536603095
-0.00129441386146
-0.000865271671355
-0.00051489640806
-0.000451634548572
-0.000586286600558
-0.000732689953821
-0.00081273743703
-0.000890123106285
-0.000961099430682
-0.00102610159013
-0.00109047715895
-0.00127004722573
-0.00152879644818
-0.00180211648818
-0.00201044098702
-0.00198779045232
-0.00164247320956
-0.000789589868556
-0.0008458925638
-0.00135645419872
-0.00108309268123
-0.00070356422907
-0.000543525354397
-0.000679276141403
-0.000971961554378
-0.00117087680047
-0.0012465868746
-0.00131510136286
-0.00139200325727
-0.00147527821934
-0.00158229053901
-0.00178155196083
-0.00198865451362
-0.00222739950525
-0.00235775073451
-0.00225651943563
-0.00179247895166
-0.000808337270853
-0.000805889473842
-0.00126995663881
-0.00104991462254
-0.000801913914401
-0.000842605356572
-0.00118370929752
-0.0015803278369
-0.00169536103176
-0.00173279521225
-0.00174496378232
-0.0018004699636
-0.00191525297558
-0.00209130429878
-0.00230708145591
-0.00242814807747
-0.00268951382734
-0.00280325835965
-0.00259190950248
-0.00197853630102
-0.00083430045119
-0.000786060019888
-0.0013013705931
-0.00119594516304
-0.00108819202794
-0.00123746249227
-0.00161081918145
-0.00183327561284
-0.00102375289511
-0.000975999406975
-0.000986651188896
-0.00102793504489
-0.00110858595354
-0.00132988909218
-0.00197762429607
-0.00252265394638
-0.0030155477136
-0.0032027778863
-0.00292644215775
-0.00216224829318
-0.000859544691803
-0.000784655662864
-0.00135096574612
-0.00131674271764
-0.00126708672443
-0.0014256776376
-0.00166709158526
-0.00121512037269
-0.00156369513893
-0.00240667960819
-0.00313298485293
-0.00338088966682
-0.00308456585126
-0.00223941728272
-0.000857701669809
-0.00078899877893
-0.00137185815892
-0.00134453323843
-0.0012930433954
-0.0014129586282
-0.00159209288633
-0.000957251121568
-0.00110650972506
-0.00223898270135
-0.00310132489464
-0.00340168283705
-0.00311426080473
-0.00225662710677
-0.000846805083517
-0.000800895627737
-0.00140639348274
-0.0013859730365
-0.00132403136094
-0.00141737096081
-0.00153185542067
-0.000800089555205
-0.00104279617917
-0.00222815168077
-0.00315302615428
-0.0034709061365
-0.00318145993514
-0.00230011583663
-0.000843667342432
-0.000816180067122
-0.00144482994677
-0.00143738187695
-0.0013599898977
-0.00144621914184
-0.00154514571197
-0.000779889774722
-0.00139079448786
-0.00243890172196
-0.00330777208447
-0.0035998039148
-0.003283165773
-0.00237057876009
-0.000846307926336
-0.000847773571507
-0.00156011296706
-0.00164277469379
-0.00162101992521
-0.00169905455201
-0.00177909310867
-0.00130353101189
-0.00105122895574
-0.000769398915913
-0.000794744526942
-0.00087678560883
-0.00100729617344
-0.00130893767554
-0.0022823521739
-0.00316662088993
-0.0037908600502
-0.00394968209994
-0.00350781159622
-0.00248875418259
-0.000854641910117
-0.000898559251469
-0.00176621056759
-0.00203226699554
-0.00214157024171
-0.00225394510358
-0.0023085918007
-0.00216299902658
-0.00205175953859
-0.00203406864882
-0.00213171778395
-0.00226751194842
-0.00244942509156
-0.0027823280993
-0.00338040338123
-0.00402869873515
-0.00447854344571
-0.00441151795094
-0.00375055902978
-0.00256452699753
-0.000849330904673
-0.000934954496205
-0.00193952592576
-0.00236781907069
-0.00267256144115
-0.0029206881039
-0.0031309425818
-0.00328033269474
-0.00339533208448
-0.003454078693
-0.00356851673939
-0.00371596772714
-0.00389964198223
-0.00411977880281
-0.00446619321396
-0.00485682426375
-0.00496007917594
-0.004618423792
-0.003737533925
-0.0024534048132
-0.000799133578642
-0.000917982968196
-0.00200682038353
-0.00255684334779
-0.00300893312106
-0.00341920653475
-0.00377733733712
-0.00408115372853
-0.00426296638644
-0.00435195544821
-0.00444932673888
-0.00456871985761
-0.00470735672999
-0.00485217347511
-0.00505615595429
-0.00520264993125
-0.00503389053669
-0.00442039247436
-0.00340714701003
-0.00216133987831
-0.000723919019972
-0.000874206402833
-0.00194422768703
-0.00250388852006
-0.00301901283248
-0.00349670876516
-0.00392146393203
-0.00426876123642
-0.00446715939716
-0.00454024074856
-0.00462384282998
-0.00471609053101
-0.00480840358172
-0.00488257336903
-0.00495908729892
-0.00490503505267
-0.00451387833599
-0.0037722431721
-0.00278167196809
-0.00181971122689
-0.000663237339171
-0.000807848729407
-0.00179058466785
-0.00224464762677
-0.0026630293894
-0.00310269500596
-0.00348668215553
-0.00377388840307
-0.00391235185718
-0.00396154722306
-0.00401367787643
-0.00406863107134
-0.00411787167403
-0.0041448454407
-0.00413298020927
-0.00395753295205
-0.00349848568084
-0.00281129044361
-0.00213360300115
-0.00154955699456
-0.000589453274936
-0.000709772826197
-0.00157409343626
-0.00195389013903
-0.00219120532386
-0.00238401435175
-0.00259931928974
-0.00276522703417
-0.00283506332168
-0.00285597880743
-0.00287790319728
-0.00290124484608
-0.00291940578278
-0.00291990942754
-0.00286715607833
-0.00268778843886
-0.00237710254835
-0.00203671672028
-0.00171405904844
-0.00129325830424
-0.000490593259365
-0.000566742382071
-0.00122277217822
-0.00152371715762
-0.00170482447815
-0.00180854457909
-0.00186095062331
-0.00188347355585
-0.00189010199932
-0.00189307646776
-0.00189711046084
-0.00190302036452
-0.00190664802005
-0.00189941695969
-0.00186839981954
-0.00179919578631
-0.0016800568361
-0.00150416833802
-0.00126582945079
-0.000937274852266
-0.000365681531592
-0.000376464012166
-0.000584690299906
-0.00071355795054
-0.000782957239182
-0.000813574050155
-0.000819250406527
-0.000807669313094
-0.000788421002343
-0.000766881282141
-0.000747328906028
-0.000730020007169
-0.000717223825159
-0.00070471500457
-0.000689524307006
-0.000664299077939
-0.000624649784023
-0.000564762874857
-0.000477435733867
-0.000354605505813
-0.000260016786171
-0.000394968627637
-0.000650677667189
-0.00078751146315
-0.000850027517252
-0.000828886121121
-0.00076550553357
-0.000722276806236
-0.000713545125258
-0.0007194002319
-0.000727845783541
-0.000735424957599
-0.000740790101632
-0.000743410930209
-0.000762630376175
-0.000811194060251
-0.000848446566222
-0.000819797871902
-0.000731103702607
-0.000588424790576
-0.000391270548178
-0.000677677075267
-0.00138237611789
-0.00159944517824
-0.00148890772035
-0.00120634651143
-0.000982739026145
-0.000914058600996
-0.000937081593256
-0.00097286760282
-0.00101437925149
-0.00105262435193
-0.00109162370626
-0.00111945813639
-0.00120104100228
-0.00140024769164
-0.00159484551508
-0.00169383246381
-0.00160021308737
-0.00125847888687
-0.000615869132612
-0.000827495162391
-0.00159568169077
-0.00156106041048
-0.00115127062107
-0.000749877620136
-0.000505264452503
-0.000523046669548
-0.000629067404755
-0.000705161635784
-0.000782091964383
-0.000850171260692
-0.000901723197036
-0.000947621147781
-0.00109415704281
-0.00138722270361
-0.00171504095724
-0.00192825646492
-0.00189531727409
-0.00154320817307
-0.000754223974736
-0.000889035397067
-0.00151290242828
-0.00121113527317
-0.000710457949552
-0.000336423703903
-0.00028896470198
-0.000490271845944
-0.000680509194417
-0.000774399893076
-0.000864163255879
-0.000945762499185
-0.00102143109007
-0.00109745327211
-0.00131411411681
-0.00162962106715
-0.0019533565004
-0.00218179761966
-0.00213181067334
-0.00172208153819
-0.000820742314634
-0.000863716342652
-0.00130741761004
-0.000934468852855
-0.000482853430521
-0.000314762657083
-0.000517859140109
-0.000893132707773
-0.00114991828845
-0.00123129766864
-0.00130483852962
-0.00138717604863
-0.00148096593261
-0.00160853972845
-0.00183930970784
-0.00210558254949
-0.00241622836733
-0.00258052650452
-0.00245535273606
-0.00190968911619
-0.000844131635234
-0.000812354446208
-0.00118750068713
-0.000863207284316
-0.000555466761042
-0.00063536389474
-0.00106922647291
-0.00155731577291
-0.00173162644405
-0.00176101562658
-0.00175564658132
-0.00181165543708
-0.00193748076076
-0.00212839110522
-0.00235921085495
-0.00253470306344
-0.00289333842419
-0.00306800342727
-0.00283875180751
-0.00213263508233
-0.000877420074429
-0.000785966524597
-0.00120904123891
-0.00100517755539
-0.000860205635378
-0.00107015920211
-0.00157557983497
-0.00187021582716
-0.00108400472558
-0.00101758473075
-0.000994914271315
-0.00102777038704
-0.00109973970624
-0.00133213745901
-0.00193741430402
-0.00258716945083
-0.00321853409858
-0.00348931778291
-0.00320632310158
-0.00234124338642
-0.000908782122117
-0.000785018490006
-0.00126467489965
-0.00114155141701
-0.00107563184677
-0.00131340122187
-0.00167452253488
-0.00124323253171
-0.00160048570384
-0.00245368750375
-0.00334306232867
-0.0036769211361
-0.00337757603655
-0.00242450678529
-0.000906205326881
-0.000792928133316
-0.00129497088335
-0.00118565622253
-0.00112328732199
-0.00133392727979
-0.00164764285396
-0.00102797698057
-0.00113751051852
-0.00228120927957
-0.00331777225466
-0.00369704499253
-0.0034132364565
-0.00244355745307
-0.000892930464652
-0.000808928329152
-0.0013396011905
-0.00124251835506
-0.00117235993281
-0.00135804051664
-0.00160759171683
-0.000883821552665
-0.00111291162388
-0.00229258375443
-0.00338600885839
-0.00376960876877
-0.00348830557639
-0.00249685679071
-0.00088807779366
-0.000828063820747
-0.00138636972517
-0.00130323914095
-0.00121926289285
-0.00139584193273
-0.00163016280503
-0.000886241250247
-0.00152907057016
-0.00255586617489
-0.00356535544359
-0.00391325684597
-0.00360194927106
-0.0025812870582
-0.00088890844567
-0.000864447918303
-0.0015161091437
-0.00152442434396
-0.00149765299389
-0.00165305198442
-0.001866600399
-0.00143021889102
-0.00116846362266
-0.000866489354055
-0.000881960076246
-0.000984850042698
-0.00114796208111
-0.00141606172352
-0.00239809530681
-0.00331113309569
-0.00406484670341
-0.00429496097395
-0.0038402897685
-0.00270722141862
-0.000896357457328
-0.000923792924298
-0.00174522691739
-0.00195276679422
-0.00204529167587
-0.00221776924269
-0.00236290162643
-0.00228677005359
-0.0021955639965
-0.00218214838792
-0.00228181132889
-0.00242801308332
-0.00262182597359
-0.00296278596044
-0.00355360311568
-0.00427180583794
-0.00478938023269
-0.0047884638713
-0.00408076408084
-0.00276599861075
-0.000882013142065
-0.000969190067341
-0.00194916062337
-0.00233913335834
-0.0026230857955
-0.00291360812409
-0.00320013776428
-0.00342657292376
-0.0035793206146
-0.00365020549528
-0.00377178674879
-0.00392568127778
-0.00411478002858
-0.00433543431345
-0.00470766445111
-0.00514875660693
-0.00532759283686
-0.00498142810252
-0.00402540697699
-0.00260774446848
-0.000814263896532
-0.000955272404306
-0.00205045881789
-0.00256923310656
-0.00301494627514
-0.00345291922342
-0.00386853562992
-0.00424638697933
-0.00447084424449
-0.0045677366321
-0.00466977908194
-0.00479406747731
-0.00493628898715
-0.00508210504908
-0.00531334759984
-0.00552191927799
-0.00536573312052
-0.00471896543869
-0.00361724211257
-0.00225214641114
-0.000722262542027
-0.000908807334105
-0.00200688688069
-0.00255750576156
-0.00306618722596
-0.00356289948968
-0.00403282263931
-0.00443877400302
-0.00466958355589
-0.00475167271905
-0.00484139050954
-0.00493856450396
-0.00503274094989
-0.00510386689138
-0.00519446231046
-0.00516332916399
-0.0047626794493
-0.003970033876
-0.00289421003233
-0.00185784946569
-0.000651387012274
-0.000837341021476
-0.0018519737225
-0.00231666066166
-0.00273736566162
-0.00318663823786
-0.00359689407029
-0.00391869216049
-0.00407664950364
-0.00412913196777
-0.00418414719497
-0.0042409511327
-0.00428932522942
-0.00431126069723
-0.00430143522495
-0.00412631632153
-0.00363988776528
-0.00289816376963
-0.00216890293697
-0.00155989454878
-0.00057067592898
-0.000733175319592
-0.00162457755272
-0.00201945001343
-0.00226550394942
-0.00246134500168
-0.00268655753119
-0.00286532250506
-0.00294145977543
-0.00296239073555
-0.00298394223086
-0.00300585252992
-0.00302105774116
-0.00301569241057
-0.0029557224726
-0.00276306107261
-0.00242679375534
-0.00205640059824
-0.00171640458609
-0.00128742863471
-0.000470655469407
-0.000582975719685
-0.00125791855235
-0.00157110606857
-0.00176041084607
-0.001868678973
-0.00192290192008
-0.00194543310984
-0.00195096708089
-0.00195192048672
-0.00195339777318
-0.00195595467894
-0.00195580770608
-0.00194345885686
-0.00190495718957
-0.00182483752953
-0.00169228105852
-0.00150209243024
-0.0012514224342
-0.000917848806462
-0.000348531288913
-0.000386933198093
-0.000605813646798
-0.000740912661391
-0.000815208430763
-0.000846958692354
-0.000851023719675
-0.000837026110735
-0.000813311314671
-0.000786245177526
-0.000760707795231
-0.000737926987277
-0.00071846366442
-0.000701179421509
-0.00067970979224
-0.000649931786885
-0.000607852658642
-0.000546871311601
-0.000460323217863
-0.000339974329588
-0.000256952011593
-0.000394365715601
-0.000658430616107
-0.000796779100155
-0.000858364508861
-0.00083130096389
-0.000763228592865
-0.000719550918815
-0.00071237445065
-0.000720947056642
-0.000733502717485
-0.000745021273762
-0.000753758814913
-0.000759517619391
-0.000784087088363
-0.000841683681899
-0.000883676772743
-0.000853456674281
-0.000759916600765
-0.000610297692533
-0.000404766693136
-0.000690254142166
-0.0014041446904
-0.00160898668114
-0.00146586961301
-0.00114840566875
-0.000911164587383
-0.000852239993525
-0.000890155075312
-0.000938887694923
-0.000994941732658
-0.00104524116786
-0.00109074573836
-0.0011263986596
-0.00122579845785
-0.00145424685803
-0.00167018963351
-0.00176742997907
-0.00165929941316
-0.00129814962016
-0.000639774158963
-0.000844182391237
-0.00160455491394
-0.00151509586095
-0.00102922347451
-0.00058021688344
-0.0003415773838
-0.000383835242621
-0.000524952596171
-0.000625170209573
-0.00072615490662
-0.000813305783616
-0.000882880362275
-0.000943144030135
-0.00112417290564
-0.00146210192103
-0.00182861444124
-0.0020516202656
-0.00199122308175
-0.00159769815799
-0.000785744590853
-0.000905611733206
-0.00148012713477
-0.00107222716907
-0.000472252552425
-6.25004255074e-05
-1.99681070924e-05
-0.000308941335679
-0.000563318796521
-0.000686860567812
-0.000802530800996
-0.000905176319881
-0.000999540936226
-0.00109733187531
-0.00135989245109
-0.0017401839904
-0.00211887134627
-0.00236459864046
-0.00228225197297
-0.00180242615886
-0.000855898742427
-0.000871932045899
-0.00121784877
-0.000709503713045
-0.000151467703571
4.46994637326e-05
-0.000241620916263
-0.000725705342254
-0.00106465500059
-0.001170180633
-0.00126355511098
-0.00135892326387
-0.00147754572508
-0.00162492499131
-0.0019036811428
-0.00223924887301
-0.00262929192522
-0.00282789154406
-0.00266755241532
-0.0020299848736
-0.000883371076338
-0.000808231155151
-0.00105675747671
-0.000584159995822
-0.000182986116155
-0.000289337529984
-0.000843222004467
-0.00144884959893
-0.00173509086198
-0.00174494667319
-0.00174086995641
-0.00180831997338
-0.00195010964223
-0.00216727434581
-0.00241739421155
-0.00265951071978
-0.00312929504039
-0.00336614089014
-0.00310717324955
-0.00229244607836
-0.000924538228389
-0.000775212549067
-0.00106568596598
-0.00071251968935
-0.00051575171071
-0.000775631769804
-0.0014170954219
-0.00184066829328
-0.00113565154277
-0.00104993279025
-0.000985820838431
-0.00101911748886
-0.0010922698068
-0.0013328249739
-0.00190169913334
-0.00266669585665
-0.0034557076456
-0.0038157564004
-0.00351231112487
-0.00252729614468
-0.000962025489232
-0.000775936489853
-0.0011302153416
-0.000875492353418
-0.000769485652946
-0.00109094761293
-0.00159268651445
-0.00125726219838
-0.00164037812392
-0.00251598110967
-0.00358877592171
-0.00401426503653
-0.00369471645234
-0.00261668679465
-0.000957442649468
-0.000789014145922
-0.0011741500218
-0.000944995666508
-0.000852048314484
-0.00116407430391
-0.00163434828353
-0.00108116153322
-0.00117649408565
-0.00234115853633
-0.00357176562207
-0.00403405852176
-0.00372835350539
-0.00263933803705
-0.000940123412521
-0.000810638483074
-0.00123309748842
-0.00102539606091
-0.000934606015102
-0.00121865336246
-0.00162426198426
-0.000950155129902
-0.00120206728197
-0.00238526774939
-0.00366092617653
-0.00411778700039
-0.00380467837555
-0.00270185079296
-0.000931614779478
-0.000834688959
-0.00129069757933
-0.00110712961526
-0.00100772949365
-0.00127472551042
-0.00166671625959
-0.00097002472895
-0.00171599790731
-0.00272120624056
-0.00387031432414
-0.00428021213618
-0.00392723786483
-0.0027979508338
-0.000930551968877
-0.000876594848396
-0.00144510561399
-0.00134776899149
-0.00130900091111
-0.00154736053799
-0.00191785931913
-0.00153769955148
-0.00127225927
-0.000958290232195
-0.00097283200175
-0.00109075518622
-0.00130698842333
-0.00169070186734
-0.00234407629547
-0.00348633526996
-0.00438394866432
-0.00467699490423
-0.00419247147001
-0.0029280026153
-0.000938727849973
-0.000946846866904
-0.00170027452966
-0.00182756826011
-0.00189306649176
-0.00212894133436
-0.00237757883347
-0.0023854412697
-0.00232202279667
-0.00232106885268
-0.0024277053938
-0.00258154669279
-0.00278644268523
-0.00312955102791
-0.00375782760182
-0.00456374800998
-0.00516515078626
-0.00519497947842
-0.00442612074399
-0.00296460180351
-0.000912435743825
-0.00100344732841
-0.00194216881449
-0.0022825924199
-0.00252349505676
-0.00286456673527
-0.00323376528585
-0.00354945471857
-0.00374870765755
-0.00384041132837
-0.00397102148703
-0.00413413475894
-0.0043280017157
-0.00453682007484
-0.00493459440662
-0.00546192251086
-0.00571945440322
-0.00536469237914
-0.00431808921765
-0.00275304240362
-0.000823896594242
-0.000993772426803
-0.00208399970901
-0.00256016071967
-0.00299282486496
-0.00345314181612
-0.00392885787306
-0.00439072980474
-0.00466573487995
-0.00477478274008
-0.0048840082896
-0.0050151356148
-0.00516456961455
-0.00532476763697
-0.0055934739636
-0.00584857390709
-0.00570734269012
-0.00502067157522
-0.00381956656683
-0.00232792118236
-0.000712770716977
-0.00094558418123
-0.00206526735212
-0.0026005710678
-0.00309652933437
-0.00360882381727
-0.00412515910488
-0.00459581326056
-0.00486315604233
-0.00495458184227
-0.00505162265322
-0.00515411890425
-0.00524967105734
-0.00531659985337
-0.00542186543641
-0.00541581255332
-0.00500434317752
-0.00415625620882
-0.00298932702252
-0.00187796093511
-0.000630889495485
-0.000869171981539
-0.0019108147182
-0.00238401455056
-0.00280394579801
-0.00326064281912
-0.00369675170922
-0.00405457398467
-0.0042330767018
-0.00428893789611
-0.00434654659116
-0.00440416476119
-0.00444994121116
-0.00446413584655
-0.00445430373545
-0.00427858622463
-0.00376269047168
-0.00296431391244
-0.00218178061599
-0.00155098458664
-0.000547085471305
-0.000759386261497
-0.00167305399961
-0.00208188490976
-0.00233577947361
-0.00253323525033
-0.00276757852246
-0.0029591471104
-0.00304151954678
-0.00306179179312
-0.00308181864061
-0.00310057340893
-0.00311028547065
-0.00309602895006
-0.00302595832256
-0.00281777548648
-0.00245414260973
-0.00205278249252
-0.00169588779849
-0.00126340034633
-0.000445170532871
-0.000602444540264
-0.00129245795526
-0.00161599272803
-0.00181248263995
-0.00192474505312
-0.00198025851134
-0.00200262417228
-0.00200666621688
-0.00200475074901
-0.00200231102887
-0.00199980420669
-0.00199300455672
-0.00197272944986
-0.00192388167863
-0.00183096352145
-0.00168376885451
-0.00147968874131
-0.00121797108393
-0.000882799339836
-0.000327598029518
-0.000399773111923
-0.000629466859527
-0.000770407151522
-0.000847952086194
-0.00088207874295
-0.000883432803407
-0.0008664694558
-0.000837350568167
-0.000803272117106
-0.000769871264328
-0.00073952371309
-0.000713549521008
-0.000688218266806
-0.000661055649785
-0.000626951086816
-0.000583216442356
-0.000521949237939
-0.000437936352907
-0.000323190801203
-0.000258230096204
-0.000390091704702
-0.000662478041342
-0.000799823503474
-0.000857898273809
-0.000822024169023
-0.000747163830866
-0.000702489893866
-0.000697787307712
-0.000711517997874
-0.00073165748867
-0.000750487955265
-0.000765531539864
-0.000777051962729
-0.000810644223489
-0.000880099208372
-0.000929944630349
-0.000898473567069
-0.000800822955926
-0.000641515603725
-0.000423287295015
-0.000699836168182
-0.00141858066415
-0.00160179585641
-0.00141190586473
-0.00104485133922
-0.000785344929204
-0.000736486056632
-0.000793860417318
-0.000863631378573
-0.000944218568525
-0.00101445211591
-0.00107137151216
-0.00111893845212
-0.00124055631396
-0.0015028789718
-0.00174707502991
-0.00184466335057
-0.00172367322051
-0.00134451924077
-0.0006716427489
-0.000856496923791
-0.00159806982345
-0.00143206113706
-0.00084013488178
-0.000318634866568
-8.42605129056e-05
-0.000157958110423
-0.000342858327205
-0.000480752329756
-0.000621433491089
-0.000741355252979
-0.000838293444378
-0.000918961352658
-0.00114281913261
-0.00154110477179
-0.00194402004284
-0.00217941148797
-0.00208882543538
-0.00165390619339
-0.000825441000895
-0.00091673217204
-0.001417132255
-0.000863586708972
-0.000120302937761
0.000359967352969
0.000399384985337
3.2043694998e-06
-0.000346247737145
-0.00052443675703
-0.000687333512001
-0.000827287381057
-0.000951841142749
-0.00108035474269
-0.00140496461127
-0.00186148409827
-0.00230231321077
-0.00256193654806
-0.00243919030289
-0.00188051814719
-0.00089861245321
-0.00087275499021
-0.00107969186164
-0.000379179472854
0.000338515924376
0.00057876928278
0.000204113239315
-0.000423589869168
-0.000872304415858
-0.00103651587782
-0.00116920480757
-0.00130004401328
-0.00145370847489
-0.00163065327101
-0.00197593673773
-0.00239554122202
-0.00287732848211
-0.00311143183427
-0.00289929528619
-0.00215189099712
-0.000928563356249
-0.00079473152828
-0.000862768968375
-0.000160228668979
0.000361475181578
0.000267393543812
-0.000435676643492
-0.00119626093557
-0.00165261999786
-0.00168561880111
-0.00169715893863
-0.00178449727166
-0.00195190238062
-0.00220701413714
-0.00248463699582
-0.00281115689485
-0.0034132012608
-0.00371761304446
-0.00340966625617
-0.00245801410987
-0.0009777200966
-0.000754074081672
-0.000854650272442
-0.000285441663522
1.76301619222e-05
-0.000287121041861
-0.00111048425371
-0.00150072449033
-0.00125673842574
-0.00104487191722
-0.000963587153231
-0.000998948851629
-0.00107741806105
-0.00132748899704
-0.00187121984128
-0.00276869294
-0.00374527113182
-0.00420525529727
-0.00386227448512
-0.00272067896527
-0.00102069319389
-0.000757159448925
-0.000933436292621
-0.000485710972193
-0.000297669674371
-0.000706933315695
-0.00138317905579
-0.00136529254231
-0.0016814472047
-0.00259562371568
-0.00388593634064
-0.00441363168656
-0.0040489083195
-0.00282195987894
-0.00101183539192
-0.000776574412808
-0.000998903593976
-0.000599455611334
-0.000444365826157
-0.000869111364917
-0.00152844542442
-0.0011251067458
-0.00122220581378
-0.00241896801797
-0.00387699460049
-0.00443240917758
-0.00407649444541
-0.00284478615487
-0.000987443857042
-0.000805234148978
-0.00107807358802
-0.000725010506331
-0.000585935614237
-0.000981364663014
-0.00156937041553
-0.000995601918869
-0.00130981121998
-0.0025066895228
-0.00399103897196
-0.00452894252275
-0.00415373241278
-0.00291416477359
-0.000972140768922
-0.000834789808369
-0.00115062341974
-0.000843323417724
-0.000707495963277
-0.00107143530445
-0.0016449248211
-0.00102635731713
-0.00185921143937
-0.00293601671159
-0.00421473727522
-0.00471648050858
-0.00428476248678
-0.0030193999564
-0.000971608391049
-0.000884130176385
-0.00132818574854
-0.00112485721878
-0.00105131800039
-0.00138113895772
-0.00193496193804
-0.00162863577317
-0.00136477883709
-0.00104751476882
-0.00106946509285
-0.00120603135229
-0.00144319171436
-0.00188950431291
-0.00240887757369
-0.00376734783674
-0.00478235104615
-0.00514499377487
-0.00456671253709
-0.0031498316774
-0.000982498417545
-0.000967982390857
-0.0016317941303
-0.00165890346785
-0.00169076318241
-0.00199067213101
-0.00235889522398
-0.00246524431216
-0.00243770901408
-0.00245760576877
-0.00257683699248
-0.00274250219002
-0.00295749728798
-0.0033097476248
-0.004042960407
-0.00486988875183
-0.00561942395623
-0.00565473039496
-0.00480752061173
-0.00315878008332
-0.000940887531504
-0.00103810558762
-0.00192233566249
-0.00219018302526
-0.0023920375842
-0.00277614916537
-0.0032398313138
-0.00365869677839
-0.00391164169968
-0.00403105808185
-0.00417419676893
-0.00434679134026
-0.00452724039424
-0.00473977109701
-0.00521584653292
-0.00584738709725
-0.00615772257717
-0.00579049288371
-0.00462690146106
-0.00288592748874
-0.000826612934266
-0.00103480750185
-0.00211275980205
-0.00253645993409
-0.00294981484466
-0.00342417755724
-0.00396821825512
-0.00452655510727
-0.00486149183947
-0.00498496757702
-0.00510312931434
-0.00524801992844
-0.00542297789071
-0.0055826581807
-0.0058835630246
-0.0061953117128
-0.00607084692925
-0.00533634075096
-0.00401707195304
-0.00238260540564
-0.000694387987903
-0.000986468078486
-0.00212495311893
-0.00264179378472
-0.0031190205451
-0.00364408230478
-0.00420878556683
-0.00474867021073
-0.005058170193
-0.00515865462577
-0.00526357647397
-0.00537078932954
-0.00546637498723
-0.00552643893686
-0.00564583315296
-0.00566650807618
-0.00524219324325
-0.00433113947447
-0.00306302390065
-0.00187203753324
-0.000601415416005
-0.000906790828429
-0.00197222271029
-0.00245338447675
-0.00287064887189
-0.00333328165265
-0.00379521810043
-0.00418984646299
-0.00438961365218
-0.00444795159472
-0.00450699474358
-0.00456326659989
-0.00460290558414
-0.00460472208862
-0.00459121093966
-0.00441278628799
-0.00386423689663
-0.00300404565321
-0.00216609353337
-0.00151502727457
-0.000512987935365
-0.000792357454415
-0.00172463767651
-0.002146847462
-0.00240829156306
-0.00260617549238
-0.00284877031995
-0.00305257060715
-0.00314040618292
-0.00315855089216
-0.00317493857205
-0.00318780976068
-0.00318796526161
-0.00315968243501
-0.00307468680221
-0.00284739300454
-0.00245348313693
-0.00201915671303
-0.00164773593812
-0.00121414286367
-0.000409084905082
-0.000627462180941
-0.00132928055976
-0.00166230332926
-0.00186542322253
-0.00198112558873
-0.00203750806271
-0.00205933518881
-0.00206123745615
-0.0020549027331
-0.00204630188554
-0.00203517293945
-0.00201797246085
-0.00198505860083
-0.00192121127924
-0.0018130155078
-0.00164999482961
-0.00143029578299
-0.00115937822241
-0.000823283733793
-0.000298104766152
-0.000416295981289
-0.000657404563266
-0.000805113271997
-0.000884959971775
-0.000919676139193
-0.000919201242285
-0.000898522523451
-0.000862741626784
-0.000820736846745
-0.000778252082514
-0.000737938094616
-0.000702041590921
-0.000667389934645
-0.000631365323682
-0.00059532633384
-0.000549213761551
-0.00048789520389
-0.00040701300367
-0.000300070516354
-0.000262235664108
-0.000382615040762
-0.000668664136618
-0.000804288889042
-0.00085501446213
-0.000804913235372
-0.000717951054348
-0.00066907117159
-0.000665908238503
-0.000687083095343
-0.000719760088021
-0.000751767813669
-0.000777627040976
-0.000798408425383
-0.000844240405006
-0.000930401854287
-0.00098948001702
-0.000958158971374
-0.000856979008547
-0.000687139097317
-0.000450547521456
-0.000712170784929
-0.00144056461862
-0.00159175620771
-0.00132979772003
-0.000886265709595
-0.000587288157085
-0.000546478615679
-0.000628036459388
-0.000728290714765
-0.000847330107051
-0.000950419916129
-0.00102414749299
-0.0010884559667
-0.00123640350538
-0.00154034240938
-0.00181996858116
-0.00192050678565
-0.00178568393632
-0.00139302894629
-0.000714903725904
-0.000873164022096
-0.00158808513029
-0.00131426843511
-0.000571084638348
6.22470336781e-05
0.00032349056144
0.000187501735877
-5.58571787131e-05
-0.00024665008042
-0.0004469480712
-0.00061803754918
-0.000756358223075
-0.000866876002496
-0.00114782140723
-0.00162317066442
-0.00206574757325
-0.00231331390768
-0.00218533301489
-0.00170398334515
-0.000875167316822
-0.000931392700055
-0.00132230140108
-0.000566457733192
0.000380171621192
0.000975587364513
0.000997967116205
0.000495310220615
1.50713310683e-05
-0.000251516922941
-0.00049315859567
-0.000695042530575
-0.000866778913995
-0.00104314096486
-0.00145259157331
-0.00200466020095
-0.00252092893883
-0.00279178803093
-0.00261035228228
-0.00195151606268
-0.000947519262926
-0.000873221819736
-0.000873502485791
0.000101039356091
0.00105429741514
0.00136028720239
0.000911922899734
8.46803610612e-05
-0.000534642267438
-0.000791642606142
-0.00100157614893
-0.00119315729773
-0.00140089020176
-0.00163517242287
-0.00206389279007
-0.00259242042839
-0.00318901548912
-0.00346428180314
-0.00317433859712
-0.00227536668315
-0.000979703457802
-0.00077595082201
-0.000569041597785
0.000463741180291
0.00117224822681
0.0011185658213
0.000248643833194
-0.000701347842734
-0.00142114946551
-0.0015391226624
-0.00159919949389
-0.00172675790736
-0.00193635369373
-0.00223830291128
-0.00257215566279
-0.00301171456935
-0.00378091509687
-0.00416836143862
-0.00378635888152
-0.00263793915013
-0.00103637449993
-0.000725663551661
-0.000527243491362
0.000341805588168
0.000823086023283
0.000483957985799
-0.000568082076863
-0.0010935479517
-0.00125327925765
-0.00100925495329
-0.000918167350394
-0.000961386082686
-0.00105232222208
-0.00131278817951
-0.00185410133314
-0.00291495137844
-0.00412567277215
-0.00471010066177
-0.00429581927483
-0.0029446986732
-0.00108309494823
-0.000731135502302
-0.000625216258754
7.24963057151e-05
0.00041212699333
-8.28245123967e-05
-0.000975046355627
-0.00136810061091
-0.00172643234775
-0.00270774230544
-0.00426991467563
-0.00492751973681
-0.00448809212281
-0.00305497534613
-0.00106687224458
-0.00075801603037
-0.000731481788881
-0.0001259260394
0.000146808714204
-0.000400226907022
-0.00128910184121
-0.00116068021695
-0.00127382064761
-0.00252690174841
-0.00426507782111
-0.00494128289821
-0.00450541502749
-0.00307503443203
-0.00103155843974
-0.000794590545928
-0.000849093872662
-0.000335460996171
-0.000108430058568
-0.000633140714742
-0.00142032874052
-0.00100849389576
-0.00143419445708
-0.00267024961936
-0.00439349502765
-0.00505448024502
-0.00458622356703
-0.00315335506374
-0.00100643128151
-0.000831382199364
-0.00096159744685
-0.000506510823579
-0.000312504209374
-0.000791322913233
-0.00155597741109
-0.00104642089842
-0.00189802948585
-0.0032095443966
-0.00465709903686
-0.00527761029813
-0.00473312576349
-0.00326523197824
-0.00101661422821
-0.000889935216377
-0.00117508527579
-0.000845406188154
-0.000727770875398
-0.00116832790592
-0.00193311084601
-0.00170928955758
-0.00144678048928
-0.00113817951111
-0.00117458894052
-0.00133710933214
-0.00159972151306
-0.00206060402235
-0.00265601150258
-0.00407243583005
-0.00529718128419
-0.00574391551726
-0.00503668083891
-0.00339611911684
-0.00103006063185
-0.000988611859211
-0.00154315962038
-0.00144678965155
-0.00144216219627
-0.00181391215261
-0.00232388489923
-0.00254149557235
-0.00255539049817
-0.00260599173004
-0.00274054372315
-0.0029232933404
-0.00314719593147
-0.00347072190594
-0.00440358995533
-0.00531362683878
-0.00618143894776
-0.00623479245117
-0.00527610735717
-0.00336822307159
-0.00096752562932
-0.00107437844167
-0.00189503960528
-0.00206735265932
-0.00223094422462
-0.002654938107
-0.0032312470112
-0.00376914557608
-0.00408331727483
-0.00423378553047
-0.00439530411032
-0.00455840061622
-0.00475441212443
-0.00502027450535
-0.00557811468552
-0.00630051857703
-0.00668145894575
-0.00629979867855
-0.00498712499706
-0.00301360350551
-0.00081885420123
-0.00107959128751
-0.00214621857839
-0.00250615100748
-0.00289113594108
-0.00337203604706
-0.0039999472061
-0.00466562974081
-0.00507267074229
-0.00521224556974
-0.00534153387739
-0.00551805070672
-0.00569669592129
-0.00585580699997
-0.00619733041913
-0.00657789075995
-0.00647786719669
-0.00568650335123
-0.00422117813921
-0.0024105134361
-0.00066167496319
-0.00103354208289
-0.00219700176541
-0.0026923265377
-0.0031431491997
-0.00367782000299
-0.00429338787201
-0.00490726652768
-0.00526389045853
-0.00537361279382
-0.00548555452516
-0.005595416308
-0.00568680369382
-0.00573460437359
-0.0058672490241
-0.00591710946436
-0.00547774376624
-0.00449243919379
-0.00310607481561
-0.00182625355944
-0.000554882719752
-0.000952002786729
-0.00204490655987
-0.0025371665388
-0.00294877583395
-0.00341313175319
-0.00390036796749
-0.00433224538378
-0.00455267088541
-0.0046111586213
-0.00466875479718
-0.00471923249572
-0.00474620463695
-0.00472713276309
-0.00470297913805
-0.00451684557719
-0.00392847555389
-0.00299805285536
-0.00210006134482
-0.0014355514814
-0.000460921089722
-0.000832856463375
-0.00178433908125
-0.00222277803417
-0.00249135174293
-0.00268725647165
-0.00293581599343
-0.00314997113874
-0.00324094786985
-0.00325417363437
-0.00326362216877
-0.00326562680829
-0.00324923252699
-0.00319804359708
-0.00308878729425
-0.0028342284253
-0.00240336849179
-0.00193356624436
-0.00155013800723
-0.00112219018833
-0.000355335280935
-0.000659345363904
-0.00137114791202
-0.00171460854528
-0.00192449491247
-0.00204310025418
-0.00209919866859
-0.00211867820831
-0.00211613568953
-0.00210315021116
-0.0020854674812
-0.00206101513141
-0.00202692320728
-0.0019735152271
-0.00188668565146
-0.00175673701726
-0.00157332801987
-0.00133869910328
-0.00105860463616
-0.000724672135491
-0.000253725926267
-0.000438117047334
-0.000691198746281
-0.000845093691465
-0.000929018224845
-0.000963732213903
-0.000962329596807
-0.000935509959243
-0.000892900367014
-0.000841460470252
-0.000786165229279
-0.000733447512361
-0.000683635115156
-0.000636926251818
-0.00059058364445
-0.000549075801113
-0.000501217728938
-0.000439889117448
-0.000362728790231
-0.00026500286404
-0.000266978295933
-0.000364746089642
-0.000677067417223
-0.000812838988769
-0.000848907923716
-0.000774242302961
-0.000667068620364
-0.00061073511484
-0.000607796343025
-0.000638166846444
-0.000689090532181
-0.000742017194799
-0.000785262708708
-0.000818825350034
-0.000880494056112
-0.000986045161823
-0.00105741901928
-0.00102700467193
-0.000926166450608
-0.000749301665207
-0.000491526267596
-0.00072854458944
-0.00149002749398
-0.00159160829483
-0.00121669820242
-0.000652657948759
-0.000290972700409
-0.000256100731143
-0.000367624612631
-0.000510020727709
-0.000686329284017
-0.000840486845817
-0.000945287758636
-0.00102228550496
-0.00121027491335
-0.00157050370337
-0.00189688095425
-0.00199752476917
-0.00183951293186
-0.00142947527372
-0.000770154387911
-0.000900213342606
-0.00158497461126
-0.00116068839254
-0.000209019900128
0.000584015520905
0.000891704781388
0.000668453455999
0.000346634021035
8.61816110729e-05
-0.000192667593068
-0.000434584818769
-0.000623439778946
-0.000790076650661
-0.0011562043537
-0.0017378505556
-0.00222699430423
-0.00248451032261
-0.00228365869954
-0.00173340676695
-0.000927991767685
-0.000952223625751
-0.00118202193404
-0.000156976206852
0.00105853517955
0.00180908204003
0.00180295393249
0.00117983798156
0.000534643741382
0.000150146389772
-0.000202609319078
-0.000496388426908
-0.000737878350897
-0.000988569235011
-0.00151008646214
-0.00220575016178
-0.00282648563526
-0.00311207689949
-0.00284200405412
-0.0020240854275
-0.00099653932265
-0.000868443699346
-0.00055196969428
0.000784017339654
0.00203344347512
0.00243135386804
0.0019039099602
0.000838958403559
-1.30298926768e-05
-0.000411818081044
-0.000733336105571
-0.00101493035642
-0.00130543086013
-0.00163350064537
-0.00218517434374
-0.00286559333687
-0.00362426858002
-0.00396798832767
-0.0035736176555
-0.00243786707675
-0.00103192158238
-0.000740303921779
-9.88075776063e-05
0.0013529581655
0.00230859197619
0.00227163304298
0.00125000164422
2.52445791538e-05
-0.000978601955631
-0.00124815901952
-0.00140237170739
-0.00160228356869
-0.00188910829742
-0.0022762978301
-0.00270112899805
-0.00329728090683
-0.0042960296597
-0.0048157750467
-0.004344087006
-0.00289694201145
-0.00109744665373
-0.000680094001808
8.09370934595e-06
0.00124816403488
0.00194488606631
0.00155011143558
0.000281446674238
-0.000576609399165
-0.00109249880611
-0.000909100035829
-0.000827327220652
-0.000894688101119
-0.00101378135266
-0.00129398341854
-0.00186215332003
-0.00314497594678
-0.00466024870972
-0.00543565882607
-0.00494861464733
-0.0032665653267
-0.00114774952998
-0.00069462525625
-0.000141752766016
0.000884286597149
0.00138620840152
0.000795038430949
-0.000331926565658
-0.00107408773446
-0.00179200043043
-0.00289218784999
-0.00479823966072
-0.00566136026989
-0.00515924028963
-0.00338445428163
-0.00112046934539
-0.000737740425501
-0.000336828406316
0.000540744519421
0.000922065605422
0.000236457868016
-0.000898966102373
-0.00110494532504
-0.00134378825598
-0.00270104272565
-0.00478900716403
-0.00566533790851
-0.00516949781496
-0.00339760485341
-0.00107137971712
-0.000790074974525
-0.000546654962342
0.000186613126175
0.000474781591316
-0.000222192477842
-0.00120709873061
-0.000971504881659
-0.00154647889192
-0.00290988207714
-0.00492748790716
-0.0058054658909
-0.00526955716806
-0.00348896340874
-0.00104173486937
-0.000838673784641
-0.00071808630254
-8.35327912072e-05
0.000141499250085
-0.000496993038061
-0.00143330942055
-0.00102330182706
-0.00207068930893
-0.00349984358541
-0.00526893874794
-0.00608395882588
-0.00544855726255
-0.00360825110857
-0.00108345834854
-0.000907631548322
-0.000978764039957
-0.00049812707132
-0.000364626061117
-0.000964179498866
-0.0019736528898
-0.00181525284419
-0.00152318844958
-0.00123059096449
-0.00129633904175
-0.00149716619476
-0.00179259866587
-0.00212195165961
-0.00296487130586
-0.004566601302
-0.00600184989898
-0.00660617099058
-0.00575799548792
-0.00376806298317
-0.00109846456547
-0.00101912051442
-0.00141385896098
-0.00118726927188
-0.00115928201579
-0.00163468733281
-0.00231632579347
-0.00265206081875
-0.00270500989617
-0.00278740231653
-0.00294528269513
-0.00314661130601
-0.00331888351519
-0.00384314335784
-0.00485716043289
-0.0058905749244
-0.00694083100656
-0.00706869072372
-0.00596338439796
-0.00368017132942
-0.00100040183859
-0.00111773148492
-0.00185411264748
-0.00190457283129
-0.0020437651971
-0.00252457824409
-0.00323812700437
-0.00391019920533
-0.00429271355154
-0.00447303067253
-0.00463616230614
-0.00481485257134
-0.00508886665779
-0.005365234401
-0.00601582228406
-0.00687819736831
-0.00737459013412
-0.00700007487083
-0.00549450494335
-0.00319035862761
-0.000801927168188
-0.00113048892226
-0.00219049123683
-0.00246576452823
-0.00281811481764
-0.00332109809379
-0.00404391883443
-0.00483218998888
-0.00531726784202
-0.00547498646645
-0.00563318800666
-0.0058163585932
-0.00599973177357
-0.00616163165994
-0.0065623659224
-0.00704380798555
-0.00699015258159
-0.00613500411855
-0.00447526946237
-0.00242276966682
-0.000608021623878
-0.00108944915894
-0.00229511393323
-0.00275879819751
-0.00317608026466
-0.00372234467063
-0.00439533254231
-0.00508992323119
-0.00549510210421
-0.00560862530863
-0.00572262316914
-0.00582932014291
-0.0059109226989
-0.00594385673576
-0.00609582814925
-0.00618619043117
-0.00573216414934
-0.00465084932666
-0.00310716126866
-0.00171499776911
-0.000482188563451
-0.00100654727796
-0.00214530839461
-0.00264580740288
-0.00304602388339
-0.0035078699928
-0.00401740150181
-0.00449023072984
-0.0047276043133
-0.00477987116028
-0.00482890772177
-0.00486499009938
-0.00486906910049
-0.00481834331077
-0.00477570548529
-0.00457510848975
-0.00393169810775
-0.0029077490226
-0.0019329069095
-0.00126411564986
-0.000378654615837
-0.000883975213787
-0.00186236664422
-0.00232042806207
-0.00259319043683
-0.00278196243679
-0.00303187983177
-0.00325248615407
-0.00334212304796
-0.00334531537693
-0.00334160846205
-0.00332443906735
-0.00327968118964
-0.00319059300666
-0.0030404000725
-0.00274076298697
-0.00225528126473
-0.0017358700689
-0.00134295892791
-0.000942021000077
-0.000270052277134
-0.000702399307468
-0.00142293038527
-0.00177985750255
-0.00199651304218
-0.00211538655232
-0.00216757618057
-0.00218071084593
-0.00216986793085
-0.00214651917646
-0.00211403587083
-0.00207079902196
-0.00201046210988
-0.00192304034554
-0.00179693975763
-0.00162756304777
-0.00140912526374
-0.00115409783306
-0.000872576197218
-0.000555260893937
-0.000185166678486
-0.000469104253505
-0.000736442626654
-0.000896202804687
-0.000984937637378
-0.00102034334912
-0.00101587981411
-0.000983448321938
-0.000931088716334
-0.000867479307889
-0.000797848122526
-0.000728772981961
-0.000660722695711
-0.000594045202317
-0.00053416667228
-0.000486188499185
-0.000430371180512
-0.000369628761405
-0.000296533190669
-0.000212615159681
-0.000272928758098
-0.000318254632081
-0.000670456454216
-0.000794431280322
-0.0007918713877
-0.000666291026092
-0.000527205523724
-0.00047224848385
-0.000485485077342
-0.000540736809668
-0.000622578682586
-0.000706969980925
-0.000776534721562
-0.00082890230344
-0.000912044974812
-0.00104520599931
-0.00112856719484
-0.0010988703375
-0.00100302680041
-0.000824402060549
-0.000549975841686
-0.000734645080206
-0.00151431968756
-0.0014910427774
-0.000950466790871
-0.000236187491882
0.000183593289705
0.000176025234235
3.07182055848e-06
-0.000207654419618
-0.000469349136741
-0.000706879187219
-0.000873551973813
-0.000970485391939
-0.0012224042067
-0.0016654974376
-0.00204617460391
-0.00213262019676
-0.00190738610504
-0.00143391591571
-0.000823557527108
-0.000910738586115
-0.00149682960147
-0.000812193798433
0.000417410366791
0.00138624609866
0.00169387628085
0.00132390153703
0.000840360994921
0.00048039691261
0.000109416337317
-0.000220627233717
-0.00048632064998
-0.000748828961146
-0.00124043419103
-0.00197747916243
-0.00254224795055
-0.00280585070133
-0.00248476962588
-0.00177995208569
-0.00097224663778
-0.000929238665179
-0.00088830303423
0.000531180835279
0.00208584600493
0.00296981683295
0.00285346612195
0.00197789907673
0.00114611750838
0.000634688893865
0.000164203327535
-0.000248029336034
-0.000590634384468
-0.00094591763554
-0.00163847579555
-0.00253611081519
-0.00332891070831
-0.00366015681877
-0.00327975023637
-0.002198165614
-0.00103912364755
-0.000781627465782
1.36355565715e-05
0.00182188021364
0.00337811651029
0.00378980003471
0.00304102786199
0.00172370331133
0.000611889558665
5.67970996736e-05
-0.000376271151349
-0.000757508331516
-0.00115648100782
-0.00161934425903
-0.00234662328833
-0.00325796722707
-0.00428651944115
-0.00478077418707
-0.00428552173745
-0.00280364170166
-0.001086683157
-0.000589009928724
0.000677033280714
0.00259948298718
0.00375109731712
0.0035887036083
0.00231519339695
0.000808882617722
-0.000393702827268
-0.000810477587397
-0.00106842454484
-0.00135239848304
-0.00175766735613
-0.00230740280477
-0.00286879752392
-0.00368950857843
-0.00505580450695
-0.0058387928639
-0.00529918070397
-0.00345140719596
-0.00117527301829
-0.000523339494981
0.000818495572992
0.00252072707821
0.00325369445805
0.00267293033845
0.00117354883404
0.000210333912648
-0.0006764778458
-0.000667954658595
-0.000641681072877
-0.000772223179441
-0.000950773654081
-0.00128335736646
-0.00192313103209
-0.00347010897468
-0.00543775066566
-0.00657162738135
-0.00605463384229
-0.00394213965585
-0.00124000510843
-0.000577759047093
0.000591124550078
0.0019792684044
0.00245706607144
0.00165229196159
0.000387702962438
-0.00059858729931
-0.00190872253609
-0.00316083017871
-0.00554744737981
-0.00680659314261
-0.00630708210842
-0.00408465927158
-0.00120183190582
-0.000678407019672
0.000256288257754
0.0014048464077
0.00171628182789
0.000773429937687
-0.000541577527557
-0.000893655063752
-0.00145300155447
-0.00295719286358
-0.00552262551197
-0.00680347666642
-0.00632575742743
-0.00410205981975
-0.0011386479276
-0.000786223989409
-0.000107119520595
0.000825247302279
0.00101396459463
3.76923448622e-05
-0.00114843130658
-0.000907389814326
-0.00169225891087
-0.0032144834656
-0.00570368661091
-0.00700212559119
-0.00647725246757
-0.00422829926312
-0.0011241253372
-0.000874799246819
-0.000370889452422
0.000411128236678
0.000530562261682
-0.000387093473205
-0.00148549533289
-0.00101291515981
-0.00237173401552
-0.00393020972097
-0.00618822018098
-0.00739071030275
-0.00672892551609
-0.0043913913376
-0.00120627505577
-0.000964679131401
-0.000684947024789
-8.86083217284e-05
-5.65382216114e-05
-0.000902590783708
-0.00220227774954
-0.00204912778614
-0.00162917156112
-0.00135135296158
-0.0014398043332
-0.00167271802606
-0.00188424613818
-0.00226396007995
-0.00342609947447
-0.00527724919377
-0.00708869341657
-0.00800722680917
-0.00708475138961
-0.00456638704022
-0.00123280735099
-0.00108616428415
-0.00119560457689
-0.000865157993501
-0.000916865189971
-0.0015536600757
-0.00243113924741
-0.00287181831366
-0.0029424123261
-0.00305289762092
-0.0032299141429
-0.00341014550955
-0.00371783903573
-0.00431671491929
-0.00546589150437
-0.00672729423906
-0.00810888418343
-0.00844433359989
-0.00718856956104
-0.00437508545969
-0.00108066301813
-0.00118685243449
-0.00174880080245
-0.00168378856128
-0.00189487164355
-0.00248318828527
-0.00334751820302
-0.00414651495032
-0.00458604508556
-0.00477605500748
-0.00493128949643
-0.00519487818656
-0.00548661424433
-0.00580276832884
-0.00661201444955
-0.00771735593806
-0.00844662657878
-0.00814716646599
-0.00641568111685
-0.00362693470811
-0.000802950109906
-0.00120009409995
-0.00220335781025
-0.00240432386467
-0.00276194262317
-0.00335459323182
-0.00418138264934
-0.00509053311965
-0.00563254939772
-0.00578905431081
-0.00595624228243
-0.00614170571102
-0.00634011647946
-0.00653423527601
-0.00705726992344
-0.00772656597054
-0.00778983858226
-0.00688749582682
-0.0049617909633
-0.00252643846088
-0.000542316571485
-0.00116550660782
-0.00240007630299
-0.0028378988219
-0.00324213037598
-0.00382621311986
-0.00456974733943
-0.00534104081034
-0.00577564214163
-0.00586633929648
-0.00596338608138
-0.00605725989636
-0.00613373046325
-0.00617392267719
-0.00639055483005
-0.00657576376032
-0.00613657254136
-0.00493298901913
-0.00314162251022
-0.00153060202939
-0.000365344089759
-0.00108260432446
-0.00226650883685
-0.00277530903329
-0.00316889568865
-0.00363444695046
-0.0041669110802
-0.0046821812663
-0.00492062617261
-0.00494612764184
-0.00496760689342
-0.00497456787098
-0.00495013404008
-0.00487463310958
-0.00483238524421
-0.00463690364947
-0.00393474107729
-0.00276846142718
-0.00164004114148
-0.000909523259345
-0.000229275144018
-0.000952867155994
-0.0019703638776
-0.002443631316
-0.00271383100588
-0.00288971914884
-0.00313608956637
-0.00335653220542
-0.00343488389179
-0.00341591386636
-0.00338517392383
-0.00333511457286
-0.00325054511505
-0.00311385393527
-0.00291489216017
-0.00255790651836
-0.00198892793026
-0.00137150879548
-0.000928316818501
-0.000546159200636
-0.000117176310922
-0.000758757235959
-0.00149863033187
-0.00186857284391
-0.00208447961563
-0.00219543051656
-0.00223651297425
-0.00223726097165
-0.00221390414051
-0.00217666361361
-0.00212454861018
-0.00205523012129
-0.00195913497272
-0.0018212444789
-0.001629285817
-0.00138338097659
-0.00108519930802
-0.000767990686249
-0.000474146402303
-0.000177981384294
-6.66693979875e-05
-0.000509293633084
-0.000787104256096
-0.000956924861572
-0.00105101675633
-0.00108654380811
-0.00107762889143
-0.00103596354663
-0.000972211554266
-0.000894626358894
-0.000808734813079
-0.000720200223323
-0.000630464476603
-0.000537472697961
-0.000453246233305
-0.000382080884341
-0.000309164161113
-0.000240695785501
-0.000174499051002
-0.00011665165288
-0.000281895936269
-0.000236137987286
-0.000638960992841
-0.000690945172679
-0.00059970725794
-0.000373423839881
-0.000179431248234
-0.000140561086055
-0.000212206737299
-0.000341548412827
-0.000491049290409
-0.000627034354359
-0.00073070304351
-0.000810543008931
-0.000925332960697
-0.0011311164323
-0.00124169922111
-0.00119523382812
-0.0010708849602
-0.000895249409838
-0.000637258460675
-0.000719355702263
-0.00145604461257
-0.00116723696725
-0.000410506898111
0.000462227090859
0.00088444850798
0.000740120937733
0.000419467364259
9.07056840567e-05
-0.000272887665956
-0.000644356469681
-0.00096299946533
-0.00120551257473
-0.00159018274853
-0.00210895046148
-0.00250746951965
-0.00252039371606
-0.00210599716816
-0.00146432629445
-0.000897968041511
-0.000844103874566
-0.00119936858988
-9.0143558788e-05
0.00147798740427
0.00258863187809
0.00278113480985
0.00214163717492
0.00140742817834
0.000913857137286
0.00042172979887
-6.4327811611e-05
-0.000520196094231
-0.000970932427472
-0.00162795399969
-0.00256001537606
-0.0032515854522
-0.00351863279229
-0.00302790933975
-0.00200125225863
-0.00104478751572
-0.000753220650968
-0.00032518936281
0.00163564585628
0.00351786460684
0.00439528909671
0.00400885888038
0.00278623113566
0.00169995256266
0.00109252661449
0.000539284592467
-3.15987943589e-05
-0.000565844437285
-0.00106798585078
-0.00195211074511
-0.00314739456396
-0.00423871856212
-0.00472030854477
-0.00422912894891
-0.00274687808444
-0.00115783724159
-0.000476531564174
0.000869418422302
0.00321716677577
0.00490553851995
0.0050418898947
0.00393116579569
0.00230131589016
0.00108729569821
0.000457914967851
-5.0293703629e-05
-0.000537640588565
-0.00107700217531
-0.00166602895071
-0.0025883510541
-0.00388180985385
-0.00539379245642
-0.00618811435271
-0.00564355294943
-0.00373208455685
-0.00127987548109
-0.000148819945128
0.00166731308904
0.00401514860627
0.00501424137055
0.00443189916368
0.00280829179492
0.00111409547535
-0.000124063371798
-0.000457996821469
-0.00073430852543
-0.00109178307651
-0.00160814288015
-0.00230384463995
-0.00300220445199
-0.00425048043609
-0.00630112456119
-0.0075712468696
-0.0070053509014
-0.00470712194561
-0.00145791212525
-6.30367201639e-05
0.00181042333576
0.0037422429707
0.00410182640314
0.00309145360199
0.00129370796478
0.000523649581478
-1.2622685184e-05
-0.000296123350639
-0.000361202750863
-0.000562120033083
-0.000777662840113
-0.00125796541106
-0.0018683190765
-0.00385709281642
-0.00670220009945
-0.00848387903136
-0.00803165764009
-0.00536979682228
-0.00158001335939
-0.000195424597384
0.001444823062
0.00296450953011
0.0030159383143
0.00177469943746
0.000368623553366
-0.000211228180969
-0.00190889471526
-0.00334425476972
-0.00674028951148
-0.00873337995811
-0.00837080558047
-0.00556625395436
-0.00153507700451
-0.00043142628723
0.000933366178391
0.00213148651197
0.00202415557254
0.000620728883424
-0.000844330782604
-0.000717692261998
-0.00139599943714
-0.00309623008408
-0.00669067204857
-0.00873389845113
-0.00842944846233
-0.00561303957766
-0.00146588974711
-0.000680515718944
0.000435389088648
0.0013220843247
0.00110892794326
-0.000326608521382
-0.00173114409013
-0.0010384352073
-0.00173217378619
-0.00339782805452
-0.00701713689172
-0.00905507400101
-0.00867828413217
-0.00584713302102
-0.00144653155496
-0.000889643692252
0.000104578402389
0.000725967502844
0.000502117106527
-0.000818892113797
-0.0021375382825
-0.001251221568
-0.00263689374571
-0.00450585754868
-0.00779633874331
-0.00964185562998
-0.00905305854879
-0.00613654127808
-0.00153961684848
-0.00104879808076
-0.000267098842093
0.000110431665342
-0.000145751724517
-0.001274421927
-0.00283762863515
-0.0026137880111
-0.00187507317105
-0.00154114775298
-0.00163159134562
-0.00173934594087
-0.00198435238346
-0.00246982497441
-0.00390459850741
-0.00643046254157
-0.0089807057352
-0.0103901237629
-0.00947715059779
-0.0063286282092
-0.00159100520876
-0.00119155792432
-0.000887510018961
-0.000750757300628
-0.00107122930761
-0.00188750356375
-0.00290311902685
-0.00336586697164
-0.00335201289909
-0.00344289862349
-0.0035473264184
-0.00380376062978
-0.00414496403685
-0.00489569863976
-0.00631572195635
-0.00808680032799
-0.0100414536707
-0.0107356099193
-0.00938297418566
-0.00596118254451
-0.0013773214713
-0.00128979059643
-0.00158076855291
-0.00162660972484
-0.0021317010441
-0.00287065249422
-0.00382822655928
-0.00465047589424
-0.00505296546061
-0.00515514403018
-0.00531304989008
-0.00559424287935
-0.00593568295733
-0.00637481882163
-0.00748472688443
-0.00901785764867
-0.0101601883733
-0.0100621857362
-0.00813722990244
-0.00476961904982
-0.00097684229202
-0.00128722800446
-0.00216842920346
-0.00246744421944
-0.00298430728993
-0.0037514436176
-0.00466000474497
-0.00561283546922
-0.00610261177876
-0.00619669278112
-0.00629591086717
-0.00647135429801
-0.00671358204926
-0.00701120962908
-0.00777878931301
-0.00878278379386
-0.00909584246443
-0.00823698690126
-0.00604735211596
-0.00309754506973
-0.000588592582314
-0.00126123708749
-0.00246251056072
-0.00300244696218
-0.00349815006943
-0.00418103999011
-0.00499547297436
-0.00579090101518
-0.00617422842938
-0.00616737495576
-0.00619509260465
-0.00625800481243
-0.00635121528755
-0.00646057361061
-0.00684250154658
-0.00724417422381
-0.0069340632621
-0.00568325239487
-0.00361546120691
-0.00163044833486
-0.000282259152896
-0.00118509949717
-0.00236327261771
-0.00294000815777
-0.00338702660721
-0.0038923512444
-0.00445395290159
-0.00498773507385
-0.00517933536148
-0.00512188144563
-0.00506674093199
-0.00501727733131
-0.00497392640066
-0.00492353257105
-0.00497001506376
-0.00489295606712
-0.0042411264161
-0.00299127450441
-0.00166734302986
-0.000759966216149
-4.84995760983e-05
-0.0010482356763
-0.00207910806316
-0.00257301092363
-0.00285953945394
-0.00303933387908
-0.00328486171589
-0.00349188546919
-0.00352954777691
-0.00344944861278
-0.00334983899238
-0.00323787106498
-0.00311140150126
-0.00295966747624
-0.00278321798319
-0.0024699237114
-0.00191500856681
-0.00124714669642
-0.000739114401355
-0.000342797744439
7.84929046389e-05
-0.000841001885097
-0.0015848386953
-0.00195965977755
-0.00216014459513
-0.00225207882285
-0.00226652305432
-0.00223813411162
-0.00218471039914
-0.00211599894116
-0.00202461981931
-0.00192068404823
-0.00179456370357
-0.00162949182207
-0.00142299915634
-0.00117422691678
-0.000867961460522
-0.000539348880722
-0.000255653235961
-1.35829133667e-05
7.73989611244e-05
-0.000576637621612
-0.00087648757357
-0.00104368304898
-0.00112916887661
-0.00115419049181
-0.00113093821681
-0.00107514936913
-0.000998232877557
-0.000914943839609
-0.000828742684535
-0.000732961250464
-0.00062824804336
-0.000518059519148
-0.000407595998695
-0.000289419553891
-0.000173107328373
-8.51729325588e-05
-2.08976075673e-05
7.2082258445e-06
-0.000301186586322
-0.000137359598081
-0.000552041059826
-0.000433340785768
-0.000279130356459
1.39336190595e-05
0.000230025989788
0.000240059908951
8.92298550086e-05
-0.00013647687325
-0.000383964896916
-0.000608523368437
-0.000816747343524
-0.00101819792046
-0.00138171368011
-0.00164756132625
-0.00172499130625
-0.00150636568956
-0.0012282060189
-0.000977446903876
-0.000718620981332
-0.00066173804506
-0.00143947418754
-0.00076712454333
7.39799079288e-05
0.00090227473555
0.00115429949491
0.000900160823198
0.000487808467004
7.15437065908e-05
-0.000314571167564
-0.000865338709677
-0.00152091940237
-0.00221164123311
-0.00273511902277
-0.00325613439807
-0.00351669043082
-0.00332046290677
-0.00264704103189
-0.00165662752573
-0.000967261678118
-0.000634612619737
-0.000719798808071
0.000263223448216
0.00184280776463
0.00287776000188
0.0029387992017
0.00230741926727
0.00161833669187
0.00121026552763
0.000711156593502
-2.91412827263e-05
-0.000855302154159
-0.00162795634204
-0.0024723184418
-0.00364581901624
-0.00452709418031
-0.00483338861372
-0.00412780315181
-0.00263522582331
-0.00120702580043
-0.000391263197839
5.21097480861e-05
0.00183476059293
0.00337980937324
0.00395366509989
0.00348455935835
0.00244976456885
0.00169612972969
0.00133526175512
0.000805782990921
1.1093627567e-05
-0.000853637635997
-0.00153748580928
-0.00265799001407
-0.00434271380653
-0.00583474579441
-0.00651714999161
-0.00588222236239
-0.00392722665477
-0.00155933101865
-7.62919940616e-05
0.00112551164532
0.00315378301685
0.00389826017105
0.00356001031173
0.00246497324334
0.0012332635535
0.000683275639391
0.000470287301829
-3.8354452076e-06
-0.0007149653238
-0.00143386784084
-0.00206499308543
-0.003249398585
-0.00525439924878
-0.0074710027131
-0.0085755022899
-0.0078316641882
-0.00546396063789
-0.0020188219473
0.000307702983568
0.00154994934583
0.00341059262257
0.00349722555367
0.00217713447243
0.000663855565132
-0.000582252467482
-0.000992318816222
-0.000765221408337
-0.000974462412857
-0.00147123380747
-0.00207422249706
-0.0026369091471
-0.00346048892932
-0.00566083148241
-0.00882231472611
-0.0105632774519
-0.00974611620265
-0.00689450740482
-0.00249623443226
0.000375521292535
0.00156219427661
0.0026850893902
0.00218469265947
0.000632595453189
-0.00110152368959
-0.00147733083741
8.53241509497e-05
1.16398615669e-05
-0.000200949923306
-0.000401224983676
-0.000807914550131
-0.00132383661033
-0.00184208555526
-0.00488706914958
-0.00937927693652
-0.0118297417651
-0.0111868315981
-0.00777483800936
-0.00278704603387
0.000158634488933
0.00108928585437
0.00193726658695
0.0013376957579
-0.00044491035317
-0.00176548465451
-0.00118728637281
-0.00195613012071
-0.00363381526389
-0.00926554480178
-0.0120509801871
-0.0115861954738
-0.00801063946349
-0.00276452228772
-0.000269160128699
0.000416265705592
0.00104257517345
0.000504815227361
-0.00134147126324
-0.00277688108212
-0.00124032330057
-0.00147821364204
-0.0031955965936
-0.00911326600513
-0.0119434084829
-0.0115855240935
-0.00803026870919
-0.00271489824464
-0.000662414748311
1.09680808767e-05
0.000258514052547
-0.000331465575902
-0.00214429352943
-0.00360964937927
-0.00182083664343
-0.00184188968734
-0.0036593317223
-0.00960347435506
-0.012315561083
-0.0118405763474
-0.00830205760843
-0.00276838733227
-0.000950862027521
-0.000347770446319
-0.000458903333272
-0.00100129163485
-0.00252846475194
-0.00383984307161
-0.00199424634832
-0.0030731160429
-0.00551316058969
-0.0107583253433
-0.0130597664908
-0.012218953163
-0.00869293249546
-0.00290406386328
-0.00117491470487
-0.000858741223036
-0.00133602667249
-0.00174550316898
-0.00280845550142
-0.00417464423697
-0.00337402914115
-0.00224540216323
-0.00184948062889
-0.00193522688751
-0.00210647987795
-0.00239331268128
-0.00292299987274
-0.00466770253316
-0.00850661333052
-0.0121699728823
-0.0137546751284
-0.0124352914949
-0.0088870078235
-0.00289657038912
-0.00132023915638
-0.00149436810071
-0.00229476552926
-0.00277173904904
-0.00346869421546
-0.00425641476092
-0.00437040016715
-0.00397240817008
-0.00391022366716
-0.00386763998576
-0.00398488811679
-0.00442432497361
-0.00553451072701
-0.00756364584258
-0.0102421293856
-0.0128134333754
-0.0135092768001
-0.0119671385053
-0.00801676993632
-0.00246737446824
-0.00133485494314
-0.00204728241461
-0.00298251017298
-0.00368843930178
-0.00439001239178
-0.00515222145164
-0.00568487698027
-0.00577129451152
-0.00564589614275
-0.00575001208778
-0.00599548082925
-0.00641149535278
-0.00706301122323
-0.00861943374709
-0.0106606625182
-0.0121238499705
-0.0120638079723
-0.00990833646004
-0.0060509799285
-0.0016394745247
-0.00126082473022
-0.0027424008317
-0.00342537856426
-0.0042366622058
-0.00501568737798
-0.00581160190432
-0.0065612874242
-0.00678916262292
-0.00668259510662
-0.00664490100755
-0.00677911414261
-0.00706529307062
-0.00748692433889
-0.00852606308149
-0.00984348291259
-0.01033550393
-0.00949270293809
-0.00715057925134
-0.0037224832772
-0.000856633842372
-0.00131070710237
-0.00281449087366
-0.00376613943142
-0.00441932310125
-0.00513292601246
-0.00587689781667
-0.00653183065257
-0.00670571484679
-0.00652287010616
-0.00642062152206
-0.00642957094907
-0.00654114880615
-0.00672459256679
-0.0072669966786
-0.00787353364764
-0.007716366859
-0.00653393450113
-0.00431443679689
-0.00183505861065
-0.000268058332692
-0.00129933328735
-0.00253853214194
-0.00338006377122
-0.0039941315864
-0.00453776161823
-0.00505302182398
-0.00548510563448
-0.0055653599207
-0.00534907071787
-0.00516391850689
-0.00504440955457
-0.00500819904629
-0.00502649685392
-0.00521008321758
-0.00530505660835
-0.00477787955162
-0.00351331269256
-0.00193260947415
-0.000675951508819
0.000150058988834
-0.00116877221472
-0.00221346754693
-0.00278660244986
-0.00316110529966
-0.00337949316164
-0.00362956656503
-0.00378983814485
-0.00372821029171
-0.0035229799959
-0.00330901000487
-0.00313412040638
-0.00300864294316
-0.00291461180855
-0.00283945966792
-0.00262679041241
-0.00210176027764
-0.00129444990723
-0.000477806645133
7.85579136129e-05
0.000268088519397
-0.000947612806209
-0.00171606867489
-0.00209247776164
-0.00228400838077
-0.00236519485089
-0.00237861963059
-0.00231223028579
-0.00219777749321
-0.00205968764911
-0.00190335473171
-0.00175877628503
-0.00159620897103
-0.00140546208654
-0.00119525069739
-0.000965758954732
-0.000669357682658
-0.000244443328287
0.000310399042055
0.000748918564291
0.000207820045801
-0.000658073763507
-0.000973655650391
-0.00112301409817
-0.00117171066904
-0.00115955511486
-0.00111646253888
-0.00104847259578
-0.000961748657705
-0.000874993467338
-0.000793811362681
-0.000707705387191
-0.000599623112284
-0.000472751925159
-0.000314791570319
-0.000133378584559
3.5277050141e-06
8.32830622635e-05
0.000139601815845
0.00015198207188
-0.000474755615084
-0.000207144451786
-0.000113388248435
0.000962697489071
0.000739381713273
0.00050374876621
0.000218657962377
1.98471198178e-05
-0.000308466243406
-0.000485644647932
-0.000729653373682
-0.00104450433758
-0.00144372054897
-0.00169193589444
-0.00186781215003
-0.00216955700026
-0.00222864980338
-0.0019250357513
-0.0014623509155
-0.00103358941092
-0.000762514035977
0.000210402588907
0.00117253035777
0.00220737209494
0.00120211603532
-0.000175286433735
-0.00116619032817
-0.00126153053995
-0.000939445642638
-0.000743369006162
-0.000518236744251
-0.000719017469379
-0.000997807825219
-0.00148245495865
-0.00201926375374
-0.0028123121912
-0.00359584960891
-0.00393072122006
-0.00347447170734
-0.00218554319539
-0.00112030974122
0.00114005803918
0.00367692959332
0.00124417849749
0.00113531026326
9.85366940841e-05
-0.000740546197416
-0.000857639695072
-0.000244625923938
0.000499173587638
0.000414832177053
-7.31728366512e-05
-0.000615517406271
-0.00113237049836
-0.00190391471288
-0.00357751036281
-0.00498079886445
-0.00559378070517
-0.0051415651908
-0.00347535212954
-0.00153707553022
0.00114350696379
0.000926083096346
0.000669355677987
0.00051365600809
-0.000234860751729
-0.00137274661628
-0.00191845564194
-0.000755781129315
0.000235350410218
0.000148668846562
-0.000416327614249
-0.00101780260396
-0.00159797050803
-0.00300289456271
-0.00551414289159
-0.00735583796165
-0.00782173151083
-0.00699051747355
-0.00481285985808
-0.00204972016448
0.000776921403087
-0.000573132556895
-0.00120272598422
-0.000637341256933
-0.0014215640499
-0.00354200143288
-0.00428551396627
-0.00268259611259
-0.00130923117208
-0.00116096441777
-0.00149888148365
-0.00195822154429
-0.00244695488624
-0.00443291757143
-0.00769084121601
-0.0103932346817
-0.0109614895208
-0.00927925380405
-0.00610347711413
-0.00279309276639
0.000621295733653
-0.00368807894875
-0.002428617508
-0.00185183040069
-0.00387528024863
-0.00631266743737
-0.00709228344881
-0.00509584013038
-0.00298940358972
-0.00247397103884
-0.00248160624842
-0.00261568108285
-0.00302103641129
-0.00500349980462
-0.00904493751999
-0.0132041485623
-0.0140684020895
-0.0116552414995
-0.00737025687394
-0.00345839480999
7.55197906381e-05
-0.00447283917359
-0.00412474030162
-0.00412272374193
-0.00616411368181
-0.00852126541311
-0.00956170549332
-0.00291809705266
-0.000728491322449
-0.00079397827709
-0.00164018416177
-0.0022653451188
-0.00104544783396
-0.00203726615033
-0.007987108585
-0.0144008077372
-0.0159091858765
-0.0131601744206
-0.00798214185899
-0.00384370334392
-0.000458299709081
-0.00511627622155
-0.0036012749656
-0.00377385482678
-0.00663151831185
-0.0083060514225
-0.00643006995493
-0.000791212400545
-0.00523259944154
-0.0140513603127
-0.0158322501042
-0.0130520331684
-0.00755592389468
-0.00376248000221
-0.0015944729057
-0.00518232811632
-0.00370241307247
-0.00412661215856
-0.0065096414934
-0.00799050477571
-0.00405143440897
-0.000274711986064
-0.00403709410889
-0.013407767757
-0.0150661037307
-0.0123090177112
-0.00678700549177
-0.00373164894979
-0.00254271959665
-0.0049955127912
-0.00389019269539
-0.00394129715812
-0.00655692119691
-0.00791703432278
-0.00321067418852
-0.000541190642992
-0.00475302109898
-0.0137303529761
-0.0149693821977
-0.0119025143943
-0.00636133490739
-0.00407285997123
-0.00333236030504
-0.00476078110291
-0.00399631054076
-0.00465559934801
-0.00664529390543
-0.00731223631647
-0.00227386150261
-0.00246402935624
-0.00774168959902
-0.0149008835666
-0.0153399188274
-0.0115883541961
-0.0062070673918
-0.00427222482943
-0.00349272918505
-0.0055744641497
-0.00527692390699
-0.00555852614684
-0.00642007683152
-0.00711735218402
-0.00470805524385
-0.0020939964008
-0.00113019302348
-0.00155197913005
-0.00207238986292
-0.00207181140418
-0.0019275086436
-0.00537003265751
-0.0116350127601
-0.0158244783866
-0.0153099748546
-0.0112499228546
-0.00586492384645
-0.00373804982817
-0.0031247253372
-0.00594032440437
-0.00621768005124
-0.00644943774505
-0.00707425016604
-0.00732133804201
-0.00630221846977
-0.00387242373648
-0.00316941218986
-0.00334251173361
-0.00354367603274
-0.00412801844035
-0.00568332166026
-0.00890976215854
-0.012616454565
-0.0150423655276
-0.0141096940258
-0.010146563811
-0.00482030760316
-0.00255010447193
-0.00238808734433
-0.00577406589508
-0.006181459456
-0.00658135573666
-0.00717652661023
-0.00760004576441
-0.00738345000297
-0.00643750306113
-0.00580354788813
-0.00576652119099
-0.00595600877812
-0.00636978673825
-0.00718120974632
-0.00918796399424
-0.011547616183
-0.0127662079801
-0.0115812295314
-0.00814341961606
-0.00352213324296
-0.00147386962501
-0.00174380467943
-0.00537507463233
-0.00614764193954
-0.0064660973643
-0.0069690343449
-0.00751090835572
-0.00773332940592
-0.0073268851187
-0.00679992803135
-0.00652921025748
-0.006497296162
-0.0066472006572
-0.00700363763676
-0.00817112931051
-0.0096266082414
-0.00998949501335
-0.00876906547279
-0.00606104107243
-0.00264272597301
-0.00110458043898
-0.00123087396533
-0.00453294597955
-0.00583764470674
-0.00625753477953
-0.00661003673875
-0.00698237314716
-0.00727707198745
-0.00703383612384
-0.00656591515476
-0.00620358879583
-0.00598868000466
-0.00589582499947
-0.0059251291837
-0.00646465325587
-0.00720386570431
-0.00717365101517
-0.00609664661234
-0.00398302105235
-0.00174263761346
-0.00081291091147
-0.00141986705182
-0.00327038083959
-0.00469014189203
-0.00543646231414
-0.00580374579125
-0.00601311913248
-0.00607246281979
-0.00588434075659
-0.0053620932047
-0.0048762489437
-0.00449662327251
-0.0042670751469
-0.00417603688491
-0.00439395998034
-0.00467894928582
-0.00437157509273
-0.00332223323875
-0.00199088700594
-0.000912955780237
-0.000787869426763
-0.00137420877063
-0.00243551904631
-0.00334326524717
-0.00401961237707
-0.00429764587974
-0.00437477823191
-0.00429163867297
-0.00400098385279
-0.00347102773176
-0.00295288645067
-0.00254964573796
-0.00230934725551
-0.00220096704348
-0.00218884652801
-0.00214312804908
-0.00188109486515
-0.00140328896916
-0.000788162864852
-0.00110586420236
-0.00116142084428
-0.00110918944471
-0.00182260139975
-0.00225152733094
-0.00253460753199
-0.00268907449968
-0.00264629946801
-0.00245486747569
-0.0021886457209
-0.00184558795149
-0.00151796589142
-0.00129371713458
-0.00112146468244
-0.000959495192918
-0.000801984937734
-0.000720219751832
-0.000831904903938
-0.000898568060619
-0.00175799307133
-0.00306263726078
-0.000207304816663
-0.000770328969556
-0.00114848409009
-0.00130221795811
-0.00132781215854
-0.00128679228153
-0.00120276465753
-0.00110018883602
-0.000951941895327
-0.000763134096053
-0.000604318450226
-0.000528365289259
-0.000456412689243
-0.000404295562856
-0.000328053804576
-0.000350710500941
-0.000656889719311
-0.00124042740031
-0.00141877111668
-0.00025903119592
-0.000713682195249
-0.000448725316386
-0.000748792589345
-0.00112381863355
-0.00134631206942
-0.000957293929172
-0.00146376485368
-0.00140494627863
-0.00142642520952
-0.00116839910462
-0.00136573755627
-0.00168863271514
-0.00155933645049
-0.000595475522036
0.000521493536253
0.00137268685576
2.86450100473e-05
-0.00136937986633
-0.00206755381136
-0.00173251485436
-0.00124783178338
-0.00114432740691
-0.00199270869695
-0.00206436072068
-0.00260722265982
-0.00346945437186
-0.00401000475796
-0.00422566681265
-0.00448469617734
-0.00440994312602
-0.0042993017448
-0.00381870295103
-0.00240608258072
-0.000549065253797
0.000182095758249
0.000476322327382
-0.000971490151616
-0.00293125619698
-0.00413378175027
-0.0030125449455
-0.00210138434624
-0.00106240731438
-0.00468753215375
-0.00540255972415
-0.00436097090419
-0.0052454831056
-0.0048241021687
-0.00536190105805
-0.00435161595478
-0.00362923298867
-0.00377563591772
-0.00434073453076
-0.00392158141538
-0.00259221084735
-0.00259006318649
-0.00353013936568
-0.00479033068268
-0.00521247899449
-0.00480137285242
-0.00400332226314
-0.00245640214442
-0.00174163986458
-0.00387365403962
-0.00507918484063
-0.00783921122482
-0.00804480984374
-0.00799245268882
-0.0075070784867
-0.00512247412026
-0.00429780934329
-0.0045563791225
-0.00482416882531
-0.00406558413697
-0.00327806556154
-0.00397215665176
-0.00620308794535
-0.00794459467985
-0.00797926803642
-0.00634072989243
-0.00388473477984
-0.00162633690411
-0.00197646513052
-0.00555866766953
-0.00848845529188
-0.0100657687498
-0.0110868539395
-0.0111390809348
-0.010316048534
-0.00734544828091
-0.00615600084128
-0.00653151793714
-0.00627174574895
-0.00479350096667
-0.00427473467826
-0.00553325380312
-0.00909662194436
-0.0117108736125
-0.011388598889
-0.00830729354444
-0.00307748374853
-0.000258706781495
-0.00292582808772
-0.00790139966607
-0.0110315583389
-0.0123442117006
-0.0121051029332
-0.0129404198935
-0.0134042230723
-0.00937521714046
-0.00757354734519
-0.00843873919772
-0.00819208889749
-0.00654926407526
-0.00574083098471
-0.00729002884963
-0.0118335338418
-0.0159820007455
-0.0152541328591
-0.0103908797951
-0.00248480441436
0.00116080652308
-0.00364360403706
-0.0108010427811
-0.0126424764085
-0.0127494318145
-0.0135697210447
-0.0150315626493
-0.0180569077065
-0.00824091767688
-0.00503005122824
-0.00327413115049
-0.00329330625979
-0.00135975447322
0.00120542520926
-0.00350723043282
-0.0110182961238
-0.0181408440965
-0.0177091174099
-0.0116344341118
-0.00170249778703
0.00224218796877
-0.00331788034916
-0.0120020237466
-0.0129946286449
-0.0124307909154
-0.0126686018835
-0.0127201801948
-0.0108999441646
-6.02448890231e-05
-0.0071036536101
-0.0182737327668
-0.0182541290724
-0.0120614673871
-0.000904164485532
0.00350540143096
-0.00471814320533
-0.0158951060423
-0.0131266339875
-0.0116691361544
-0.011590770543
-0.0113478314549
-0.00815074427564
0.0011740159541
-0.00481686963459
-0.01725016942
-0.0175427403142
-0.0114354544635
0.000519879456843
0.00478906966495
-0.00627673206242
-0.0169313880992
-0.0131503079684
-0.0114147023312
-0.0113103388743
-0.0108541965627
-0.00695221687796
0.000981182081998
-0.00531883687194
-0.0174423950823
-0.017536530374
-0.0109838271439
0.00224735617377
0.00608628841805
-0.00812142152269
-0.0173178582407
-0.0139227120478
-0.0116570658006
-0.0113383171914
-0.0105562780475
-0.00605179005471
-0.00139689795037
-0.00871649166992
-0.0183098896263
-0.0175013282561
-0.00983468934783
0.00343853789626
0.00647681261781
-0.0108255549136
-0.0175267110502
-0.0146821854745
-0.0120673918929
-0.0114129052667
-0.0112692826764
-0.00795085113171
-0.00130314943976
0.00120854306809
0.000208756066829
-0.001719416192
-0.00161188232142
-0.000145514469996
-0.00562696657541
-0.0128483107577
-0.0184967460927
-0.0165076900321
-0.00849093444368
0.00420649625322
0.00634637835966
-0.0114859801356
-0.0152928970221
-0.0137940439902
-0.0126236466578
-0.0120726056539
-0.0118319542814
-0.0105181915627
-0.00690481873116
-0.00455051874121
-0.00348776838871
-0.00282950137369
-0.00269769079482
-0.00418481736417
-0.00901989468098
-0.0135009875177
-0.0169322910479
-0.0149999497149
-0.00755700495796
0.003754041737
0.00511579343378
-0.00967649219681
-0.0116809153003
-0.011063097031
-0.0111248900095
-0.0110772547406
-0.0111420510208
-0.0105423092182
-0.00869973669963
-0.00705982830259
-0.00602266804359
-0.00553917987371
-0.00543752143032
-0.0060804035202
-0.00868438652424
-0.0117815335511
-0.0140875248298
-0.0126576258133
-0.00739953832515
0.00124213282006
0.00352615131382
-0.00658945096687
-0.0089462558221
-0.00879725535145
-0.00948709161171
-0.0100195845285
-0.0103002895583
-0.0100692801293
-0.00886974398159
-0.0072858318106
-0.00628509031086
-0.0056208592217
-0.00533504771045
-0.0055724082201
-0.00727064340938
-0.00984366312329
-0.0115916153833
-0.0107718553628
-0.00597150601339
-0.000444197074698
0.00246962622931
-0.00354961590165
-0.00681788621552
-0.00734826849873
-0.00794571490842
-0.00856353788149
-0.0088776819494
-0.00878771963461
-0.00787134217363
-0.00659653357849
-0.00562170018128
-0.00488752540879
-0.00446855423681
-0.00451635041016
-0.00570594091507
-0.00767537497004
-0.00846647812653
-0.00627764064497
-0.00144026386226
-0.000260466940718
0.00287492828217
-0.00204211662319
-0.00452159016514
-0.00603822894576
-0.00643381727396
-0.00686231052283
-0.0070764415876
-0.00688077589608
-0.00601867206806
-0.00502176205999
-0.0039923044069
-0.00316716060346
-0.00267854584671
-0.00259770127585
-0.00318747843682
-0.00378250039663
-0.00265526970411
0.000476404599958
0.00296733858282
0.0018246985928
0.00411750949811
-0.00156239372903
-0.0030872791532
-0.00420192047216
-0.00504670224682
-0.00515192077214
-0.0050557033655
-0.00468678700163
-0.00392312715237
-0.00279756268901
-0.0016435413503
-0.000782934307261
-0.000336205208836
-0.000161651293329
2.2251527043e-05
0.000677442985633
0.00218235819042
0.00387624027199
0.00579945305025
0.00539339538037
0.00380996905238
-0.00118252142559
-0.00224788607009
-0.00261507862967
-0.00304426832674
-0.00328322736011
-0.00312305961905
-0.00254250593144
-0.00165722415519
-0.000606155898157
0.000430103289003
0.00100318383602
0.00107997583512
0.000861152044358
0.000626580307024
0.000627093000881
0.000983972495818
0.00288737221513
0.00560863074392
0.00553119430614
0.00291022640592
-0.000875533836706
-0.00143505821715
-0.00173638644535
-0.00189598227412
-0.00197944040517
-0.00194220775094
-0.00169789286673
-0.00129325227168
-0.000852021397207
-0.000350015904127
0.000164283015753
0.000714828003734
0.00132291506576
0.0019846470923
0.00267237031032
0.00327641062068
0.00354161862222
0.00331634758146
0.0028319724082
-0.000176463519506
-0.000803580039914
-0.00135686500121
-0.00207803657566
-0.00228934162627
-0.0020619121448
-0.00251018654996
-0.0026932112304
-0.00209234307345
-0.00155173737323
-0.00220887813532
-0.00286987723612
-0.00270769572743
-0.00324578187293
-0.00376381294515
-0.00402204843357
-0.00377956350179
-0.0022115170545
-0.000769910472241
-0.000279702120581
-0.00047774411768
-0.00163937592728
-0.00195580630373
-0.002573092346
-0.00325983422999
-0.00455244461375
-0.00609094537209
-0.00678436944435
-0.00710808504538
-0.00842388543026
-0.00848940995727
-0.00803349639681
-0.00694542684549
-0.00578692058863
-0.00569942323916
-0.00596327511402
-0.00527457716167
-0.00532327920381
-0.00452925655557
-0.00218649361295
-0.00045038633553
-0.00159997632703
-0.00154072214469
-0.00297230413241
-0.00381113007276
-0.00448681224777
-0.00584653318175
-0.00681676975922
-0.00620982216447
-0.00766454026007
-0.00838291761986
-0.00801383501262
-0.00709145676716
-0.00529432109653
-0.00517775700871
-0.00482418055124
-0.00511943863005
-0.00597984468162
-0.00599560866706
-0.00439270713072
-0.000805655489722
-0.0019419292058
-0.00364650158442
-0.00390460651579
-0.00426869694916
-0.00523914202015
-0.00689150292017
-0.00758878355031
-0.00650847673338
-0.0079010531746
-0.00876429839278
-0.00805330081731
-0.00688384701573
-0.00561380441283
-0.00577601789957
-0.00694598182727
-0.0076523892036
-0.00741900741566
-0.00672231590617
-0.00595414341741
-0.00249783615349
-0.00378288544108
-0.004929779561
-0.00600347568098
-0.00587374555678
-0.00760431615302
-0.010061832742
-0.00927127033676
-0.00791804473173
-0.00899026117892
-0.00959906361882
-0.00882839446909
-0.00748551395452
-0.00666709072732
-0.00853862779742
-0.0115238833999
-0.0123594856447
-0.0106187544203
-0.00769094729861
-0.0065638736753
-0.00512063989186
-0.00461706444806
-0.00667685725649
-0.0066840315795
-0.00855163976487
-0.0104398186452
-0.0112234789215
-0.0100727731532
-0.00925293204361
-0.010191752188
-0.0107899017455
-0.0100757518384
-0.00879434223712
-0.00738370782875
-0.0109227320754
-0.0156462074028
-0.0177808004341
-0.0147445375336
-0.0092049278469
-0.0072547579209
-0.00775488705261
-0.00615846513451
-0.00812182221592
-0.00924954298579
-0.00934790906685
-0.0106092135978
-0.0098009643859
-0.0110741614696
-0.00732872823749
-0.0069795170812
-0.0075843739575
-0.0082398120605
-0.00900899722061
-0.00655051396299
-0.00915444453274
-0.0154900684631
-0.0197875976373
-0.0164193221081
-0.00985591323889
-0.00971660722213
-0.00931704162391
-0.00701231548275
-0.00898053222109
-0.00862488711368
-0.0095230950694
-0.00998839508286
-0.00971333790438
-0.00480085570184
-0.00375928539763
-0.00321522372624
-0.00302516911593
-0.00322677838683
-0.00498732694432
-0.00944030719599
-0.00303138674751
-0.0101242134874
-0.0178479763225
-0.0150790943078
-0.00848831920008
-0.0107337033778
-0.0102389743953
-0.00553116665347
-0.00825864187886
-0.00761229351541
-0.00926456378289
-0.00913983015522
-0.00889195305628
-0.00467559156674
-0.00324968623413
-0.00207528928174
-0.00125464588885
-0.000927303099888
-0.0024004166062
-0.00622846316287
0.00073888176278
-0.00604244312767
-0.0144860282564
-0.0113860354588
-0.00522086012245
-0.0106621837377
-0.0104945430937
-0.00431329656261
-0.00774852310141
-0.00786410743015
-0.00955872858844
-0.0101051134315
-0.00967447379872
-0.00494306658519
-0.00323023695009
-0.00166239202505
-0.000606635921944
-0.000201456312297
-0.00171655088481
-0.005088986301
0.00315887137515
-0.00373485956896
-0.011914683574
-0.00801423534701
-0.00241784722252
-0.0113277961958
-0.010573230346
-0.00272205376942
-0.00805779463562
-0.00830624467348
-0.00977374982033
-0.010044288171
-0.0104791009098
-0.00596092608408
-0.00428357017965
-0.0020471295079
-0.000770111014573
-0.000576854444675
-0.00204272336255
-0.00433528957353
0.00544975073241
-0.00292539115913
-0.00986993443823
-0.00605313728594
-0.00240620100158
-0.0122522131136
-0.0107181636782
-0.00235936056637
-0.00719218068341
-0.00830070065235
-0.00996907332398
-0.0110712950878
-0.0121274477934
-0.00930030726008
-0.00478462106697
-0.00122016627531
0.00174323846197
0.00295906498169
0.00337297380685
0.00435865341505
0.00218154979194
-0.00586955720319
-0.00961482978419
-0.00688559525625
-0.00343843246177
-0.0112395125276
-0.0105527082043
-0.00185398785559
-0.00504809906361
-0.00760345132646
-0.00990874000564
-0.0116024156842
-0.0126918040611
-0.0116941735973
-0.00866054138452
-0.00566105931819
-0.00338922173318
-0.00158950937044
0.000155862415752
0.000471745937867
-0.00272394158162
-0.00639364329545
-0.00846561114913
-0.00513708408857
-0.00223257089896
-0.0103736787061
-0.00975964287582
-0.00204402691612
-0.00495234785214
-0.00692663714122
-0.00889760451434
-0.0104769583649
-0.0115716390928
-0.0113047897892
-0.00951092019728
-0.00746411864559
-0.00572085251637
-0.00404347901628
-0.00243858330455
-0.00124874435569
-0.00248433731234
-0.00391786758463
-0.00399469799169
-0.0030159891041
-0.00372196638814
-0.00833243450701
-0.00811656343062
-0.00183940626797
-0.00558847340609
-0.00669396562873
-0.00777770500458
-0.00919050190065
-0.0103305275204
-0.0107040809798
-0.0100431758383
-0.00849013500211
-0.00677127483412
-0.0050014534789
-0.00324027618015
-0.00158773176796
-0.00110390322146
-0.00188369285449
-0.00306135635793
-0.00424177608222
-0.00340649250461
-0.00416502323835
-0.00607963315478
-0.00177789544281
-0.0056671441008
-0.00699570245787
-0.0072899566026
-0.00780265628194
-0.0084624622974
-0.00894921489886
-0.00857845684343
-0.00730078969843
-0.00589891600126
-0.00439441071348
-0.00289890785031
-0.0015049197393
-0.00117765791422
-0.00232568642519
-0.00356516093977
-0.00321398222521
-0.000260092806945
-0.000854558831462
-0.00386842963092
-0.00189539118659
-0.0044394340766
-0.00599659148648
-0.00665672874788
-0.00689528849204
-0.00704271661128
-0.00698456936037
-0.00636055797886
-0.00522741508609
-0.00404334942636
-0.0028316612103
-0.00175772199477
-0.000914378988528
-0.000932810648895
-0.00162520310848
-0.00147278001874
0.000407518274591
0.00262394785669
0.000844506246688
-0.00135676071701
-0.00156058889765
-0.00303399604127
-0.00418826506665
-0.00503820291904
-0.00530579636156
-0.00522830122806
-0.004774055399
-0.00387336271997
-0.00264147437355
-0.00147340129925
-0.000422150690928
0.00042237136283
0.000945227837501
0.00107980598784
0.0012374759975
0.00197012013704
0.00292288612122
0.00363904641605
0.00149216282033
0.000115177880458
-0.00111038715053
-0.00186411038826
-0.00247320068968
-0.00280655216963
-0.00286168661091
-0.00266990362325
-0.00211152473894
-0.00115994294517
4.57977447457e-05
0.00105671538026
0.00145693485841
0.00164737144778
0.00158984074579
0.00128449110334
0.000972352085839
0.000677364879553
0.000778935779934
0.00116008541529
-0.00167917841888
-0.00101424995713
-0.000752465335722
-0.00102150656332
-0.00126752466794
-0.00131439468626
-0.00126982287443
-0.00118588304522
-0.00110605259461
-0.00107508169127
-0.00111154089366
-0.00111365417325
-0.000921107850968
-0.0008889870355
-0.00090495088366
-0.000854419656522
-0.000675438487956
-0.000367653272655
6.38967439138e-05
0.000165887199283
-0.00118585179016
-0.00136782439724
-0.000860223935327
-0.00149943697744
-0.0019727764106
-0.0019408397059
-0.0014415453298
-0.00103367613611
-0.000643026711928
-0.000623260634622
-0.00087125920117
-0.0014375428483
-0.0018872753746
-0.00234255943922
-0.00319159612133
-0.00395460392226
-0.00430979028561
-0.00387773171105
-0.00268532593876
-0.00127515586202
-0.000854262770235
-0.000930976409044
-0.00165470696226
-0.00271038036363
-0.00312921472775
-0.00226813220873
-0.00157669377856
-0.0013481659251
-0.0014134060974
-0.0020317623325
-0.00215660689714
-0.00194708423944
-0.00154245611101
-0.00152323480201
-0.00273923390303
-0.00470961861178
-0.00592853483578
-0.00540105919738
-0.00450002591862
-0.003677542284
-0.00206945721621
-0.0011799875234
-0.0022046739562
-0.00351135200079
-0.00335546702016
-0.00208541801979
-0.00202975200725
-0.00189422819634
-0.00251446592277
-0.00245352191271
-0.00199674650183
-0.00170944956749
-0.0012589519098
-0.00147669583584
-0.00247443253864
-0.0041959037169
-0.00589140484111
-0.00695124037552
-0.00687610271594
-0.00551803328745
-0.00424443450259
-0.00170774994943
-0.0020679477328
-0.00238590954412
-0.00202303269774
-0.00242770387545
-0.00265150451257
-0.00296482402544
-0.00379835265466
-0.00326635364592
-0.00250371825877
-0.00189849578312
-0.00140396714429
-0.00162841630093
-0.00196984578671
-0.00309554807223
-0.00556655414339
-0.00764843373729
-0.00904954631567
-0.00868553859288
-0.00619654129577
-0.00383689906777
-0.00176103393767
-0.000970953482841
-0.00181505205311
-0.0028453691577
-0.00410410826458
-0.00489661447503
-0.00559600194576
-0.00482462855604
-0.00393600822725
-0.00316430352115
-0.00262394586214
-0.00253723979405
-0.00237332807313
-0.00288213181574
-0.0058434019261
-0.00914614673944
-0.0112478792228
-0.0120297301327
-0.0101848375197
-0.00604175686025
-0.00120332257241
-0.000391474194397
-0.00199091533468
-0.00285153760156
-0.00464138926887
-0.00638955368184
-0.00712927500331
-0.00559878556668
-0.00489774292815
-0.00459989366498
-0.00439266596173
-0.0040898236326
-0.00334707021248
-0.00361252376771
-0.00708060346046
-0.0113911145552
-0.0138041036388
-0.0149201182759
-0.0153726383957
-0.00844131097289
-0.000992870897787
0.000367700277157
-0.00198525304862
-0.00373691679141
-0.00618101124496
-0.00742017306587
-0.00728455435054
-0.00541812771255
-0.00438633127781
-0.00458993761245
-0.0045850672003
-0.00488380123819
-0.00327214764346
-0.0022489425449
-0.00657235572791
-0.0124734713244
-0.0157264190526
-0.0170378944839
-0.0193268336393
-0.0106163756274
-0.000506421473061
0.000437046685406
-0.00187353985339
-0.00435269390764
-0.0066934833582
-0.00691704904718
-0.00655048197783
-0.00519504374966
-0.00405202154076
-0.00347668511873
-0.00310206310021
-0.0029941697048
-0.00227103711978
-0.000938210564332
-0.00340831269397
-0.0112449061404
-0.015683338784
-0.0181755640498
-0.0214487978197
-0.0119624494764
-0.000489826275449
0.000318359674445
-0.00242439551499
-0.00472579496437
-0.00691626476583
-0.00723321883207
-0.00636918286883
-0.00471569654878
-0.00309019990731
-0.00211803654571
-0.00142446479151
-0.00110560507829
-0.000924632293789
0.000572220989287
-0.00113365800935
-0.00953112360425
-0.0145546789466
-0.018063911289
-0.0219687298434
-0.0124856571946
-0.00112168026188
0.000198723691092
-0.00301701830657
-0.00503436800507
-0.0071479943347
-0.00763478036457
-0.00631417317789
-0.0042293459799
-0.00235392470694
-0.00120556277332
-0.000442951983012
-0.000235549654672
-0.000152595958169
0.00134790406958
-0.000526169512539
-0.00909722176392
-0.0143422555561
-0.0184076714947
-0.0222802956913
-0.0128916436983
-0.00154885262207
0.00022397879131
-0.00358478943414
-0.00493977133811
-0.00682090052171
-0.00746872801784
-0.00597089778088
-0.00359651075574
-0.00167308865852
-0.000503672641662
0.000121470491211
6.12605010825e-05
0.000342819439212
0.00118130448954
-0.0020664441156
-0.0100024352122
-0.015092122924
-0.0192393273796
-0.0221780657653
-0.0127901260136
-0.00133567385526
0.000707786709864
-0.00363553066976
-0.00460288717001
-0.00632562320809
-0.00725008988711
-0.00622603884612
-0.0036337116872
-0.00180054377933
-0.000701461393863
0.000137252241751
0.000626583439344
0.000941499358439
0.000225320320312
-0.00547128693346
-0.0122497933992
-0.0168005459344
-0.0201017012369
-0.0211070534249
-0.0121280099016
-0.00120264724509
0.00102622349253
-0.00342301030131
-0.00473044899958
-0.006351492966
-0.00750809639032
-0.0077026872958
-0.00641960888467
-0.00468955974445
-0.00327818996128
-0.00203696461331
-0.00110989560937
-0.00127390218436
-0.00377697801723
-0.00861612567854
-0.0139198117103
-0.0173361335192
-0.0190949027142
-0.0179769107924
-0.00993928221425
-0.00147560420688
-0.000413835349679
-0.00363343735088
-0.0049265131614
-0.00647395700881
-0.00793842207318
-0.00888109454055
-0.00850656414998
-0.00706767724258
-0.0057341986149
-0.00463278548874
-0.0038988520621
-0.00383226182723
-0.0056449751263
-0.00929405287318
-0.0127599292099
-0.0149344763497
-0.0152392479239
-0.0118608499363
-0.00649789605499
-0.0020651922497
-0.00336692754418
-0.00484606766584
-0.00563208346139
-0.00681920885472
-0.00815018240295
-0.00919210023885
-0.00900636428822
-0.0077331222339
-0.0065877528627
-0.0056711836283
-0.00501134204284
-0.00473123630267
-0.00578037755776
-0.0082198230679
-0.0103696205797
-0.0109345252334
-0.00849423128898
-0.00580458278405
-0.00361772517609
-0.00173393965927
-0.00497681388065
-0.00560496588847
-0.00601055291593
-0.00668564286391
-0.00749955021354
-0.00816384361752
-0.0079431815189
-0.00703193834169
-0.00630334205424
-0.00569566758174
-0.00513851237884
-0.00471302629027
-0.00521998914854
-0.00650622619984
-0.00681540566748
-0.00478018790306
-0.00140088500942
-0.00223571077026
-0.00186143736533
-0.00173300450685
-0.00379681540534
-0.00489190517574
-0.00519402956036
-0.00554164066506
-0.00599526707488
-0.00626984858417
-0.00594357808823
-0.005425973255
-0.00506143746921
-0.00472178584029
-0.0042452672082
-0.00365617812511
-0.00343941539825
-0.00316596212622
-0.00156786858664
0.00105149352778
0.00188179580522
-0.00109795366056
-0.000873101764547
-0.00132143479877
-0.00261515092533
-0.00355761500939
-0.0040181861117
-0.00401071982343
-0.00401915586679
-0.00398852046056
-0.00378226396359
-0.00348931331784
-0.0033356105954
-0.00320444305714
-0.00283818223464
-0.00214962467923
-0.00128369505789
-0.000135111588534
0.00121838765525
0.00179385267191
0.000798807198238
-0.00174018145745
-0.000917551996004
-0.00101870518671
-0.00182608405148
-0.00227868713912
-0.00258020779057
-0.00268548802668
-0.00261435767388
-0.00251746777008
-0.00243865503477
-0.0024189999858
-0.0025426103188
-0.00284641654264
-0.00308109709231
-0.00305963813335
-0.0026988574792
-0.00216872918408
-0.00183692419182
-0.00192447608899
-0.00229300333408
-0.00318371684884
-0.0013833335916
-0.00079997834015
-0.00111775924069
-0.00139774590441
-0.00153834464936
-0.00159191016767
-0.0016160411132
-0.00161698288082
-0.00159767339051
-0.00153624885969
-0.00145682953304
-0.00139449215704
-0.00142793118124
-0.00142793328262
-0.00133224842696
-0.00125548569872
-0.00118521656418
-0.0011356208707
-0.00108738806925
-0.00131042092366
-0.00056580022722
-0.00100755094259
-0.001255709351
-0.00151800614948
-0.00133565708436
-0.000902077637787
-0.000542366129753
-0.000304025904095
-0.000277157892444
-0.000492631636122
-0.000812616522172
-0.000982453899249
-0.00110785926517
-0.00144529003728
-0.00188680114177
-0.00219474249966
-0.00208867882656
-0.00159671259261
-0.00114376502573
-0.00101262712643
-0.00103181858626
-0.00143725516154
-0.00204936976041
-0.0019900423265
-0.000862915860976
4.08875692932e-05
0.000231052483687
0.000115287093948
-0.000273937400982
-0.000697111200591
-0.000975804426223
-0.000925026889224
-0.00094932057925
-0.00124907281164
-0.00185781642763
-0.00285806720718
-0.00336973690471
-0.00334222869024
-0.00270792366423
-0.00190330039167
-0.00138476259533
-0.00182337323482
-0.00248104114468
-0.00178818386449
-0.000469405676564
-0.000319509001755
-0.000603062621069
-0.000933070432395
-0.000872600503594
-0.00053517751756
-0.000358656246598
-0.000124121934924
-0.000208769773143
-0.000725772359248
-0.00212269574624
-0.00410602345047
-0.00533447960977
-0.00529132412199
-0.0041859011988
-0.00297721555161
-0.00161320403715
-0.00173743674236
-0.00171882479764
-0.000843984161875
-0.000806957609935
-0.00143400271411
-0.00197171570396
-0.00243429683348
-0.0018912643675
-0.000956844660788
-0.000414700014307
-1.45925219733e-05
-2.28879144879e-05
-0.000539643946356
-0.0022241562276
-0.00502695812179
-0.00739708741323
-0.00824322456629
-0.00670847083352
-0.00371319551572
-0.00227030662391
-0.00170379733887
-0.00026211829502
-0.00100989306541
-0.00212386545516
-0.00349602319698
-0.00432272993512
-0.00463954924529
-0.00374691876224
-0.00242260367871
-0.00163018410235
-0.00108024862933
-0.000934574088025
-0.00131879647254
-0.00286486905426
-0.00598079812874
-0.00942045797663
-0.0117410777941
-0.010685366917
-0.00496091542358
-0.00345711406104
-0.0018650991649
0.00053073302542
-0.00172659860785
-0.00360587070106
-0.00537455773047
-0.00644115388742
-0.00665886582447
-0.00557953905818
-0.00417581334949
-0.00337043207077
-0.00278842232125
-0.00250798106095
-0.00261897301919
-0.00390618194441
-0.00709972790829
-0.0114301600937
-0.0150118031634
-0.0148067857669
-0.00736583769424
-0.00477644915241
-0.00215568062761
0.00109510661713
-0.00246709682919
-0.004766253778
-0.0066208754645
-0.0076170964401
-0.00775914759134
-0.00668120779658
-0.00513143208003
-0.00433290582826
-0.00373065995071
-0.00342105189221
-0.00301511394304
-0.00386543139276
-0.00737587956768
-0.0129656153673
-0.0175064805171
-0.0176441354383
-0.00885141675328
-0.00623675752462
-0.00269132227726
0.00172716683662
-0.00240100319031
-0.00495612696489
-0.00694493051751
-0.00773124735738
-0.00793255964353
-0.00648281000379
-0.00472623572976
-0.00377451575762
-0.00323056564309
-0.00311172993032
-0.00280946613434
-0.00278211740687
-0.00623454616489
-0.0132137113171
-0.018304500328
-0.0183218989595
-0.00861496498089
-0.00703064527149
-0.00342290631335
0.00159834236448
-0.00241750264544
-0.00484119206046
-0.00683366965343
-0.00752875677534
-0.00731761092377
-0.00556304428746
-0.00384461381087
-0.00280890700411
-0.00207596023488
-0.00174224769425
-0.00160775557374
-0.001454963268
-0.00489092418077
-0.0125841899696
-0.0178370190862
-0.0177568180783
-0.00779718413339
-0.00706061403746
-0.00355399762917
0.00142546551966
-0.00241430295224
-0.00472607290794
-0.00675716028333
-0.00743104269067
-0.00695571829905
-0.00502757459035
-0.00327101196175
-0.00214936657876
-0.00135236853106
-0.00103080452933
-0.000817074712592
-0.00107438490387
-0.00496059052602
-0.0129203060761
-0.0180512306609
-0.0177654146072
-0.00739706749026
-0.00665966686383
-0.00331273538364
0.000869555845002
-0.00234265762478
-0.00423635428053
-0.00608993416878
-0.00672643671183
-0.00624533357186
-0.00452397543405
-0.0028499397548
-0.00173238092107
-0.00101430231644
-0.00079977205773
-0.000843740398081
-0.00189607679757
-0.00679828173555
-0.0145536928422
-0.0192206245274
-0.0184323753649
-0.00786461563054
-0.00577440648145
-0.00309946383284
-0.000236866406942
-0.00243396589772
-0.00371364739233
-0.00531946974528
-0.00613039705802
-0.00608018272735
-0.00486942311991
-0.00342993968228
-0.00234122351287
-0.00159140808162
-0.00110027270555
-0.00137799944096
-0.00380415046591
-0.00982487806704
-0.0167517100176
-0.0204173706596
-0.0188809087581
-0.008633989726
-0.0038231893274
-0.00283872053867
-0.00133995577831
-0.0024672691074
-0.00355794602787
-0.00507358733134
-0.00627154708226
-0.00704023454955
-0.00661602747528
-0.00536450204706
-0.00429517579748
-0.00342044286415
-0.00307798941311
-0.00369425657973
-0.00678824097495
-0.0121925582663
-0.0175200513054
-0.0197085068597
-0.0170759995713
-0.00793038350475
-0.00116934885799
-0.00237583544557
-0.0022432466986
-0.00257521186422
-0.00350619807209
-0.00496311679937
-0.00648410913708
-0.00787959738576
-0.00809674820766
-0.00720968657434
-0.00635116829018
-0.00572213774583
-0.00550785127871
-0.00599426453954
-0.00835961765171
-0.0124209198997
-0.0157854443993
-0.0163261071762
-0.0128100726017
-0.00549731588423
0.000766412275237
-0.00195610107306
-0.00316976751698
-0.00341952156672
-0.00386613834092
-0.00499017046067
-0.00649589763353
-0.00804363593928
-0.00853073472701
-0.00795393543412
-0.00736631960039
-0.00693101766967
-0.00672751874754
-0.00692755814025
-0.00846310525616
-0.0110212801406
-0.0125622521003
-0.0116910022585
-0.00812317012776
-0.00332284074741
0.00143822400969
-0.00158023521424
-0.00353800178679
-0.00433387287289
-0.00446893983786
-0.005041868651
-0.00611738921938
-0.00736022717985
-0.00786123342376
-0.00757372185586
-0.00728316379791
-0.00702693997773
-0.00681420546113
-0.00674195559905
-0.00746386966738
-0.00863520778579
-0.00879814301624
-0.00724214325713
-0.00444715035593
-0.00221316164198
0.00123156202724
-0.00127678720668
-0.00280911918596
-0.00405569326556
-0.00449305957616
-0.00483924195869
-0.00538311078396
-0.00605433804836
-0.00635269951946
-0.00626598254738
-0.00614859079255
-0.00599852982439
-0.00579059493262
-0.00557437269734
-0.00567780201558
-0.00578980243371
-0.0050971240559
-0.0036803764018
-0.00244684214289
-0.00181540035402
0.000629197633647
-0.00105648908414
-0.00211130062221
-0.00306518620955
-0.00370632214192
-0.00398416558913
-0.00418217404037
-0.00441557277649
-0.00453205340744
-0.0045201490203
-0.00447004667139
-0.00440199957967
-0.004285367907
-0.00411228751146
-0.00388803868485
-0.00350303020791
-0.00286420907029
-0.00227425952851
-0.00202273264109
-0.00165428912168
-1.98978368642e-05
-0.000883101877968
-0.00151622339634
-0.00206746842397
-0.00248415538987
-0.00281427510446
-0.00306497435009
-0.00325109623479
-0.00339279514812
-0.0034909914688
-0.00355425353987
-0.00363861935831
-0.0037394843907
-0.00378348892217
-0.00366784297093
-0.00334929984623
-0.00289583828948
-0.00243944541027
-0.00203095240212
-0.0011468562932
-0.000175046985796
-0.000709013981796
-0.00105556985018
-0.00126097034956
-0.00141374605915
-0.00151242067292
-0.00158279524822
-0.00161685827263
-0.00161763398615
-0.00156134443727
-0.00148562673273
-0.00140113360325
-0.00131410416512
-0.00115153191137
-0.000894325093504
-0.000643245691658
-0.000407538414661
-0.00028479007988
-0.000204652806892
-0.000118094203342
0.000305102241758
-0.000913298367085
-0.00099103860501
-0.00101853241059
-0.000782945464775
-0.000659326044005
-0.000570746877469
-0.00043656300697
-0.000436034488443
-0.000536826969505
-0.000637850721034
-0.000641556312206
-0.000663344842286
-0.000856333946871
-0.00110484401526
-0.00122269273821
-0.00116995186614
-0.00105916598353
-0.000963548073849
-0.000919405417653
-0.000907493600462
-0.00094665931935
-0.00110261338964
-0.000775830414789
-0.000109549140915
0.000482955118361
0.000414163586014
-0.000251678405588
-0.000800568298137
-0.00095705709865
-0.000802348132348
-0.000465363159471
-0.000335797174269
-0.000501222596016
-0.00095950969229
-0.00161279432669
-0.00201304607602
-0.00200763232253
-0.00169370943591
-0.00159143463322
-0.00118452066012
-0.00109776174461
-0.00139283422478
-0.000401208681729
0.000763897817446
0.000887843857428
9.54347099814e-05
-0.000949770395647
-0.00135140088112
-0.00104873517561
-0.000571348117152
-8.3219765765e-05
2.26483590398e-06
-0.000297589323702
-0.0012571046657
-0.00268782207335
-0.00362759910882
-0.00361946315533
-0.00282305206052
-0.0019852813651
-0.00124501561512
-0.00116079079547
-0.000985243273205
0.000511669604958
0.00101484815641
0.000261996726606
-0.00105454405799
-0.0023264179107
-0.00238768285322
-0.00151242555156
-0.000697352650089
-8.93691805375e-05
-3.10294838728e-05
-0.000456584299275
-0.00189942755698
-0.00416399333868
-0.00586515656938
-0.00603719188235
-0.00444164629862
-0.00236816097115
-0.00115557474383
-0.00149007221496
-0.000296872784718
0.000519245357376
2.45528662229e-05
-0.00150655634389
-0.00314975588733
-0.00436246462411
-0.004021849431
-0.0026699587902
-0.0016105517557
-0.000917302993707
-0.000864888225185
-0.00135563555089
-0.0031021831791
-0.00603995505172
-0.0087163304683
-0.00943415496808
-0.00725808670026
-0.00309967109689
-0.00128875835396
-0.00186465956413
-0.000202941596587
-0.000301441090306
-0.00163666385632
-0.00358395670881
-0.0052464222979
-0.0062433160919
-0.00559614410232
-0.00403580860217
-0.00291581141635
-0.00220370478597
-0.00212906451281
-0.00261784137369
-0.00435667505013
-0.00779993574345
-0.011461986052
-0.0129204753507
-0.0104884956353
-0.00411729929816
-0.00164603968952
-0.00221974191717
-0.000518787157025
-0.00140748757733
-0.00314250397045
-0.00504708306645
-0.00653397699849
-0.00727500983854
-0.00643729193974
-0.00485651106393
-0.00378690613525
-0.00308621525187
-0.00277207804983
-0.00303223849141
-0.0045723149282
-0.00835619815019
-0.0129722250955
-0.0150683052547
-0.0126044711799
-0.00457124019579
-0.00239225302371
-0.00252251258072
-0.000829972487346
-0.00186225605437
-0.00363908630915
-0.00544322345034
-0.00664637540427
-0.0071424495908
-0.00611755020631
-0.00459545771322
-0.00361620977992
-0.00295289441378
-0.00269672783407
-0.00266291373692
-0.00379651575794
-0.00736314004915
-0.0126075135976
-0.0150371438078
-0.012683367241
-0.00419490148203
-0.00276667632459
-0.00280846441355
-0.00119555532997
-0.00199056722957
-0.00360503891991
-0.00526924932809
-0.0062431672333
-0.00651039672174
-0.00543823239082
-0.00402339197477
-0.00304580844731
-0.0022669331033
-0.00178104471844
-0.00149937804743
-0.00252480167765
-0.00594126121249
-0.0114085116327
-0.0140081201499
-0.0119023224786
-0.00335310208239
-0.00274229244263
-0.00291943716688
-0.0016366680024
-0.00198996105925
-0.00349671291127
-0.00510338999361
-0.00597499925709
-0.00613248790698
-0.0050896270002
-0.00366988542486
-0.00263753452396
-0.00179783046753
-0.00128471510253
-0.0009478540692
-0.00206087952791
-0.0056862980669
-0.0112657163333
-0.0138376313131
-0.0117567039824
-0.00269904332089
-0.00248259385033
-0.00279780547589
-0.0020717064655
-0.00190330556157
-0.00313004390381
-0.00456787414581
-0.00539699732225
-0.00565200249459
-0.00480582765218
-0.00343268566442
-0.00239259921831
-0.00160979785882
-0.00103429170557
-0.00105553203019
-0.00263089018024
-0.0068729941404
-0.0124185915588
-0.0146940962385
-0.0122862047207
-0.00324682222791
-0.00128734773824
-0.00271899055677
-0.00268975316401
-0.0020863709152
-0.00295822815647
-0.0042423495546
-0.00522926719306
-0.00585133197217
-0.00533985396002
-0.00408043778669
-0.00308412752352
-0.00226484452828
-0.00187509991188
-0.00207873713501
-0.00436394787342
-0.0091809024387
-0.0141249394039
-0.0156400826983
-0.0126181774441
-0.00435600749529
0.000473416356536
-0.00251045819486
-0.00318146312265
-0.00249350240189
-0.0032201589813
-0.00447226080292
-0.00577824281146
-0.00694071126781
-0.0068863543549
-0.00576702235714
-0.00482302716998
-0.00400801494646
-0.00371604638384
-0.00408808667995
-0.0065936233988
-0.0108917662267
-0.0145300738831
-0.014947530661
-0.0114023153713
-0.00417990021833
0.00134941367025
-0.00209755185165
-0.00331926063403
-0.00283139949886
-0.00350701801214
-0.00470779907315
-0.00621605433811
-0.00774504293542
-0.00807264565447
-0.00726852126377
-0.00646267089007
-0.00590764557822
-0.0056746810055
-0.00590451883738
-0.00776556352953
-0.0108494886072
-0.0128783848414
-0.0122672264877
-0.00878397978807
-0.00344049616474
0.00133030528517
-0.00171443930994
-0.00305838086377
-0.00328960551377
-0.0037732657076
-0.00477618603288
-0.00621042796964
-0.00775416529925
-0.00829890325277
-0.00779591395256
-0.00732158870352
-0.00696674973724
-0.00675788567313
-0.00675486667626
-0.00783836998696
-0.00960903627173
-0.0102927005558
-0.0090787891859
-0.0061785031882
-0.00270293739375
0.000879385544568
-0.001348963489
-0.00264792499931
-0.00352192520563
-0.00393346545557
-0.00462645234808
-0.00572125585869
-0.00697344581155
-0.0075018860015
-0.00730786662623
-0.00710895690451
-0.0069285368151
-0.00676217543776
-0.00663155727519
-0.00709493715937
-0.00782977950912
-0.0077082742578
-0.0063974349383
-0.00434261347175
-0.00241955868387
0.000365460275786
-0.00105384785237
-0.00217282742008
-0.00317515953622
-0.00368855784314
-0.00419585542319
-0.00485336416586
-0.00555787451921
-0.00592082445317
-0.00592126525368
-0.00588862389658
-0.0058341151979
-0.00575317992963
-0.00566159511192
-0.00579369449261
-0.00591854064957
-0.0054735385744
-0.00458175404887
-0.00354537604064
-0.00249333372851
-0.000125233639412
-0.000917406976699
-0.00178360643296
-0.00253038280711
-0.0031050564813
-0.00346254169657
-0.00370335687706
-0.00398108718229
-0.00417016370872
-0.00424715114089
-0.00428921501636
-0.00432054567492
-0.00434951363589
-0.00436901782615
-0.0044055108941
-0.0043563961002
-0.00411142428522
-0.00376574508979
-0.00327366851029
-0.00243296769361
-0.000334456399762
-0.000793467271178
-0.00140568412884
-0.0018908229206
-0.00228244121875
-0.0026146763382
-0.00287600139118
-0.00306534523816
-0.00322363026372
-0.00335864187929
-0.00347464969881
-0.00359120771837
-0.00371662812947
-0.00381772375515
-0.00385183086468
-0.00377840768585
-0.00351580885189
-0.00313277613728
-0.00266200166965
-0.00177159155794
-0.000190773038958
-0.000615671506763
-0.00089424504364
-0.00108850121217
-0.00123890703722
-0.00134528947407
-0.00142848215362
-0.00147439605338
-0.00148568757036
-0.00145392781813
-0.00140767048899
-0.00134853214534
-0.00127820300847
-0.00118551083897
-0.00105294720464
-0.000881373934084
-0.000636645813996
-0.000411229365589
-0.000235522432395
-0.000124928392117
0.00036750059897
-0.000677533131879
-0.000577294715023
-0.000456440314283
-0.00024986185216
-0.000232692695904
-0.00018844256178
-0.000201127624441
-0.000257517168405
-0.000337379989821
-0.000397986392039
-0.000408472926916
-0.000429705390776
-0.000520578058866
-0.000688113662395
-0.000850217373548
-0.000899607010373
-0.000904398670529
-0.000878341168318
-0.00076829410142
-0.000766699736282
-0.000483487198031
-0.00011783967011
0.000399037792152
0.000663861179423
0.000947595362033
0.000761163272326
0.000109489254401
-0.000441620294037
-0.000609809001532
-0.00048791361778
-0.000216004669383
-4.06995610061e-05
-3.10559423294e-05
-0.000277720973014
-0.000708752173997
-0.00102666422024
-0.00110858941471
-0.00115986174785
-0.0012936474492
-0.00099015364452
-0.000460078500814
-0.000180903007249
0.000687862138664
0.00157710906012
0.0018744125888
0.00121086022891
-1.72047003705e-05
-0.000769657255053
-0.000710982189496
-0.00032388820775
0.00013013679706
0.000337843085683
0.000302832997462
-0.000285561443037
-0.00131079054491
-0.00204226003225
-0.00211842827298
-0.00171401633946
-0.00148375616425
-0.00105372110729
-0.00055671823303
-7.24819402628e-05
0.00139191991887
0.0023542759339
0.0021026790953
0.000822830923624
-0.000883501501928
-0.00158206092356
-0.00111347613124
-0.000434664434884
0.000149219553911
0.000341892142402
0.00021451361402
-0.000794059205874
-0.00258262089744
-0.00381663403034
-0.00383286453129
-0.00272543246882
-0.00143063096481
-0.000926532838164
-0.000827315583327
0.000135454162607
0.00175313491175
0.00218761056451
0.00126286148414
-0.000520589449635
-0.0024338140746
-0.00290558932736
-0.00204265353163
-0.0011529535026
-0.000492316412521
-0.00031505944834
-0.000500291669614
-0.0019736280379
-0.00435911749949
-0.00624317417493
-0.00641775512857
-0.00455330721683
-0.00175639331469
-0.000732324576828
-0.00117422099593
6.83693044469e-05
0.00135703678949
0.00118333838486
-0.000247081813736
-0.00222757603838
-0.00405401562215
-0.0042644740036
-0.00319233387819
-0.00224249123049
-0.00155978407476
-0.0013564352135
-0.00164641255145
-0.00318029299413
-0.00609756274788
-0.00867950029794
-0.00911352772239
-0.00679115046492
-0.00249070784147
-0.000504476103081
-0.00146595743868
-0.000413909246694
0.000413067216248
-0.000176951857214
-0.0017643234565
-0.00362868334511
-0.00519630787275
-0.00520402636278
-0.00410426899687
-0.00320269617666
-0.00252218092169
-0.0021603491704
-0.00227414051494
-0.00374496514282
-0.00693602308183
-0.0100858149082
-0.0108329481483
-0.00830929556613
-0.00283941776021
-0.000457101584819
-0.00165307306948
-0.00100359016442
-0.000370348896485
-0.00104039153918
-0.0025116765408
-0.00409513802531
-0.00539252721592
-0.00527289103923
-0.00423461438165
-0.00342600784057
-0.00276650793498
-0.00234099110716
-0.00215117921267
-0.00335987359791
-0.00637367799032
-0.00980538111789
-0.0108522722178
-0.00852674974878
-0.00259244843
-0.00043458092173
-0.00178031728089
-0.00155720035794
-0.000882479046691
-0.00141573759774
-0.00267785554354
-0.0040090119744
-0.00512356245441
-0.00497241027332
-0.0039660608304
-0.00314900781111
-0.00241427980855
-0.00182692931466
-0.00138625960588
-0.00244248515158
-0.00531546546572
-0.00882705641152
-0.0101206473842
-0.00813774606248
-0.00211946093802
-0.000289695124623
-0.00186829396509
-0.00197360465741
-0.00124371364766
-0.00165771316859
-0.00277316766127
-0.00395513137332
-0.00497942680896
-0.00482556496688
-0.00378226230567
-0.00291435432627
-0.00213031536196
-0.00146285480726
-0.000981777527546
-0.00205920635955
-0.00501601908499
-0.00859429430449
-0.00991211834173
-0.00802343026695
-0.001927579124
-6.40547263915e-05
-0.00198459656551
-0.00226254574522
-0.00142413171877
-0.00165856285742
-0.00260286663046
-0.00370332004288
-0.00476173414923
-0.00469114172026
-0.00364352676074
-0.00275353176405
-0.0020268667908
-0.00132315377184
-0.00104411109375
-0.00238693008705
-0.00570076598062
-0.00928606952904
-0.0103968442265
-0.0082231962921
-0.00207764952205
0.00026917080363
-0.00196648685847
-0.00253564617159
-0.00170434594787
-0.00185052049036
-0.00273547231092
-0.00392308843472
-0.00516540154942
-0.00524102824032
-0.00423212783607
-0.0033965237779
-0.00261889101941
-0.00217865018726
-0.00210447167282
-0.00382180558246
-0.00742199155402
-0.0106196669877
-0.0112114533367
-0.00860722786692
-0.00262992829319
0.000535382028075
-0.00180579021889
-0.00268925775878
-0.00219065032695
-0.00243746634982
-0.00339194191187
-0.0047740739356
-0.00627299007333
-0.006554966385
-0.00564900819559
-0.00479728324583
-0.00416864389013
-0.00385426193635
-0.00393594845981
-0.00574191229397
-0.00895830601693
-0.0113068137479
-0.0112032162648
-0.00829268224372
-0.00302294972174
0.000305395495729
-0.00157117789551
-0.00271682662814
-0.00261908254704
-0.00302098611161
-0.00400209590855
-0.00545402089541
-0.00705511001305
-0.00750507790487
-0.00680466903733
-0.00613520467848
-0.00567535374112
-0.00545615906116
-0.0055217848654
-0.00695591269183
-0.00934078678109
-0.0106879415009
-0.0099977295299
-0.00717578118945
-0.00313725790429
-0.000197972654014
-0.00136171103578
-0.00238352498553
-0.00287262576108
-0.00334738489555
-0.00425150800153
-0.00557476221214
-0.00704392589611
-0.0076210454472
-0.0071275939439
-0.00674731327986
-0.00649333050109
-0.00637533536286
-0.00640240379547
-0.00736387832232
-0.00885866485136
-0.00935573413086
-0.00830392688317
-0.00589580601837
-0.00336778398364
-0.000706371481482
-0.00110307588324
-0.00199069460134
-0.00275275886824
-0.00329768604032
-0.0040372721303
-0.00508056549107
-0.00624892856294
-0.00666736751494
-0.00651035051153
-0.00639619439281
-0.00634204515245
-0.00634960430805
-0.00642058550301
-0.00701465769584
-0.00778772979382
-0.00773529860165
-0.00664006019068
-0.00513556760499
-0.00385249038723
-0.00112380485087
-0.0009217320642
-0.00172958503612
-0.00239576830041
-0.00289492149905
-0.00339196051604
-0.00404217504124
-0.00468988929397
-0.00502834872955
-0.00509290896328
-0.00517611481197
-0.00529170888829
-0.00544717998108
-0.00564490952722
-0.00603111967022
-0.00634989835684
-0.00619000686918
-0.0057023292719
-0.00514833899287
-0.0043255307058
-0.00138924531444
-0.00083112505176
-0.00152257833588
-0.00204550054868
-0.0024788455436
-0.00281592016257
-0.00306402275223
-0.0033166010045
-0.00353127002134
-0.00369979366646
-0.00388109749947
-0.00409308004916
-0.00434688239268
-0.00463866958588
-0.00497507112621
-0.00527728091049
-0.00544628891023
-0.00546290680044
-0.00519080401409
-0.00434404657192
-0.00128438902708
-0.000738155322259
-0.00127333538215
-0.00165391184084
-0.00195630022986
-0.00223038827274
-0.00247220812324
-0.00267373011419
-0.00286713397739
-0.0030622150974
-0.00327107743282
-0.00350656676541
-0.00377960662372
-0.00407880235466
-0.00438621276791
-0.00466595918487
-0.00482544032824
-0.00480168736311
-0.00447351419145
-0.00343026622981
-0.000705331267462
-0.00055339239855
-0.000791283632377
-0.000972001903884
-0.00110374413031
-0.00119713747759
-0.00127175055828
-0.00131563842916
-0.00133589631168
-0.00133388629399
-0.00133121037498
-0.0013339423995
-0.00135030772187
-0.00139664808442
-0.00144591559466
-0.00148730266384
-0.00146015682633
-0.00135104674853
-0.00112440649431
-0.000674537819935
0.000207557049952
-0.000107490986699
0.000136435038367
0.000386396962207
0.000583905394861
0.000469857742038
0.000372254212691
0.000248806176986
9.91536342125e-05
-3.93070672678e-05
-0.000142009743494
-0.000192728562877
-0.000232986210792
-0.000316479515245
-0.00043058139861
-0.000544239032551
-0.000695165925572
-0.000773078958403
-0.000785375519439
-0.000611689024395
-0.000613768873913
0.000278712213225
0.00149867224416
0.00209571127005
0.00223916177474
0.00219012539676
0.00176863206853
0.00103970513179
0.000347220646115
-9.53426550725e-05
-0.000316412751519
-0.000353963418082
-0.000308145441904
-0.000220528008493
-0.000241763505849
-0.000425008861075
-0.000584638216519
-0.000678141059405
-0.000805634597389
-0.000936125285143
-0.000761967012325
0.000387967519466
0.00180133762708
0.00260112720518
0.00318892934539
0.00337670551188
0.00282430640852
0.00162615806939
0.000633594999762
0.000231808479731
9.60253061909e-05
0.000101604139688
0.000135935718532
0.000221930691501
-2.36188463401e-05
-0.000670560564414
-0.00117672519547
-0.0012899852004
-0.00112898862503
-0.00109371864898
-0.000852741324202
0.000339434057431
0.00175718222156
0.00295641668142
0.00406252170518
0.00417060507093
0.00314343898468
0.00139760501243
0.000267649344883
0.000111606517441
0.000175599667333
0.000285019833179
0.00033909240016
0.000422871801534
-0.000130570476671
-0.00136090901319
-0.00227379247987
-0.00234963622884
-0.00167357842715
-0.00107334259433
-0.00080800758482
0.000114595189523
0.00152339181343
0.00333363909208
0.00437709119387
0.0040414302047
0.00248596069574
0.000332746505542
-0.000779067821874
-0.000648431019944
-0.000401104362743
-0.000191575687869
-9.10342971234e-05
1.87534287957e-05
-0.000999915073533
-0.00276945952247
-0.00405742636867
-0.00412771306496
-0.00283287636014
-0.00109043298937
-0.000697520777915
-0.000193389454369
0.001246152562
0.0031520753781
0.00386762486841
0.00307332600851
0.00116907428522
-0.00113246856138
-0.00213168222825
-0.00180478674302
-0.0014583522325
-0.00117920215801
-0.00100449304323
-0.000898861781858
-0.00203859704924
-0.00420082728014
-0.00588295424159
-0.0060124740774
-0.00429236526544
-0.0014133971242
-0.00056489029187
-0.000453323467417
0.000771440818669
0.00235731427311
0.00272318432049
0.00166146830469
-0.000311866441916
-0.00252911114015
-0.003388927523
-0.00298090466399
-0.00261382741235
-0.00229306907221
-0.0019851139141
-0.00184959724667
-0.00288413441608
-0.00523704228592
-0.00718807067828
-0.00739657171133
-0.00538122758329
-0.00167500296794
-0.000458057192355
-0.000632950376519
0.000135167162547
0.00142631322372
0.00167504148521
0.000638997306217
-0.00117124997572
-0.00319572465817
-0.0039406383182
-0.00352261027526
-0.00317875354708
-0.00283846605063
-0.00244370879066
-0.00209826079302
-0.00299558130092
-0.00527480195761
-0.00734479304477
-0.00771966925582
-0.00576842767875
-0.00167622081773
-0.000357098310848
-0.000791742777652
-0.00052561955255
0.0006333515806
0.000969316333176
0.000113899906801
-0.00147377037997
-0.00332485878758
-0.00400270301031
-0.00356135655907
-0.00318026005034
-0.00275359322968
-0.0022514287227
-0.0017124400667
-0.00253214499494
-0.00477138946952
-0.00692095951995
-0.00750732135251
-0.00574258498816
-0.00153994849671
-0.000235707432629
-0.000970449323543
-0.00114280066557
-3.19667460634e-05
0.000407425152635
-0.000287074675931
-0.00171281720647
-0.00346427629015
-0.00411277954163
-0.00362472769473
-0.00316988377521
-0.00264775162332
-0.0020253212706
-0.00147102810191
-0.00231534478541
-0.00463161943146
-0.00686991023431
-0.00753848392845
-0.00581725412687
-0.00155019051299
-0.000136588486417
-0.00113237568923
-0.00161526393512
-0.000487803159372
6.76150611302e-05
-0.00047800671482
-0.00181454422164
-0.00356562538938
-0.00424265710318
-0.00371130229139
-0.00316373985815
-0.00259600846659
-0.0019473721775
-0.00148523996921
-0.00249764577495
-0.00504179593892
-0.00735830880502
-0.00794531748278
-0.00611873123292
-0.00188293968076
-0.000129580444519
-0.00121500596054
-0.00191233490495
-0.000943320907872
-0.000456805042512
-0.00102467564351
-0.00242448133995
-0.0042653428561
-0.00497652475398
-0.00438786381943
-0.00384251312233
-0.00315506534398
-0.00268821779671
-0.00239910479134
-0.00364545174332
-0.0063539119969
-0.00849531155295
-0.00873915988162
-0.0066173321126
-0.00253685651682
-0.000372690575665
-0.00117909120771
-0.00208173810921
-0.00157759138979
-0.00139447983736
-0.00212437786367
-0.00363101790325
-0.00552164927792
-0.00622739188709
-0.00565956550146
-0.00499098200788
-0.00447936988183
-0.00415754971506
-0.00404787911266
-0.00538484284347
-0.00788183939741
-0.00952193578658
-0.00925970969804
-0.0068714300917
-0.00322689085911
-0.0008055979448
-0.00110168652333
-0.002060682031
-0.0021952079285
-0.00235915017198
-0.00318419415914
-0.00463179382372
-0.00635979291254
-0.00702142989702
-0.00648326789982
-0.00599103929174
-0.00564978976808
-0.00548094619145
-0.00549131238388
-0.00668418341629
-0.00867475180275
-0.00968093153968
-0.00899292457082
-0.00664666744608
-0.00393679425485
-0.00126846656877
-0.00102033446263
-0.00174683549485
-0.0024865231819
-0.0029081242843
-0.00370979491952
-0.00494118852386
-0.00637186252779
-0.006948412078
-0.00658206517315
-0.00633697389574
-0.00621564130354
-0.00622371435017
-0.00635291799964
-0.00730423754082
-0.00868810424187
-0.00912423731994
-0.00821867901472
-0.0063742253962
-0.00486968225853
-0.0017680587223
-0.000868776645222
-0.00149536492161
-0.00226969438239
-0.00282187994659
-0.00352727268242
-0.00448543867641
-0.00549300673759
-0.00587965546297
-0.00582024055015
-0.00583779440628
-0.00594538863324
-0.00614582570034
-0.0064328487786
-0.00717409779496
-0.0080299368018
-0.00812564663708
-0.00748310463663
-0.00672733451625
-0.00594456741958
-0.00223422124552
-0.000781028918112
-0.00135416456288
-0.00193944589461
-0.00243683404356
-0.00286452046516
-0.00335625499702
-0.00388141743203
-0.00421299038721
-0.00438845276666
-0.00462578252626
-0.00493667507563
-0.00533065908735
-0.00581066383822
-0.00645803165578
-0.00706508253545
-0.00740980813566
-0.00759763865352
-0.00761697997921
-0.00682458086837
-0.00254813304977
-0.000742493032624
-0.00122366170831
-0.00169288383617
-0.0020714802113
-0.00238146986265
-0.0026355550145
-0.0028663189241
-0.00312244298135
-0.00340713505703
-0.00374701232953
-0.00415883103468
-0.00466145413743
-0.00526345311537
-0.00595999526921
-0.00669700364803
-0.00740987388473
-0.00796113093419
-0.00804885729941
-0.00702456935328
-0.00245074275002
-0.000699293376283
-0.00107002844511
-0.00136845152274
-0.00161354080329
-0.00184816290926
-0.00207463195821
-0.00229413624854
-0.0025365346086
-0.00281422789887
-0.0031446283364
-0.00354687351669
-0.004042507949
-0.00464037996713
-0.00532996488767
-0.00607448982491
-0.00676560344118
-0.00724709080184
-0.00716700216376
-0.00582323625572
-0.00161974071672
-0.000525674756867
-0.000735444762949
-0.000880147681875
-0.00098898985513
-0.00106734521045
-0.00113004293118
-0.00117289947883
-0.00120656942388
-0.00123909854709
-0.00129161275379
-0.00137776470298
-0.00150329726371
-0.00168972138482
-0.00191791858476
-0.00217879156594
-0.00241676986078
-0.0025447444361
-0.00239472060616
-0.00163423723855
-0.000265879157065
0.00148995449589
0.0018255359996
0.00212648771632
0.00215047151315
0.00183500783002
0.00145768287764
0.00109736124929
0.000724246930919
0.000397351185218
0.000142159938323
-1.06904626671e-05
-8.88808823292e-05
-0.000144174884507
-0.000217397199716
-0.000327409609008
-0.000495494046165
-0.000607621863777
-0.000659698325131
-0.00053425639658
-0.000479030532458
0.00191929954163
0.00507843670984
0.00623340156424
0.00632435469035
0.00587351628545
0.00503666350299
0.0038888670316
0.00271441045742
0.00161881819805
0.000635837076787
-0.000182851171052
-0.000763681103374
-0.00102400261496
-0.00101847645689
-0.000959278466955
-0.000882995042602
-0.000842698753018
-0.000712478675774
-0.000588609252648
-0.000551179500442
0.00209487865353
0.0061011204952
0.0075395698062
0.00772042908123
0.00740189955187
0.00662547815243
0.00529433889974
0.00389378585824
0.00275397755854
0.00166640055751
0.000606613995623
-0.000314869955562
-0.000869766243726
-0.00121112922677
-0.00158954687103
-0.00182902590858
-0.00174736233725
-0.00150642552444
-0.00097248613455
-0.000636139803455
0.00194769606492
0.00598815800637
0.00746977974267
0.00818796227501
0.00819765523684
0.007223276871
0.00545210352565
0.00391073081705
0.00297467830806
0.00202666349286
0.00101235192053
4.53601090037e-05
-0.000519787304498
-0.00109973499073
-0.00197391168831
-0.00257168727779
-0.0026008855874
-0.00206100317552
-0.00129128165599
-0.000658840269176
0.00159454867629
0.00541061997538
0.00727595199789
0.00838855408134
0.00823306162992
0.00682117627119
0.00459446923303
0.0029884237707
0.0022926138132
0.00150234042957
0.000584704237105
-0.000303167970962
-0.00073141196302
-0.00140280144625
-0.00298501696299
-0.0038589796856
-0.00376920091004
-0.00280534345207
-0.00147495704952
-0.000646132218882
0.0011556108712
0.0046786587851
0.00689498436457
0.00793669737723
0.00745155891569
0.00565390584553
0.00313364060781
0.00153311847331
0.00101500301357
0.000338755791567
-0.000497266538838
-0.00124863754064
-0.00143016562535
-0.0024895916434
-0.00410764610682
-0.00519654808174
-0.00516188302011
-0.00375615152496
-0.00155233093562
-0.000619407478913
0.000739446829773
0.00383901791165
0.00597373379465
0.0067991316756
0.00606154235052
0.00408651570622
0.00150242469097
-3.40725498765e-05
-0.000467035474862
-0.00110592364013
-0.00190060381995
-0.00248775674742
-0.0025842213472
-0.00346522853751
-0.00519606347869
-0.00638445118216
-0.00630000030849
-0.00455892020284
-0.00170441548176
-0.000594940646841
0.000372582896629
0.00289171802847
0.00480811305163
0.00557114424403
0.00482910633724
0.00292232586729
0.000439549364284
-0.00102569833077
-0.00146262400062
-0.00214395514576
-0.00290958302825
-0.00330775345084
-0.0031978358635
-0.00391087698992
-0.00563820323152
-0.00687225455392
-0.00682617332268
-0.00499354083411
-0.00185312363187
-0.000579240475052
1.73058767067e-05
0.00189601478509
0.0037227824721
0.00460148061586
0.00401604117019
0.00227907363109
-8.65114599419e-05
-0.00153683643386
-0.00202252635139
-0.00273280081568
-0.00336959015585
-0.00345497293718
-0.00311794299463
-0.00378853118074
-0.00555425133266
-0.00688323033188
-0.00696960449414
-0.00521524835991
-0.00202487480975
-0.000574992115108
-0.00032963583284
0.000928767787942
0.00276406276915
0.00377423217365
0.00332864881937
0.0016962628078
-0.000658405789595
-0.00219199704964
-0.00275165632957
-0.00339287911718
-0.00371315052501
-0.00351040660268
-0.00304064025881
-0.00373706490271
-0.00560121082757
-0.00704776884468
-0.00722872883035
-0.00553323713683
-0.00235529351093
-0.000622902471384
-0.000613708365747
0.00011382168694
0.00195268418585
0.0030607430729
0.00270577372932
0.00107305151072
-0.00139579323078
-0.00308077472587
-0.00363676551044
-0.00400303990523
-0.00390697832479
-0.00353567891556
-0.00306847039928
-0.00387853784056
-0.00592052110431
-0.00749448803485
-0.00770729001561
-0.00602185572818
-0.0029206476592
-0.000790610579023
-0.00077916608373
-0.000488519989402
0.00107601768345
0.00199841577464
0.00150665919152
-0.000280368754541
-0.00292466073748
-0.00464885464355
-0.00497950189871
-0.00496346848013
-0.00459442595504
-0.00421086188879
-0.00384481760331
-0.00480980065821
-0.00696692697584
-0.00848958210498
-0.0085182290864
-0.00668508358646
-0.00372122277884
-0.00110454254306
-0.000819089265691
-0.000970352157534
-0.000177915884788
0.000253703212126
-0.000521352497839
-0.00242523275786
-0.00502988249302
-0.00649835189551
-0.00655730154752
-0.00613554141678
-0.00578191431412
-0.00549410553065
-0.00529533476079
-0.00634602457598
-0.00837657531299
-0.00958084169964
-0.00924193631834
-0.00723633770321
-0.00469639552756
-0.0015068685152
-0.00078732527563
-0.00144959302855
-0.00168504470032
-0.00176527767009
-0.00269916283253
-0.00443323347347
-0.00651153281237
-0.00758732117868
-0.00723270077224
-0.00692313601209
-0.00669827675806
-0.00658498404985
-0.00657699102371
-0.00758889519777
-0.00927230921834
-0.0100423997788
-0.00940865253097
-0.00757036573735
-0.00585369727413
-0.00201386997561
-0.000712040348597
-0.00170812423982
-0.00270280041041
-0.00326811658904
-0.00410396423853
-0.00536013464922
-0.00682940770175
-0.00733702294062
-0.00714143036677
-0.00703409340938
-0.0070385918537
-0.00715759413438
-0.00736946215648
-0.00826940536503
-0.00950576131009
-0.00989741542968
-0.0092568314558
-0.00825356678851
-0.00725411006939
-0.0026476181494
-0.000646826268952
-0.00162116480033
-0.00276523319356
-0.00351480385098
-0.00415202269172
-0.00501895930484
-0.00575957759268
-0.00614757083202
-0.00621050449877
-0.00637276633383
-0.00664365811013
-0.00702048960155
-0.00748950962193
-0.00830397681657
-0.00917972766119
-0.00953004294162
-0.00957371924372
-0.00961745323087
-0.00878804543954
-0.00330468922501
-0.000607300576082
-0.00149124496396
-0.00251878643384
-0.00319508510763
-0.00364932108275
-0.00394985433708
-0.00432116066129
-0.00463620733228
-0.00492293363236
-0.00530586088982
-0.00579521939678
-0.00639899841083
-0.0071229137051
-0.00801215195937
-0.00897323970016
-0.00987197021579
-0.0107168843112
-0.0111621550335
-0.010171460647
-0.00385735053561
-0.000616440485316
-0.0012513345621
-0.00210377323462
-0.00264308655908
-0.00299743043324
-0.00327369986678
-0.00354263233797
-0.00385800896536
-0.00425049004986
-0.00473899129378
-0.00534367761822
-0.00608835936151
-0.00699369882861
-0.00805510780767
-0.00923631965151
-0.0104623976659
-0.0115601274948
-0.0120407905142
-0.0107733259488
-0.00398705061649
-0.00064578695098
-0.000936510731613
-0.00142131357682
-0.00176179371498
-0.0020294412273
-0.00227556353872
-0.00253339555938
-0.00284558108411
-0.00323230620579
-0.00371982153903
-0.00433028294113
-0.00510222425655
-0.00606003323963
-0.00718176221268
-0.00841754999545
-0.00966228641852
-0.0106947590991
-0.0109933353545
-0.0094472708843
-0.00313480612092
-0.000518936702411
-0.000682411999333
-0.00076620711976
-0.000863594049796
-0.000939295957
-0.00100338793291
-0.00105784161109
-0.00111864939006
-0.00119888880054
-0.00132276809368
-0.00151176673812
-0.00177611525194
-0.00213749829823
-0.00257526759112
-0.00307383686552
-0.00358612116563
-0.00400130594614
-0.00404986794441
-0.00317506380608
-0.00126272031307
0.00547855307952
0.00603453471469
0.00633641189645
0.0060200142314
0.00537226794579
0.00451383226133
0.00362227443023
0.00268709302306
0.00179478428154
0.000986044823486
0.000358853942351
-5.14904083681e-05
-0.000247558045735
-0.000292416452326
-0.000356762301838
-0.000498525514625
-0.000578384643371
-0.000603423666631
-0.000531605626076
-0.000463355208522
0.00601355772082
0.0134671786769
0.0152948865947
0.0150440666186
0.0140929058037
0.0129204679527
0.0113773752477
0.00964561134451
0.00765835599253
0.00551674665743
0.0030432798543
0.000454034801493
-0.00178947220622
-0.0028534789025
-0.00296831993217
-0.00281861662586
-0.00263893707486
-0.00212964812925
-0.00132252373625
-0.000486389604793
0.0062224156927
0.0152846337069
0.0173407281772
0.0169091460511
0.0157875052965
0.0145963329801
0.0131867885996
0.0114870092726
0.0096979749667
0.00758344229467
0.00483660240647
0.00153672290859
-0.00170369495782
-0.00388160573646
-0.00464227156088
-0.00476547986614
-0.0045299421595
-0.00394133547658
-0.00237664453327
-0.000566566959185
0.00577205112388
0.0147851907411
0.0166666072517
0.0163810802348
0.0156790114069
0.0146036323604
0.0129941627675
0.0113131544904
0.00984517589171
0.00793731250397
0.00531677768595
0.00191029774444
-0.00146258895897
-0.00386094720047
-0.00514320282964
-0.00571111412664
-0.0056470512235
-0.0049700637805
-0.00314000436011
-0.00070104295894
0.00505055211107
0.0137102478203
0.015501963481
0.0156843030646
0.0151939721187
0.0138611703383
0.0118357332277
0.0101176616048
0.00890570504721
0.00712701431892
0.00456638322283
0.0011835852581
-0.00204501346314
-0.00415150024804
-0.00561222021603
-0.00646387710195
-0.00648090862156
-0.00561316351833
-0.00361736217188
-0.00082982832576
0.00421001326281
0.0124744204786
0.0143850153693
0.0148329756001
0.0142229572136
0.0125476950307
0.0101741216824
0.00840990997564
0.00733489947177
0.00559983309793
0.0029585008698
-0.000393573537279
-0.00316409211688
-0.00502585044921
-0.00674328642617
-0.00757862186322
-0.00744923013492
-0.00609450160439
-0.00393153666823
-0.000898952591089
0.00334593319947
0.0111941558518
0.013046513811
0.0135118846706
0.0127512082061
0.0108819426087
0.00835623921689
0.00657535777702
0.00549648564035
0.00365324072997
0.000788763500168
-0.00255931841791
-0.00464940016043
-0.00624714916637
-0.00778414903634
-0.00861476944662
-0.00838084637205
-0.00673024886349
-0.00420644211089
-0.000937378854729
0.00249940216174
0.00979336521216
0.0115698527745
0.0121196563534
0.011391785768
0.00953505194338
0.00701356918699
0.00518949954141
0.00391243966943
0.00171031066882
-0.00146276205458
-0.00459615146499
-0.00590697458235
-0.00694389628789
-0.00841957073669
-0.00924784846395
-0.00898733226568
-0.00722418626294
-0.00453745794428
-0.00100147150528
0.00168258029031
0.00837172143538
0.010268082252
0.0110192537526
0.0104208864074
0.00864274430068
0.00610333511269
0.00409552227232
0.00243593146409
-0.000273658299763
-0.00359578900808
-0.00582258090529
-0.0063513696529
-0.00712783995082
-0.00862270358374
-0.00954108041005
-0.0093832171312
-0.00767898135716
-0.00499146242608
-0.00111426428604
0.000940839526466
0.00698261699742
0.00914138286095
0.0100697091549
0.00952477551842
0.00769037716368
0.00491989880011
0.00246399042093
0.000232710128684
-0.00277142144134
-0.00554766064201
-0.00661656166822
-0.00660508740237
-0.00729550282854
-0.00887150329388
-0.00992129203848
-0.00988950805609
-0.00828823029145
-0.00565247690251
-0.0013111795616
0.000340937594308
0.00564893141272
0.00797486192769
0.00897862051336
0.0083839327033
0.00632220261696
0.00307588479184
-4.33169173627e-05
-0.00270759588767
-0.00545656316407
-0.00681544584326
-0.00708481107713
-0.00682807297001
-0.00754494443299
-0.00926535660411
-0.0104709929263
-0.0105563265317
-0.00906258586046
-0.00650996095479
-0.00160731346174
-8.53991700133e-05
0.00439616631784
0.0064481207432
0.00712487888323
0.00618151436776
0.00368953374952
-0.000184538006894
-0.00371254449322
-0.00627342659882
-0.00764791388697
-0.00802588027383
-0.00792188651298
-0.00762361533677
-0.00842829019655
-0.01023479238
-0.0114476540774
-0.0114602299909
-0.0099501852958
-0.00753153265353
-0.00201532136659
-0.00034663276726
0.0026998359717
0.00395575510429
0.00396642158964
0.00250030473629
-0.000414239935486
-0.00451596176041
-0.00776600330542
-0.00899780023194
-0.00935989385294
-0.00932378575469
-0.00916454732732
-0.00898807391014
-0.00986631297449
-0.0115731329131
-0.0125570009751
-0.0123056312904
-0.0108067982098
-0.00870925083177
-0.0025581368179
-0.00052202174611
-1.49821550646e-05
0.000341430442148
-0.000245768379889
-0.00198448290942
-0.00494491000983
-0.0081488484036
-0.00998884023728
-0.0102023380366
-0.0102061068826
-0.0101562218461
-0.0101552807838
-0.0102092166954
-0.0111043833204
-0.0125423654371
-0.0132037981046
-0.01281107026
-0.011803481143
-0.0100898836121
-0.00330735469334
-0.000624528710108
-0.00280163792793
-0.00373273708782
-0.00469032501289
-0.00604032650132
-0.00776155062369
-0.00944596433096
-0.0100685329656
-0.0101310374871
-0.0102150083714
-0.0103908579504
-0.0106759120727
-0.0110365697206
-0.011909913519
-0.012997288824
-0.0134617453677
-0.0133832658086
-0.0132183783331
-0.0117582132389
-0.00422952409615
-0.000656351522239
-0.00362570505858
-0.0055238854759
-0.00660003014437
-0.00733347791158
-0.00807151788951
-0.00859087610234
-0.00898083289416
-0.00921403187465
-0.00956077383623
-0.0100370772909
-0.0106322972717
-0.0113217883011
-0.0122285733898
-0.0131556873451
-0.0139246807384
-0.0146368731653
-0.0150877523834
-0.0136777158685
-0.00522564416223
-0.000627946437913
-0.0036220118242
-0.00567672993371
-0.00672154541311
-0.00724049174115
-0.00750697835769
-0.00777459983109
-0.008112874731
-0.00853889200518
-0.00909569895317
-0.00979019316349
-0.0106122016744
-0.0115668281017
-0.0126698258802
-0.0138487163682
-0.0151138809848
-0.0163609332867
-0.017071189145
-0.0155964647713
-0.00615841925675
-0.000633823230104
-0.00311633191842
-0.00497295168347
-0.00587677077912
-0.00633706049984
-0.00666240086406
-0.00699486448572
-0.00740571328382
-0.00793343695956
-0.00860547386164
-0.00943188751587
-0.0104140965379
-0.0115788852298
-0.0129419339939
-0.0144233096526
-0.0160088407049
-0.0175337270866
-0.0183764657601
-0.0167817265484
-0.00667837779157
-0.000664115984815
-0.00205593974118
-0.0033347353277
-0.00397987165229
-0.00435087090736
-0.00465838896414
-0.00499280110183
-0.00541595238863
-0.00596128739904
-0.00666468808651
-0.00752048072306
-0.0085887700759
-0.00988237713781
-0.0113806331563
-0.0130289157448
-0.0147309470164
-0.01629296094
-0.0170978921073
-0.0154710509558
-0.00596245016372
-0.000583371903756
-0.000689971922314
-0.000822439940642
-0.000970921337972
-0.00107809822361
-0.00117073913184
-0.00125917592952
-0.00137936928417
-0.00154538109211
-0.00179117131855
-0.00214903963438
-0.00263955423852
-0.00327984558866
-0.00403405100566
-0.00486388225108
-0.00571834283239
-0.00648676190142
-0.00685236556537
-0.00603306722736
-0.00327263371883
0.0115964466123
0.0134860428776
0.0137389790444
0.0132786674484
0.012699016918
0.0118320501157
0.0106191980966
0.00918244062349
0.00740078536226
0.00539563347991
0.00325091094947
0.00115869716885
-0.000554256126926
-0.00121876686131
-0.00137985245626
-0.00150976442209
-0.00153855642404
-0.00145051500087
-0.00115661158754
-0.000769780246235
0.0134603428892
0.0253885270829
0.0266756832696
0.0258146777191
0.0247809031354
0.0241867642278
0.0234055553516
0.0223925355566
0.0208434383847
0.0191591560715
0.0159229535265
0.0105276389683
0.00284383581003
-0.00421228481436
-0.00709490446658
-0.00752996170093
-0.0074926927993
-0.00686141769326
-0.00520771613666
-0.00114425220819
0.0135530592672
0.0266502380113
0.0279850126829
0.0269252737904
0.0255391103338
0.0247460075691
0.0241846330782
0.0234099328033
0.0225534941966
0.0213676722091
0.0185953974976
0.0131123793624
0.00456098074711
-0.00503207442209
-0.00952498896458
-0.0104802280912
-0.010517960413
-0.00967186606273
-0.00729098494096
-0.00161177213924
0.0128241749221
0.0254913591222
0.0266200148865
0.025411567379
0.0241129383979
0.023325562681
0.0227006664926
0.0220106869392
0.0214932853979
0.0204912967109
0.0180488716597
0.0125813448583
0.00389288811666
-0.00544891806717
-0.0104313664269
-0.0118292866051
-0.0119984302066
-0.0112026425062
-0.00850101047629
-0.00197988213699
0.0118919732345
0.0240801315516
0.024919710478
0.0237669780544
0.0227541659224
0.0218791794715
0.0209283314993
0.0202328604242
0.019939605139
0.0189516861295
0.0164677593717
0.0107452583534
0.00140162338605
-0.00705852053698
-0.0111942433648
-0.0125081660682
-0.0127842581125
-0.0119044736196
-0.00924484770318
-0.00231251350609
0.0108439414943
0.0227847093005
0.023450709716
0.022434466078
0.0215513198126
0.0204817311
0.0191439301733
0.018364941666
0.0181520371509
0.0170566984426
0.0140120813985
0.00744112883099
-0.0021623790797
-0.00896367614119
-0.0121702756181
-0.013332074395
-0.0134151562347
-0.0124868143737
-0.00976883528066
-0.00251106826684
0.00965836922876
0.0215259331454
0.0219659021154
0.0210832375807
0.0202537438991
0.0190007507214
0.017455564134
0.0165983831437
0.0162759888079
0.0148057541871
0.0107456100816
0.00281941812537
-0.00660261827953
-0.0111664596104
-0.0133299727041
-0.0142298752321
-0.014166298053
-0.0130800823198
-0.0102797781207
-0.00262918521208
0.00832018357522
0.0201665061567
0.0205931736737
0.0199035246571
0.0191514753761
0.017859970973
0.0162314870245
0.0152104295545
0.0143877555141
0.011818344751
0.0060246923599
-0.00332450043966
-0.00987939070653
-0.0125464544816
-0.01417239752
-0.0149678134546
-0.0148578542576
-0.0137240298316
-0.0108980081874
-0.00279624329315
0.00689577088455
0.0189253225481
0.0196705009069
0.0191772939409
0.0184557333368
0.0171124482973
0.0153187354135
0.0138853951463
0.0121192455396
0.00774432128459
9.77390168888e-05
-0.00854330612228
-0.0118548771115
-0.0132880921068
-0.0147256327287
-0.0155663663608
-0.0155642374436
-0.0145455751005
-0.0117660706115
-0.00307097750084
0.0054873750206
0.0177876863508
0.019064531619
0.0186600148154
0.0177847003563
0.0161619374121
0.0138490880458
0.0114506644997
0.00817557988621
0.00214574221349
-0.00697792415426
-0.0116957767777
-0.0129799024068
-0.0139073805259
-0.0153214441932
-0.0162893046908
-0.0164720810436
-0.0156659185333
-0.0129983444986
-0.00351980870064
0.00423260821601
0.0164989092585
0.0181996373272
0.0176983893197
0.0165097744648
0.0143677480325
0.0110488846318
0.00710482756226
0.00207793748687
-0.00640767792087
-0.0115917124867
-0.0134675271035
-0.0137990570002
-0.0145467045573
-0.0160488841197
-0.0171970148955
-0.017592659249
-0.0170253679405
-0.014478315824
-0.0041114333641
0.00305233453832
0.0151861518202
0.0167020336283
0.0155792260588
0.0136810906832
0.0106356122906
0.00583790308709
0.000439059217886
-0.00734827145222
-0.0123294945921
-0.014389376608
-0.0149578734965
-0.0149459103834
-0.0156944812669
-0.0172639298586
-0.0184667141156
-0.0189223737716
-0.0185255026487
-0.0160863934527
-0.00485470000226
0.00176175290282
0.0127020299135
0.0136705543611
0.0116895492832
0.00877684614578
0.00424427397912
-0.00177852330337
-0.00937594775054
-0.0136995519698
-0.0156433434258
-0.0162987438965
-0.0164771620034
-0.0165089305278
-0.0173412084769
-0.0188488109343
-0.0198948428303
-0.0203030010331
-0.0201581347696
-0.0178553048162
-0.00579973309191
4.74609574118e-05
0.00731525555556
0.00780570888947
0.00548852327594
0.00202978443835
-0.00424712491553
-0.0109119210337
-0.0147985483489
-0.0163696818857
-0.0170307156
-0.0173565546995
-0.0176480598477
-0.0179649127926
-0.0188982688766
-0.0202266086595
-0.021148791145
-0.0216600405517
-0.0219730462347
-0.0196697740049
-0.00695108458356
-0.00137754100887
-0.00382345759898
-0.00305087185874
-0.00493879095153
-0.00856067905371
-0.0122366631935
-0.0147610746174
-0.0161628112233
-0.0167826873698
-0.0172547357131
-0.017780313613
-0.0184274793919
-0.0191576589203
-0.020206501144
-0.0213743581654
-0.022310377825
-0.0232125638974
-0.0238622663061
-0.0215469077694
-0.00830038361753
-0.0018391180136
-0.00872917526304
-0.0109034251397
-0.0124644371061
-0.0138738532845
-0.0148235699825
-0.0155769513023
-0.0161602425423
-0.0166926151951
-0.0173389008778
-0.0181424235384
-0.019080726616
-0.0201166744287
-0.0212929696462
-0.0225182525301
-0.0237502223632
-0.0251133395156
-0.0259836176333
-0.0237331056552
-0.00975699339455
-0.00191844298359
-0.00953340752288
-0.0127787522932
-0.0141873104347
-0.0148394237115
-0.0153349477706
-0.015792025962
-0.0163121656538
-0.0169780599381
-0.0178221581919
-0.0188391250244
-0.0199663251255
-0.0212049911724
-0.0225901366809
-0.0240153501931
-0.0255832078639
-0.0272360872317
-0.0283134037588
-0.0260511070762
-0.0112029008342
-0.00186651698453
-0.00904555056516
-0.0121615348698
-0.013443619876
-0.0140649919229
-0.0145474034226
-0.0150766992797
-0.0157276494297
-0.0165538421422
-0.0176107740321
-0.0188608631312
-0.0202323141624
-0.0217334726315
-0.0234433849054
-0.0250867102013
-0.0269148588831
-0.0288049880253
-0.0299818527426
-0.0278010076481
-0.012278504155
-0.00157759799438
-0.00696605706718
-0.00942074522747
-0.0104342114558
-0.0109732873521
-0.0114490954823
-0.0119958548797
-0.0126828714476
-0.013563935356
-0.0147203853169
-0.0160179800587
-0.0175634476707
-0.0192168298847
-0.0210432829365
-0.0229491175334
-0.0249459189424
-0.0268885337121
-0.02819422352
-0.0264530005059
-0.0119079224528
-0.00106619981284
-0.00164780621371
-0.00220058872104
-0.00253098236969
-0.00272315898578
-0.00289572607309
-0.00307450008568
-0.00333659180681
-0.00368698539236
-0.00418957227406
-0.00486279734436
-0.00573401009576
-0.00679532382458
-0.00798974275627
-0.00925090034836
-0.0105282646742
-0.0117378187426
-0.0125673226876
-0.012024850695
-0.00819257825014
0.00979608935901
0.0144526034306
0.0148833577392
0.0153937569505
0.0167795712332
0.0180698325705
0.019126645303
0.0203162080419
0.0205038424731
0.0198781705764
0.0177215527161
0.0132216505337
0.00570836675769
-0.00145760090949
-0.0046061461632
-0.00514446515781
-0.00536293601333
-0.00527860869109
-0.00466992614211
-0.00310195222667
0.0142818737414
0.0250878188408
0.0259344518861
0.0256938545159
0.0259254972196
0.0273380666058
0.0290734784045
0.0310480874209
0.0331178184286
0.0367758505538
0.0399307038223
0.0408371374988
0.0353628999103
0.0124740543637
-0.00987500808837
-0.014620137672
-0.0154892826784
-0.0154153718386
-0.0134341454109
-0.00479261294823
0.0144768943625
0.0258230930546
0.0268160259241
0.0264001646311
0.0261585002962
0.0269202325761
0.0284461466649
0.0302783333536
0.0328687577532
0.0367034463833
0.0404153265877
0.0417652201709
0.0363483387964
0.0142324297175
-0.00992962493899
-0.0174211225069
-0.0186829596614
-0.0188563408482
-0.0162575370984
-0.00589363118417
0.014431080902
0.0251450706017
0.0259894543013
0.0253256628474
0.0247778694411
0.0252426052098
0.0265484819714
0.0282339119166
0.0308551251457
0.0344861543028
0.0383766755315
0.0394811955476
0.0334041378726
0.0127083067094
-0.0100989012456
-0.0184884375204
-0.0207160800429
-0.0204329137202
-0.0176497510036
-0.00662868114125
0.0146234107796
0.0245533592555
0.0250726963067
0.0241077936277
0.0235788501742
0.0239777320137
0.0250114574109
0.0266526588575
0.0293615661806
0.0328964338504
0.0368704888508
0.0375221983637
0.028836725519
0.00477713422874
-0.0153557201888
-0.0196078787325
-0.0215172593035
-0.0213651643896
-0.0185908837729
-0.00720886155755
0.0150156047831
0.0243370769453
0.0243939378028
0.0232428084937
0.0229057720572
0.0230935461234
0.0238320840616
0.0254847481696
0.0283954025077
0.0320202697442
0.0352623251308
0.0332376970033
0.0189884261982
-0.0053113949968
-0.0177874709317
-0.0215645915685
-0.022308673029
-0.0221494218411
-0.0193428233634
-0.00757279782715
0.0153867377149
0.0242238837092
0.0238256434293
0.0226228803216
0.0223854640204
0.0224618604099
0.0230936783172
0.0247829184381
0.0278451052552
0.0314447421621
0.0333006619115
0.0267510939046
0.00284963402061
-0.0147308564034
-0.0209432485318
-0.022645898277
-0.0231394136989
-0.0229889352157
-0.0202034770901
-0.00791065497766
0.0155041175403
0.0241011856367
0.0234927440484
0.0223729369935
0.0221864376709
0.0222581054747
0.0228415351563
0.0245227135986
0.0272684322957
0.0294919424823
0.0274915856196
0.0143395998925
-0.0106732817333
-0.0197842789874
-0.0224137819926
-0.0235910431708
-0.024067137976
-0.0239854363679
-0.0212858446615
-0.00836531543295
0.0153532585151
0.0243044368743
0.0238117429491
0.0227215994592
0.0224423914271
0.0224176421831
0.0229302847089
0.0244660510376
0.0264689247727
0.0262372008857
0.0203645016784
-0.0056604318423
-0.0184245579436
-0.0218908573223
-0.0235434936523
-0.0246421980389
-0.0252423642948
-0.0253790611624
-0.0228343679093
-0.00903708659502
0.0149210668127
0.0248132320677
0.0246446349253
0.0234094334957
0.0227902404247
0.0224563520661
0.022597633852
0.0235253054352
0.0246586943433
0.0211905487976
-0.00158827296121
-0.0172097839442
-0.0217616902255
-0.0233679940214
-0.0247297410125
-0.0259309296521
-0.0268057946453
-0.0273424772515
-0.0250833370471
-0.01006516037
0.0143680085047
0.0253400980314
0.0253272143781
0.0236661320424
0.0225455146717
0.021725788379
0.0210796380891
0.0212738712242
0.0194955241991
-0.00180276824483
-0.0166014679459
-0.0222303199004
-0.0238044614274
-0.0247758522111
-0.0261250911246
-0.0275431785161
-0.0287755847741
-0.0297866487898
-0.0278453238687
-0.0114028187787
0.0136109287494
0.0264664740155
0.0258853001358
0.0231509794489
0.0211968126873
0.0193466556117
0.0178650570176
0.016025878471
-0.00349696804126
-0.0174263046344
-0.0232071213338
-0.0251299014788
-0.0257414793932
-0.0265860745681
-0.0280018564784
-0.0296115248714
-0.0311159257259
-0.0326057222096
-0.0310083383845
-0.0130739015564
0.011840761756
0.0281534728459
0.0262569386235
0.022105543592
0.0191611770525
0.0146874229459
0.0124173433448
-0.00692522490204
-0.019097649597
-0.0244689823827
-0.0264743544977
-0.0273344512497
-0.0278713944097
-0.0288583017095
-0.0303860732819
-0.0320414485175
-0.0338205208532
-0.0359175008265
-0.0347612955953
-0.0149135572118
0.00568338361624
0.0303730413127
0.0253039545299
0.0199760948808
0.0162100855141
0.00772778375366
-0.0109656940106
-0.020906682448
-0.025283917063
-0.0271898469377
-0.0282150675041
-0.0290888947931
-0.029986322933
-0.0312833817323
-0.0329067955248
-0.0346312841566
-0.0369046744566
-0.0395371832384
-0.0384074291744
-0.0168521248997
-0.0036168140185
0.00908506132042
0.0146549636075
0.00957054817396
-0.00312595466241
-0.0162388039561
-0.022635688069
-0.0257387963865
-0.0273201174022
-0.0283994227577
-0.0294642524634
-0.0306907802507
-0.0320519961233
-0.033653080843
-0.0354238985984
-0.0374407223867
-0.0400015137293
-0.0426108730021
-0.0412873488067
-0.0188229077953
-0.00621353992833
-0.0150578178255
-0.0127145797257
-0.0169702239982
-0.0218140772192
-0.0247121797077
-0.0264221259581
-0.0275699034627
-0.0286002089066
-0.029730474279
-0.0310677034205
-0.0325804809008
-0.0342291920651
-0.0360534595479
-0.0380061450385
-0.0402591178541
-0.0429624515195
-0.0456211314674
-0.0442220378434
-0.0208512433759
-0.0068788254024
-0.019367889511
-0.022783197073
-0.0245091929329
-0.0257266893274
-0.0267586258576
-0.0277005967004
-0.0286881513378
-0.0298684485225
-0.0313190132563
-0.0330210981586
-0.0348303280609
-0.0367537899026
-0.0388948891418
-0.0409572518562
-0.0433810122493
-0.046253819373
-0.0488351985237
-0.0469174400126
-0.0229099380815
-0.00692360041719
-0.0195037712852
-0.0233541984671
-0.0248583006356
-0.0257694420861
-0.0266509865542
-0.0276566325855
-0.0288458350579
-0.0303201288927
-0.0322144691095
-0.0344106793113
-0.0367224968539
-0.0391065630771
-0.0417551774989
-0.0439016196567
-0.0464603860151
-0.0492813912212
-0.0513836087123
-0.0493400877668
-0.0246742643072
-0.00620297060134
-0.016966659104
-0.0202647521984
-0.0215691635674
-0.0224308653862
-0.0233443697173
-0.0244227737003
-0.025725146941
-0.0273810218782
-0.0296064098198
-0.0320204954465
-0.0348194711117
-0.0374417381439
-0.0401576840324
-0.0427280746179
-0.0454265749417
-0.0477662560666
-0.0497477021133
-0.0487109345801
-0.0250691033599
-0.0041419301949
-0.00635369275383
-0.0075615780814
-0.00814919980981
-0.0085337669261
-0.00894443856869
-0.00941327802813
-0.0100387268507
-0.0108290141771
-0.0119722710916
-0.0133129765804
-0.0148488088179
-0.01658459253
-0.018367269673
-0.0201678695493
-0.0218802110446
-0.0236025393387
-0.0250388196697
-0.025209659043
-0.0208645237369
-0.0143917192364
-0.00708920484951
-0.00629610335139
-0.0044134631622
-0.000906863169646
0.00325901815563
0.00813030986695
0.0146870046393
0.0217216514676
0.0301342577509
0.040183623422
0.051860175866
0.0672834933942
0.0699723472936
0.0017991943694
-0.0113695869673
-0.0130601423322
-0.0133770434999
-0.0131038055858
-0.0106224378866
-0.00714925900972
0.00703665467106
0.00937353122727
0.0103805368806
0.0118404542393
0.0142934373629
0.0173980690159
0.0213238714477
0.0262737057087
0.0343280567022
0.0463572806425
0.0667908732218
0.104778448455
0.130419181059
0.041199020311
-0.0111581671388
-0.0243399793006
-0.0257660029654
-0.0243703111502
-0.0133538929715
-0.00664619161931
0.00918331731584
0.011941617749
0.0127498285237
0.0136466769526
0.0153917996575
0.0179673698558
0.0212496191248
0.0259625081574
0.0335089157104
0.0450401917321
0.0636967369975
0.0949829237863
0.129316386603
0.0581939996348
-0.00336809487214
-0.0121027194621
-0.0285979642495
-0.02718059347
-0.0147391260431
-0.00533035274209
0.00972694605765
0.0123612560344
0.0129623470476
0.0135906731134
0.0150186854547
0.0173743621996
0.0204911771819
0.025215795858
0.0328012166693
0.0451839479675
0.0648651983288
0.0958175219606
0.115702011561
0.0614605111886
0.000564582394003
-0.0281552235331
-0.0304113747235
-0.0285490632882
-0.0157549067843
-0.00336775372632
0.0102946814921
0.0125724596378
0.0129486464338
0.0134303201098
0.0147242467995
0.0170162595221
0.0201997621908
0.0251428049425
0.0332651859666
0.0476501065619
0.0716096075041
0.110648597669
0.106182231825
0.0193492375084
-0.00234605131538
-0.0295965482486
-0.0314385134355
-0.0296538723796
-0.016678486107
-0.00076831839875
0.0111985038496
0.0129796910749
0.0131308573142
0.0135695188692
0.0149242566581
0.0172618025359
0.0205930710341
0.0260158404726
0.035228074985
0.0511278384815
0.0750580357826
0.107206625283
0.0756212171774
0.00706217202575
-0.0274887787595
-0.0315057511577
-0.0324589745005
-0.0306552211995
-0.0172158189072
0.00229952230371
0.012313045887
0.0135159693417
0.0135022049505
0.0140118215311
0.0155424103533
0.0179165679668
0.0215122175078
0.0277593560537
0.0388502234494
0.057356350377
0.0801672349066
0.0880359773516
0.0173932754771
-0.0257893552448
-0.0310496978783
-0.0326863875572
-0.0336324204077
-0.0319581094846
-0.0180961534039
0.00561800923644
0.0135747013088
0.0142801043727
0.014217898678
0.0147957931682
0.0164144743607
0.0188869383269
0.0229365110688
0.0301037610008
0.0427373283884
0.0644923220366
0.0987176631319
0.0286433827049
-0.0233942249929
-0.0307853834217
-0.0325302937854
-0.0339646994948
-0.0350653347645
-0.0336342317481
-0.0192461974514
0.0091307048938
0.015189128664
0.0155875418336
0.01545278327
0.0159502977919
0.0175752755827
0.0203365791343
0.0253168579672
0.0347897333401
0.053110956496
0.0841097704609
0.0403577789844
-0.0201098522656
-0.0304642003668
-0.0328303052229
-0.0341105679883
-0.0356759287494
-0.0371167199864
-0.0360542913696
-0.0207836025415
0.0128390283422
0.017189746758
0.0173986872688
0.0170639741634
0.0173270436753
0.0189451955686
0.0222662477989
0.0296570755466
0.046297158559
0.0646657576523
0.0450903554491
-0.0167943920151
-0.0302623340197
-0.0333315219259
-0.0347502263044
-0.0360626873321
-0.0380104792529
-0.0400874457769
-0.0396579066859
-0.0230255146468
0.0173804882277
0.0196513984024
0.019411804609
0.0186241171144
0.0186437291698
0.0205076604596
0.0257875956948
0.0402736499659
0.0584148506235
0.0182472017973
-0.0163836029501
-0.0305673413557
-0.0343059088109
-0.0357451251633
-0.0369906190781
-0.0385521547847
-0.0410513101505
-0.0439500193788
-0.0443613279301
-0.026322701042
0.0239181103384
0.023934162648
0.0223719601397
0.0206085443856
0.0205725768516
0.0233921059583
0.0363309766159
0.0522778118042
0.014780334374
-0.0185570032856
-0.0316540338043
-0.0358107543703
-0.0373267373101
-0.0384486226894
-0.0397789774525
-0.041723767729
-0.0448459952791
-0.0487333140405
-0.0503419491549
-0.0310413793652
0.0361780501115
0.0336232978031
0.0287084129782
0.0256449339299
0.0270784046147
0.0342735916874
0.0595773527953
0.00993464221023
-0.0211359001996
-0.0331768832751
-0.0372594377204
-0.0390083123452
-0.0401888984372
-0.0415164584734
-0.0431888692357
-0.0456915957941
-0.0495532826074
-0.0547698403095
-0.0580063275405
-0.0360286959997
0.0647162294957
0.0598182970982
0.0456982867191
0.0410793590577
0.0453789342818
0.0709170600383
0.00332199471601
-0.0247858321763
-0.03463177417
-0.0382939305046
-0.0400932288882
-0.0415684236451
-0.0430829317723
-0.0449447024197
-0.0472739780519
-0.050458264514
-0.0551098512105
-0.0615410521763
-0.0657306633867
-0.0412362842449
-0.000185314674316
0.109454170041
0.0879611965925
0.0811297428448
0.0656719725972
-0.00784918013107
-0.0291221987891
-0.0361047643122
-0.0390489796503
-0.0408269265825
-0.0424821802634
-0.0443638745433
-0.0464780896708
-0.0489676082984
-0.051894073839
-0.0555659799259
-0.0605458235611
-0.067103625851
-0.0714030546043
-0.0451648932397
-0.0143260536961
-0.000569035823623
0.0457420716523
0.0123944651856
-0.0225560983666
-0.0334783699057
-0.03753518028
-0.0396850641651
-0.0414056887354
-0.0431986990644
-0.0452801519271
-0.0476252805525
-0.0502147269871
-0.053162761865
-0.0564039615448
-0.0603816465949
-0.0656176972501
-0.0722672457803
-0.0766084909324
-0.0490651687171
-0.0167328823218
-0.0297550320156
-0.0295254421153
-0.0330157483568
-0.0363466232082
-0.0384782165151
-0.0401819353181
-0.0418473596118
-0.0437633146795
-0.0460931991891
-0.0488207209154
-0.0517236736169
-0.0548469318167
-0.058385266913
-0.0617550217962
-0.0659730034722
-0.0713644505054
-0.0774751298993
-0.0802840360879
-0.0527728133913
-0.0171345803455
-0.031766060018
-0.0352491486806
-0.0368170709325
-0.0381701614743
-0.039660516374
-0.0413618977377
-0.04332388899
-0.0457390773796
-0.0488844455804
-0.0525633904176
-0.0564682236069
-0.060532686983
-0.0650567755284
-0.0685478157886
-0.0729203308508
-0.0777977698557
-0.0822622098964
-0.0842493538516
-0.0552174157588
-0.0164662248356
-0.0297717897192
-0.0331322527218
-0.0346385712882
-0.0360130831711
-0.0376462088387
-0.0395756812451
-0.0418534850776
-0.0447621165782
-0.0488167358311
-0.0533138594178
-0.0584893742175
-0.0633639679623
-0.0683245221362
-0.0729132913631
-0.0776156023494
-0.0810109194615
-0.0846313830623
-0.0885211511844
-0.0571349646915
-0.0131083452225
-0.0166196717811
-0.0182203671218
-0.0191947097189
-0.0201521990811
-0.0212700809189
-0.0225723611692
-0.0241324002476
-0.026048027298
-0.0292319586342
-0.0328354388886
-0.0362334851705
-0.0406688085112
-0.044302257877
-0.0478569457722
-0.0501041827677
-0.0534094867193
-0.0555242772832
-0.0572315067063
-0.050856615286
-0.0101026773964
-0.00853091636118
-0.00810733059916
-0.00750495210122
-0.00653661839078
-0.00534356647869
-0.00396095588399
-0.00234377819801
-0.000583220265037
0.00150270216114
0.00481725766471
0.0166517276026
0.100324834458
0.422864854942
1.13226127439
0.0866770789692
-0.0209140471466
-0.0221524650185
-0.0227778737738
-0.0205568842049
-0.00849686051744
-0.001834678318
-0.000684925998897
-0.000165084289858
0.000507347378906
0.0014758583901
0.00268889676884
0.00423991497935
0.00620559178858
0.00927721302854
0.0148112947283
0.0288782838889
0.074047518678
0.197066357549
0.807766836082
0.356470175624
-0.0210208854021
-0.0336554444323
-0.0335174186445
-0.0231107235127
-0.00811135912206
-0.000743330361328
0.000673632436887
0.00115436313338
0.00169304863612
0.00253772469494
0.0036998171022
0.00517367594018
0.00722427234426
0.0104872115883
0.0162716250287
0.0296559902918
0.0724098222406
0.23754930758
0.67620687286
0.479949537324
0.414762594237
-0.0294162363005
-0.0357194418186
-0.0244821915553
-0.00756463249894
-0.000383881132729
0.00101156408656
0.00142392926421
0.00188199958967
0.00265407777087
0.0037902806025
0.00526312453299
0.00743038782035
0.0110217857858
0.0180299977395
0.0348473455811
0.0850358323302
0.227767779415
0.588938929727
0.519473009158
-0.0165969916371
-0.0370973325341
-0.0370268814492
-0.0258314850131
-0.0067543348521
1.32247322731e-06
0.0013047587223
0.00164893337137
0.00206405617861
0.00280501690165
0.00394438399923
0.00548641975609
0.00786323964379
0.0120952698601
0.0216650482009
0.0485346913852
0.135688379679
0.322650896647
0.594946135426
0.508419723853
-0.0250793755931
-0.0383435490327
-0.0382427772403
-0.0272281086808
-0.00576903580477
0.000522198418119
0.00170106584029
0.00198026365178
0.00238256361505
0.00312366832377
0.004291345684
0.00594714918815
0.00866033609926
0.0139367269773
0.0264895210062
0.0632628252907
0.195109662928
0.521969786358
0.549245740008
-0.0101310670031
-0.0370970328803
-0.0396875806564
-0.0394138158944
-0.027894602553
-0.00465722457659
0.00114102109793
0.00217071523711
0.00239992286401
0.0028225334606
0.00359461249938
0.00483053076446
0.00668757209176
0.0100128236056
0.0173869486704
0.0368926122519
0.103141818555
0.472659224641
0.57869990633
-0.00463709380814
-0.0357605111618
-0.0391440662915
-0.0411058295474
-0.0410648579969
-0.0295468422618
-0.0034762096438
0.00183337757389
0.00273419896404
0.00295070528702
0.00339486525692
0.00419586124095
0.00553244385349
0.00774095458671
0.0122352383434
0.0243946715567
0.0688467279618
0.239750459825
0.585706034294
0.000762494046845
-0.0348213526249
-0.0385937357802
-0.0407159485035
-0.042838265821
-0.0432067477194
-0.0316739505067
-0.00227167986458
0.00263600876728
0.00347721677361
0.00368399441739
0.00411101213973
0.00494384313068
0.00652527119249
0.00978335735712
0.0184690132308
0.0458825839908
0.135518596713
0.57701803371
0.00659795204287
-0.0341350695086
-0.0386319032984
-0.0405912162237
-0.0427916459811
-0.0453394644945
-0.0462989943161
-0.0343758136099
-0.00107513867289
0.00357043807224
0.0043973864487
0.00456596975555
0.00495069833994
0.00590846948239
0.00834678040266
0.0154063832604
0.0353323441883
0.0763812485478
0.551844136862
0.0112462179709
-0.033652439665
-0.0393096822217
-0.0411264392618
-0.0430100948567
-0.0456583669047
-0.0490214736815
-0.0509770516191
-0.0382483319954
0.00017781282676
0.00477516843481
0.00546970203907
0.00552320267337
0.005964750976
0.00760722059713
0.0137834017684
0.0314100250772
0.0594913592198
0.0464703964378
0.000298934117689
-0.0340684390047
-0.0406604071377
-0.0425252518504
-0.043966876473
-0.046131350251
-0.0494739753758
-0.0539638801331
-0.0574372961168
-0.0449970813954
0.00204557427839
0.00713591973163
0.0072413189733
0.00707152272057
0.00817618759166
0.0135804831333
0.0337548321062
0.0550819873961
0.0406964037484
-0.0137917435422
-0.0358787559587
-0.0425004855595
-0.0446267771807
-0.0459417107161
-0.0475378944256
-0.0501865797099
-0.0543869151464
-0.0603845879014
-0.0663345390993
-0.056314844017
0.01464957434
0.0152473415026
0.0123392487398
0.0123114103127
0.0175932574831
0.0447390236502
0.0874864931176
0.0399527987817
-0.0172977180312
-0.0381556060069
-0.0443532151313
-0.0467093150655
-0.0482257573694
-0.0498685401981
-0.0520312386215
-0.0553886535656
-0.0606945379853
-0.0688049347309
-0.0781614815204
-0.0686571836212
0.21803979601
0.0600314241591
0.034764260932
0.0380651515445
0.0674459159126
0.171422861831
0.0446359181182
-0.021989795472
-0.0402689194517
-0.0458299635552
-0.048227714875
-0.050101655007
-0.0520233243913
-0.0544216643983
-0.0574887795996
-0.0617794508146
-0.0683186778036
-0.0784420969401
-0.0905459038005
-0.0829770773503
0.167214177242
0.204236150982
0.131466416516
0.154771809558
0.397696780454
0.0410991044053
-0.0280277857572
-0.0423258256646
-0.0468299000645
-0.0492106206439
-0.0513369580699
-0.0537425870504
-0.0564712371569
-0.0597410216834
-0.0636633094699
-0.0687159816985
-0.075854772205
-0.086423886283
-0.0996764371605
-0.092781580881
-0.0167118699405
0.406363003829
0.547763861991
0.513004889345
0.0120060931245
-0.0354405438406
-0.0443698304594
-0.0476487735545
-0.0499578208479
-0.0522882632084
-0.0549763371394
-0.0580152424406
-0.0614152048694
-0.0653561004669
-0.0697624077948
-0.0753305712638
-0.0829492387663
-0.093820058718
-0.107941389443
-0.103450428889
-0.0268019173998
-0.0303617579553
-0.0111492988065
-0.0266598361716
-0.041674122254
-0.0459573609395
-0.0484235455291
-0.0506434274484
-0.053144389717
-0.0561807280198
-0.0597500303114
-0.0635850763111
-0.0677857667268
-0.0726153643289
-0.0772592400482
-0.0832431586124
-0.0910934974065
-0.101071353515
-0.113296738563
-0.114510089939
-0.027734968599
-0.0406745158143
-0.0427324953264
-0.0445492216097
-0.0464772738565
-0.0485001251776
-0.0507630805015
-0.053342229956
-0.0565193387768
-0.060712384295
-0.0656769739992
-0.0710033132448
-0.0766878861732
-0.0830480279358
-0.0880116409234
-0.0942838269226
-0.101261465129
-0.108494077815
-0.119177453153
-0.117068821008
-0.0275175893466
-0.0398270489831
-0.0427019794359
-0.0443158806841
-0.0461629348943
-0.0484512398317
-0.0511462509651
-0.0543012145205
-0.058368584726
-0.0642590486193
-0.071026093467
-0.0787357857995
-0.0865077142248
-0.0942903033548
-0.101583522314
-0.108533710993
-0.113617279134
-0.119310248635
-0.132323373495
-0.121081066583
-0.0239714061343
-0.0276751230309
-0.0295192721245
-0.0311493263698
-0.0330801531376
-0.0353655864377
-0.038011917974
-0.0410872819647
-0.0449984234396
-0.0524129876977
-0.0613788784471
-0.0690745351625
-0.0819407720106
-0.0915653159479
-0.101520784802
-0.104353502883
-0.114795536707
-0.117223173376
-0.121141031057
-0.104642069857
)
;
boundaryField
{
stationaryWalls
{
type calculated;
value nonuniform List<scalar>
2800
(
-0.000170861658116
-0.000201028784441
-0.000219463821374
-0.000229598321749
-0.000234500932046
-0.000235926431209
-0.000235739009798
-0.000234533682328
-0.000233527628793
-0.000232750854046
-0.000231443746306
-0.000229763141039
-0.000228142216211
-0.000226724473942
-0.000227678063457
-0.000228879992873
-0.000226053384656
-0.000217382303303
-0.000200822593929
-0.000176200233933
-0.000199987270268
-0.000314869061644
-0.000371853800939
-0.000392539747071
-0.000389067980412
-0.000376903832527
-0.000369740994332
-0.000369597386716
-0.000373264808935
-0.000379099787617
-0.000385429885572
-0.000395562417466
-0.000412354495725
-0.000430847757776
-0.000441133442511
-0.000447504265681
-0.000436223300985
-0.000395116418329
-0.000322525765636
-0.00019914341924
-0.000217522004251
-0.0003713733535
-0.000429625072442
-0.000421805611764
-0.000382841143362
-0.000346822851935
-0.000329521770601
-0.000327920636268
-0.000333613727478
-0.000342614695287
-0.000352898713235
-0.0003723883485
-0.000411228609385
-0.000464329925875
-0.000513909039655
-0.000534388846377
-0.000535902083219
-0.000483706284243
-0.000382060382199
-0.000212531149456
-0.00022573886783
-0.000389537088665
-0.000420526259911
-0.000375128753693
-0.000309098725222
-0.000257435157688
-0.000233198663747
-0.000225708489203
-0.000229273804414
-0.000237403062593
-0.000248828801773
-0.000273696991923
-0.00032979887051
-0.000410379892347
-0.000499096634774
-0.000560835557036
-0.000564609020361
-0.000528561072818
-0.000411381746639
-0.000217938067788
-0.000226329295096
-0.000381547929619
-0.000384877159219
-0.000317787906779
-0.000244673684171
-0.000189690572408
-0.000160921980872
-0.000138664052378
-0.000134932894493
-0.0001383137041
-0.000148360503534
-0.000177319810247
-0.000247160880536
-0.000345674388982
-0.000458393519708
-0.00055231663209
-0.000580588539274
-0.000544226471103
-0.000423299096411
-0.000218059603273
-0.000221926223398
-0.000367359077413
-0.00035822352221
-0.000292893541856
-0.000225116626881
-0.000177209553601
-0.000141717968108
-8.35246793111e-05
-6.46715010892e-05
-6.03265520468e-05
-6.68127974414e-05
-0.00010586916803
-0.000197929620451
-0.000308442367441
-0.000438378575862
-0.00054542575971
-0.000587965238441
-0.000543245602452
-0.000425408729453
-0.000215356038001
-0.000217330290294
-0.000362500568016
-0.000358519986717
-0.00030645395287
-0.000254410700544
-0.000216264043693
-0.000181003247465
-0.000112262101484
-7.56116245616e-05
-5.70557166918e-05
-4.72184705527e-05
-7.55815889693e-05
-0.000192486309873
-0.000313446436559
-0.000453893196631
-0.0005610068909
-0.000600280432587
-0.000541061764811
-0.000421978454973
-0.000211564531677
-0.000214412009877
-0.000368113458126
-0.000381162131179
-0.00034777535634
-0.000311234364929
-0.000272491926169
-0.000246039580671
-0.000168834732477
-0.000131816520177
-0.000119433463437
-0.000132002759106
-2.50013824333e-05
-0.000208909603645
-0.000346811335683
-0.000499515563767
-0.000597942360944
-0.000619895556711
-0.000542169707967
-0.000416389452181
-0.000207002868962
-0.000213425814198
-0.000379022967151
-0.00041090591491
-0.000396324279796
-0.000369114639939
-0.000319443045228
-0.000287502727953
-0.000207060241548
-0.000169460101253
-0.000160157561911
-0.000170341458709
-6.37699165759e-05
-0.000280003181678
-0.000419710164369
-0.000571100186303
-0.000650947418909
-0.000607287080887
-0.000544155405919
-0.00041066190869
-0.00020255123652
-0.000212011781025
-0.000390033424973
-0.000445031628734
-0.000454796863222
-0.000442423964451
-0.000383886983996
-0.000341687906814
-0.00023335477782
-0.000193276338987
-0.00018316697042
-0.000199790919586
-0.000131420039783
-0.000379872301436
-0.000525282886185
-0.000617240199236
-0.000659734254092
-0.000635464176839
-0.000547178604617
-0.00040605949297
-0.000198340458455
-0.000210712033163
-0.000406082644883
-0.000503277408587
-0.000593876313568
-0.000628142982339
-0.000572875962792
-0.000460143891271
-0.000301218106447
-0.000227705777707
-0.000211852191375
-0.000232063077797
-0.000257997045265
-0.00052236567292
-0.000672305066318
-0.000766723710089
-0.000761109710017
-0.00067773093543
-0.000552729864038
-0.00040400491869
-0.000194749143267
-0.000211603573197
-0.00045685722795
-0.000637626809439
-0.000761180881965
-0.000825245052838
-0.000768081036171
-0.00060987838875
-0.000395112887612
-0.000296310713134
-0.000276357030317
-0.000314950139978
-0.000475373753146
-0.000775837007283
-0.000927920236972
-0.000964877754275
-0.000877800579543
-0.000723009091153
-0.000560987968301
-0.000404476334732
-0.000191334517328
-0.000216988919774
-0.000512624218166
-0.000727440598263
-0.000912256268285
-0.00102191805015
-0.00098267121454
-0.000807196653929
-0.000556321567976
-0.00044527504902
-0.000428799535265
-0.000487940024005
-0.000728654132001
-0.00104985118507
-0.00118600233219
-0.00116023460836
-0.000992650740498
-0.000768434794339
-0.000570703349989
-0.000407044383945
-0.000189070813757
-0.000224808277889
-0.00054036910992
-0.000802518110279
-0.001047736982
-0.00121383724166
-0.00123270952468
-0.0010973099972
-0.000902364005496
-0.000793134932568
-0.000791913603559
-0.000888669102738
-0.00112461089049
-0.00136180330424
-0.00143390059995
-0.00132802435991
-0.00108141259503
-0.00079728270023
-0.000575874078712
-0.000410669729265
-0.000187152128043
-0.000228429834214
-0.000547683474488
-0.000833974641281
-0.00112294779431
-0.00134718219794
-0.00144555362969
-0.00140992152699
-0.00130661334707
-0.00124485739855
-0.00125730222769
-0.00134521443725
-0.00148775720512
-0.00160710540223
-0.00158367418825
-0.0013953834642
-0.00108979299233
-0.00077998853371
-0.000566761590635
-0.000411732560069
-0.000185499138606
-0.000226258459584
-0.000525309155593
-0.000794333884962
-0.00108824054982
-0.0013430984594
-0.00149900171432
-0.00153590302789
-0.0014931277882
-0.00146097181439
-0.00147358219845
-0.00153564628562
-0.00161809547202
-0.0016466103233
-0.00154112505122
-0.00130025385703
-0.000985951773737
-0.000708101244231
-0.000543005496009
-0.000406160912697
-0.000183893170574
-0.000222110430301
-0.000479085413121
-0.000686281861823
-0.000930733567975
-0.00116621178828
-0.00133346545215
-0.00140262469892
-0.00139440035054
-0.00137821889014
-0.00138750446699
-0.00142319094549
-0.00145849540559
-0.00142875688551
-0.00128546625688
-0.00105022362811
-0.000793657950789
-0.000609812428668
-0.000509057246031
-0.00038847490092
-0.000181546637566
-0.000215270735318
-0.000406950585385
-0.000547343453399
-0.000694048042855
-0.000856219655754
-0.000985086758717
-0.00104627987033
-0.00104818291636
-0.00103751591395
-0.00104007327477
-0.00105496812407
-0.00106119783131
-0.00101330216446
-0.000890235985788
-0.000726214233222
-0.000586810985358
-0.000513634202097
-0.000453172037341
-0.000350927365398
-0.000177575104777
-0.000199611654741
-0.000326473802686
-0.000398467916507
-0.00045868168554
-0.000520809679802
-0.000578902905817
-0.000608049386267
-0.000607192613606
-0.000598619945973
-0.000595996977738
-0.000598030024109
-0.000592700587009
-0.000559677016316
-0.000498971770834
-0.000440804354489
-0.000410543014849
-0.000391039631033
-0.000352934681972
-0.000283048299223
-0.000170083123599
-0.000174889976799
-0.000198469086151
-0.000212507539458
-0.000219716151693
-0.00022860035704
-0.000233795759641
-0.000234810418196
-0.000231165311122
-0.000226157756152
-0.000222212379728
-0.000218384218933
-0.000212620508084
-0.000202592776112
-0.000192249445538
-0.000188267265753
-0.000188422846998
-0.000186615106028
-0.00018136591074
-0.000172229119286
-0.000164527802584
-0.000174889976799
-0.000198469086151
-0.000212507539458
-0.000219716151693
-0.00022860035704
-0.000233795759641
-0.000234810418196
-0.000231165311122
-0.000226157756152
-0.000222212379728
-0.000218384218933
-0.000212620508084
-0.000202592776112
-0.000192249445538
-0.000188267265753
-0.000188422846998
-0.000186615106028
-0.00018136591074
-0.000172229119286
-0.000164527802584
-0.000275509038153
-0.000356203930592
-0.000404255701589
-0.000427802440192
-0.000438474427825
-0.000443868660421
-0.000444125428034
-0.000441029161534
-0.0004376404018
-0.000437056321239
-0.000439149977365
-0.000442551949663
-0.000444166346993
-0.000441366485066
-0.000436302515468
-0.000429914795238
-0.000415349819004
-0.000385212979557
-0.000334627105426
-0.000278359536987
-0.000314962083262
-0.000437110969779
-0.000509288575026
-0.000543919093229
-0.00055689330089
-0.000560748244875
-0.000558539278696
-0.000552693682359
-0.000547933000498
-0.000547282289384
-0.00055041942081
-0.000555387149888
-0.000559595075725
-0.000556561343922
-0.000547734204323
-0.000533964072781
-0.000506813706943
-0.000456808918022
-0.000377043849655
-0.000288568316828
-0.000336085244441
-0.000489617925982
-0.000580079853588
-0.000623420895723
-0.000637745971347
-0.000641666291015
-0.00063800469103
-0.000630108728962
-0.000624309250222
-0.000623501441236
-0.000626983653176
-0.000632712538911
-0.000637969938724
-0.000634065154869
-0.000621188213938
-0.000600087671486
-0.000561491143538
-0.000495836126416
-0.000395735988496
-0.000287005559802
-0.000350214417816
-0.000526976631549
-0.000631362110961
-0.000681851563665
-0.00069868185463
-0.000702213147168
-0.000697994677369
-0.00068826939006
-0.000681353109578
-0.000680117503007
-0.000683388202923
-0.000688525548719
-0.000693091061195
-0.000686117393977
-0.000667658323547
-0.000638975474524
-0.000590278745662
-0.000512355570388
-0.000399280679462
-0.000281185838395
-0.00036126586975
-0.000554931221334
-0.000669900402672
-0.000725925579898
-0.000744967951633
-0.000748693995454
-0.000744485192774
-0.000732799532382
-0.000724659739589
-0.000722774093926
-0.000725608644257
-0.000729635128244
-0.000732377995007
-0.000720688894536
-0.000695346459766
-0.000659523314154
-0.000601751240924
-0.000514416003057
-0.00039381995231
-0.000273738972474
-0.00037092590674
-0.000576895827426
-0.000700558246434
-0.000761169808342
-0.00078214498398
-0.000786536896468
-0.000782532787782
-0.000768928799788
-0.000759412026381
-0.000756739930301
-0.000759104346945
-0.000762164732924
-0.000761648751613
-0.000743106002302
-0.000710362395168
-0.000666592922562
-0.000600602753012
-0.000506180893765
-0.000381608161152
-0.000266154753778
-0.000380514134696
-0.000596129450443
-0.000727314229703
-0.000792066306849
-0.000814872063024
-0.00082020744936
-0.000816691886827
-0.000801114215263
-0.000789952178028
-0.000786236412155
-0.000787911581313
-0.000789952178991
-0.000785327611268
-0.000758155369894
-0.000715693481629
-0.000663237339171
-0.000589453274936
-0.000490593259365
-0.000365681531592
-0.000260016786171
-0.000391270548178
-0.000615869132612
-0.000754223974736
-0.000822771392499
-0.000847247084004
-0.000853613355246
-0.000850995436654
-0.000832878057032
-0.000819237252444
-0.000813609441485
-0.000813164352065
-0.000814803956897
-0.000804940412688
-0.000767027166971
-0.000712958517564
-0.000651387012274
-0.00057067592898
-0.000470655469407
-0.000348531288913
-0.000256952011593
-0.000404766693136
-0.000639774158963
-0.000785744590853
-0.000857436558357
-0.000882744207002
-0.000890170151928
-0.00088807354552
-0.000866057781393
-0.000848318016515
-0.000838885373563
-0.000836255858641
-0.000839201810832
-0.000821517382092
-0.000770094341688
-0.000702340685511
-0.000630889495485
-0.000547085471305
-0.000445170532871
-0.000327598029518
-0.000258230096204
-0.000423287295015
-0.0006716427489
-0.000825441000895
-0.000899615053373
-0.000923838809256
-0.000931760521284
-0.000929018894893
-0.000900725385005
-0.000875969673803
-0.00085971600704
-0.00085736201968
-0.000863657673738
-0.000835161566357
-0.000765834382137
-0.000682765188848
-0.000601415416005
-0.000512987935365
-0.000409084905082
-0.000298104766152
-0.000262235664108
-0.000450547521456
-0.000714903725904
-0.000875167316822
-0.00094793541275
-0.000970434986625
-0.000977414589814
-0.000971481227596
-0.000933659171285
-0.000898211546278
-0.000872259983489
-0.000880326428012
-0.000889899242852
-0.000845531136597
-0.000750456452386
-0.000648750211264
-0.000554882719752
-0.000460921089722
-0.000355335280935
-0.000253725926267
-0.000266978295933
-0.000491526267596
-0.000770154387911
-0.000927991767685
-0.000996302179136
-0.00101747497189
-0.00102330857257
-0.00101259546107
-0.000961151289431
-0.000912349377141
-0.000882078996674
-0.000921217118478
-0.000933248851524
-0.000859343708319
-0.000724639131492
-0.000593596739338
-0.000482188563451
-0.000378654615837
-0.000270052277134
-0.000185166678486
-0.000272928758098
-0.000549975841686
-0.000823557527108
-0.00097224663778
-0.00103813348697
-0.00106598390258
-0.00108186746416
-0.00107420913192
-0.00100812575088
-0.00094567070867
-0.000930585101098
-0.00100965449993
-0.00103455721294
-0.000914657505031
-0.000714154639584
-0.000525982679269
-0.000365344089759
-0.000229275144018
-0.000117176310922
-6.66693979875e-05
-0.000281895936269
-0.000637258460675
-0.000897968041511
-0.00104478751572
-0.00115592749605
-0.00125093668354
-0.0013371451762
-0.00136879015884
-0.00128936740343
-0.00122076381331
-0.00120086276278
-0.00129085024815
-0.0013429271006
-0.00117409016158
-0.000871190754403
-0.000569600952983
-0.000282259152896
-4.84995760983e-05
7.84929046389e-05
7.73989611244e-05
-0.000301186586322
-0.000718620981332
-0.000967261678118
-0.00120702580043
-0.00155623114403
-0.00197842204675
-0.00233535605867
-0.00250736758273
-0.00243940230178
-0.00238906710239
-0.00244021040414
-0.00257165526479
-0.00256884561975
-0.00220541156559
-0.0015081807056
-0.000833813875824
-0.000268058332692
0.000150058988834
0.000268088519396
0.000207820045801
-0.000474755615084
-0.000762514035977
-0.00112030974122
-0.00153707553022
-0.00204535072314
-0.00274219948367
-0.00326244745037
-0.00350131927681
-0.00336133820672
-0.00332547901014
-0.00365939176554
-0.0038509737002
-0.00332471028624
-0.00222153011837
-0.00130931692725
-0.00107583828021
-0.00081291091147
-0.000787869426763
-0.00116142084428
-0.000207304816663
-0.000713682195249
-0.00124783178338
-0.00210138434624
-0.00245640214442
-0.00162027986572
-0.000191288120658
0.0014165117142
0.00270220648142
0.00405600235788
0.00536863441542
0.00668350515794
0.00708713777869
0.00694004154762
0.00557389889171
0.00374479305226
0.00250601975958
0.00287492828217
0.00411750949811
0.00380996905238
0.00291022640592
-0.000176463519506
-0.00047774411768
-0.00045038633553
-0.000805655489722
-0.00249346023758
-0.00505236901433
-0.00747310604012
-0.00880378847669
-0.00961903341043
-0.00985851164425
-0.00992671423854
-0.0100647853644
-0.00992576920194
-0.00928579575911
-0.00789990810211
-0.00604776258156
-0.00386842963092
-0.00135676071701
0.000115177880459
-0.00101424995713
-0.00136782439724
-0.000930976409044
-0.0011799875234
-0.00170774994943
-0.00383824430488
-0.00600426359007
-0.00821432465646
-0.010161136324
-0.0113991371223
-0.0119091649618
-0.0123087489479
-0.012208061438
-0.0115835787668
-0.00955503394483
-0.00634482199916
-0.0036041905609
-0.00186143736533
-0.000873101764547
-0.000917551996005
-0.0013833335916
-0.00056580022722
-0.00103181858626
-0.00138476259533
-0.00161320403715
-0.00227254661401
-0.00345316428756
-0.00467410495502
-0.00598224108725
-0.00670009518892
-0.00672162153026
-0.00631943837053
-0.00544269579533
-0.00352774297837
-0.000979739018748
0.000829604170122
0.00143926269003
0.00123156202724
0.000629197633647
-1.98978368644e-05
-0.000175046985796
0.000305102241758
-0.000907493600462
-0.00118452066012
-0.00124501561512
-0.00115557474383
-0.00129556744694
-0.00163409964417
-0.00231466308385
-0.00265027446591
-0.00262229431732
-0.00236322063687
-0.00117381874839
0.000571083620925
0.00140584027819
0.00134272743082
0.000879385544568
0.000365460275786
-0.000125233639412
-0.000334456399763
-0.000190773038959
0.00036750059897
-0.000766699736282
-0.00099015364452
-0.00105372110729
-0.000926532838164
-0.000733521440075
-0.000511739840469
-0.000459058063745
-0.000427789347048
-0.00028268081568
-5.70434624829e-05
0.000275930833671
0.000543046661371
0.000311995094142
-0.00019703272082
-0.000706371481482
-0.00112380485087
-0.00138924531444
-0.00128438902708
-0.000705331267462
0.000207557049952
-0.000613768873913
-0.000761967012325
-0.000852741324202
-0.00080800758482
-0.000697520777915
-0.000565138187131
-0.000459027556573
-0.000357265587019
-0.000235879133889
-0.000136761687898
-0.000129752949312
-0.000371854872582
-0.000805348579966
-0.00126846656877
-0.0017680587223
-0.00223422124552
-0.00254813304977
-0.00245074275002
-0.00161974071672
-0.000265879157065
-0.000479030532458
-0.000551179500442
-0.000636139803455
-0.000658840269176
-0.000646132218882
-0.000619407478913
-0.000594940646841
-0.000579240475052
-0.000574992115108
-0.000622902471384
-0.000790610579023
-0.00110454254306
-0.0015068685152
-0.00201386997561
-0.0026476181494
-0.00330468922501
-0.00385735053561
-0.00398705061649
-0.00313480612092
-0.00126272031307
-0.000463355208522
-0.000486389604794
-0.000566566959185
-0.00070104295894
-0.00082982832576
-0.000898952591089
-0.000937378854729
-0.00100147150528
-0.00111426428604
-0.0013111795616
-0.00160731346174
-0.00201532136659
-0.0025581368179
-0.00330735469334
-0.00422952409615
-0.00522564416223
-0.00615841925675
-0.00667837779157
-0.00596245016372
-0.00327263371883
-0.000769780246235
-0.00114425220819
-0.00161177213924
-0.00197988213699
-0.00231251350609
-0.00251106826684
-0.00262918521208
-0.00279624329315
-0.00307097750084
-0.00351980870064
-0.0041114333641
-0.00485470000226
-0.00579973309191
-0.00695108458356
-0.00830038361753
-0.00975699339455
-0.0112029008343
-0.012278504155
-0.0119079224528
-0.00819257825014
-0.00310195222667
-0.00479261294823
-0.00589363118417
-0.00662868114125
-0.00720886155755
-0.00757279782715
-0.00791065497766
-0.00836531543295
-0.00903708659502
-0.01006516037
-0.0114028187787
-0.0130739015564
-0.0149135572118
-0.0168521248997
-0.0188229077953
-0.0208512433759
-0.0229099380815
-0.0246742643072
-0.0250691033599
-0.0208645237369
-0.0106224378866
-0.0133538929715
-0.0147391260431
-0.0157549067843
-0.016678486107
-0.0172158189072
-0.0180961534039
-0.0192461974514
-0.0207836025415
-0.0230255146468
-0.026322701042
-0.0310413793652
-0.0360286959997
-0.0412362842449
-0.0451648932397
-0.0490651687171
-0.0527728133913
-0.0552174157588
-0.0571349646915
-0.050856615286
-0.0205568842049
-0.0231107235127
-0.0244821915553
-0.0258314850131
-0.0272281086808
-0.027894602553
-0.0295468422618
-0.0316739505067
-0.0343758136099
-0.0382483319954
-0.0449970813954
-0.056314844017
-0.0686571836212
-0.0829770773503
-0.092781580881
-0.103450428889
-0.114510089939
-0.117068821008
-0.121081066583
-0.104642069857
-0.000170861658116
-0.000272124197546
-0.000318883887303
-0.000345638410367
-0.000363533070062
-0.000376390442506
-0.00038570824034
-0.000391964794862
-0.000394968627637
-0.000394365715601
-0.000390091704702
-0.000382615040762
-0.000364746089642
-0.000318254632081
-0.000236137987286
-0.000137359598081
-0.000207144451786
-0.000448725316386
-0.000803580039914
-0.000860223935327
-0.00100755094259
-0.000913298367085
-0.000677533131879
-0.000107490986699
0.00148995449589
0.00547855307952
0.0115964466123
0.00979608935901
-0.0143917192364
-0.0101026773964
-0.000199987270268
-0.00035829868777
-0.00044878117942
-0.000510267191577
-0.000555765019829
-0.000590584675773
-0.00061736554033
-0.000637170261632
-0.000650677667189
-0.000658430616107
-0.000662478041342
-0.000668664136618
-0.000677067417223
-0.000670456454216
-0.000638960992841
-0.000552041059826
-0.000113388248435
-0.000748792589345
-0.00135686500121
-0.00149943697744
-0.001255709351
-0.00099103860501
-0.000577294715023
0.000136435038367
0.0018255359996
0.00603453471469
0.0134860428776
0.0144526034306
-0.00708920484951
-0.00853091636118
-0.000217522004251
-0.000406485633763
-0.000520643157638
-0.00060089894595
-0.000661336377079
-0.000707982997037
-0.000743644395951
-0.000769899975068
-0.00078751146315
-0.000796779100154
-0.000799823503474
-0.000804288889042
-0.000812838988769
-0.000794431280322
-0.000690945172678
-0.000433340785768
0.000962697489071
-0.00112381863355
-0.00207803657566
-0.0019727764106
-0.00151800614948
-0.00101853241059
-0.000456440314283
0.000386396962207
0.00212648771632
0.00633641189645
0.0137389790444
0.0148833577392
-0.00629610335139
-0.00810733059916
-0.00022573886783
-0.000429156717705
-0.000555683641948
-0.000646297460775
-0.000715172084654
-0.000768337373304
-0.000808894101878
-0.000838510156863
-0.000857945574796
-0.000867261895155
-0.000867904567186
-0.000866305972931
-0.000861701071683
-0.000806431447339
-0.000616428298904
-0.000298624615081
0.000716161890607
-0.00137370774398
-0.00231560332519
-0.00195357154616
-0.00133762687507
-0.000782945464775
-0.00024986185216
0.000583905394861
0.00215047151315
0.0060200142314
0.0132786674484
0.0153937569505
-0.0044134631622
-0.00750495210122
-0.000226329295096
-0.000430851754703
-0.000561639870062
-0.000656691927414
-0.000729030077439
-0.000784513465292
-0.000826421135649
-0.00085647197791
-0.000875335890051
-0.000882728370796
-0.00087911336
-0.000868629984335
-0.000845826098389
-0.000747375104944
-0.000466685789144
-9.60750224678e-05
0.00037050406427
-0.00111599749263
-0.00222721125919
-0.00155686088586
-0.000960407607586
-0.000677414414306
-0.000234692651885
0.000469857742038
0.00183500783002
0.00537226794579
0.012699016918
0.0167795712332
-0.000906863169645
-0.00653661839078
-0.000221926223398
-0.000420344150472
-0.000550519695946
-0.000645456085592
-0.000717664391881
-0.000772636356448
-0.000813647246656
-0.000842429143389
-0.000859569598695
-0.000864676523057
-0.000857088469483
-0.000837973147201
-0.000799362995804
-0.00067477735433
-0.000347466789939
3.22074574465e-05
-2.1679477855e-05
-0.00175032474747
-0.00280994527856
-0.00124466054339
-0.000665352092413
-0.000628002178568
-0.000203592915919
0.000371662941496
0.00145768287764
0.00451383226133
0.0118320501158
0.0180698325705
0.00325901815563
-0.00534356647869
-0.000217330290294
-0.000413854118279
-0.000541843742319
-0.000634848026674
-0.000705226649216
-0.000758393676121
-0.000797715365434
-0.000824960301249
-0.000840803999463
-0.000844820472971
-0.000835583967453
-0.000811689484089
-0.000765264921558
-0.000642077511473
-0.000331500664638
1.748372565e-05
-0.000248438081602
-0.00172207264772
-0.00302274747529
-0.000873515010783
-0.000442033068618
-0.000502022778309
-0.000217080492912
0.000246304135864
0.00109736124929
0.00362227443023
0.0106191980966
0.019126645303
0.00813030986695
-0.00396095588399
-0.000214412009877
-0.000416545483137
-0.000542833747322
-0.000634208790657
-0.000703296426936
-0.000755089510866
-0.000792957661053
-0.000819099631196
-0.000834323360847
-0.000838550365426
-0.000830261808186
-0.000806177282995
-0.000758066363919
-0.000648978609175
-0.000394279723714
-0.000120820784522
-0.000558289595356
-0.00171989884707
-0.00239616528453
-0.000841275155116
-0.00040973745443
-0.000498157582016
-0.000270867832635
9.8193084923e-05
0.000724246930919
0.00268709302306
0.00918244062349
0.0203162080419
0.0146870046393
-0.00234377819801
-0.000213425814198
-0.000423312521794
-0.000548786436414
-0.000639268978008
-0.000707627669542
-0.000758833780751
-0.00079634438089
-0.000822404736994
-0.000838358915413
-0.000844864508937
-0.000841177928418
-0.000823831623538
-0.00078406479734
-0.000698912975616
-0.000517108564249
-0.000338082233093
-0.000723856996533
-0.00144985543226
-0.00184471372951
-0.00109397048087
-0.000633681412511
-0.000607235248929
-0.000356261910191
-4.09045731817e-05
0.000397351185218
0.00179478428154
0.00740078536226
0.0205038424731
0.0217216514676
-0.000583220265038
-0.000212011781025
-0.000429639698067
-0.000554776608996
-0.000644498757113
-0.000712356301696
-0.000763292918197
-0.000800914364934
-0.000827742266577
-0.000845442729806
-0.000855731199392
-0.000859209498166
-0.000853842811295
-0.000831570274362
-0.000776355214977
-0.000660865613296
-0.000578040379976
-0.000957804600993
-0.00163349321941
-0.00249025460121
-0.0016627117082
-0.000959172005382
-0.000714759853144
-0.000421832918591
-0.000144198085984
0.000142159938323
0.000986044823486
0.00539563347991
0.0198781705764
0.0301342577509
0.00150270216114
-0.000210712033163
-0.000435127595354
-0.000560170588531
-0.000649601322531
-0.000716843690105
-0.000767339248551
-0.000804991879383
-0.000832540402481
-0.000852367879868
-0.000866426761631
-0.000877013138735
-0.000884547837801
-0.000882753021116
-0.000858252987821
-0.000793003450247
-0.000796760417269
-0.00126498304034
-0.00194514359292
-0.00313859919343
-0.00211175199511
-0.00113269072422
-0.000723997036498
-0.000436849147194
-0.000195464374985
-1.06904626671e-05
0.000358853942351
0.00325091094947
0.0177215527161
0.040183623422
0.00481725766471
-0.000211603573197
-0.000438820190204
-0.000564530459551
-0.000654035310113
-0.000721042183015
-0.000771062305184
-0.000808552138441
-0.000836548844174
-0.000857848228277
-0.000875278415802
-0.000892167170929
-0.000910505194093
-0.00092601276081
-0.000927487146207
-0.000895288977961
-0.00100135303941
-0.00165770625842
-0.00180470848995
-0.00296455874464
-0.0025684299336
-0.00126381787451
-0.000752310059698
-0.000462637591653
-0.000236250478552
-8.88808823292e-05
-5.14904083681e-05
0.00115869716885
0.0132216505337
0.051860175866
0.0166517276026
-0.000216988919774
-0.000443765423569
-0.000570769644214
-0.000659920374453
-0.000725430511566
-0.000774122145232
-0.000810753384291
-0.0008386959012
-0.000861178596005
-0.000881877634907
-0.000904675146191
-0.00093242928165
-0.000960827529162
-0.000981094226916
-0.000976004311226
-0.00120257192563
-0.00190296744504
-0.000837217841129
-0.00350528539587
-0.00342921487871
-0.00161164504075
-0.000953764883271
-0.000558269145807
-0.000320259535168
-0.000144174884507
-0.000247558045735
-0.000554256126927
0.00570836675769
0.0672834933942
0.100324834458
-0.000224808277889
-0.00044918642036
-0.000577538963795
-0.000666626259672
-0.00073135557467
-0.000778974893137
-0.000814721632215
-0.000842442187689
-0.000866580638681
-0.000891149562031
-0.000921335120069
-0.000959424042914
-0.00100137585852
-0.00104033179748
-0.00106360295036
-0.00153518436857
-0.00203796201444
0.000324822551438
-0.00397033002175
-0.00414862418339
-0.00201964906656
-0.00117914379142
-0.000713898388296
-0.000431116905718
-0.000217397199716
-0.000292416452325
-0.00121876686131
-0.00145760090949
0.0699723472936
0.422864854942
-0.000228429834214
-0.000453647136776
-0.000580624742201
-0.000669274938644
-0.000734163945765
-0.000782143030282
-0.000818472291674
-0.000847972796083
-0.000875306270241
-0.00090581994914
-0.000944397210657
-0.000995161724155
-0.00105166722329
-0.00111230708645
-0.0012007199785
-0.00172196059789
-0.00224712272008
0.0012882381866
-0.00410924527906
-0.00439030284462
-0.00224360779589
-0.001242895112
-0.000853703744773
-0.000544192820347
-0.000327409609008
-0.000356762301838
-0.00137985245626
-0.0046061461632
0.00179919436941
1.13226127439
-0.000226258459584
-0.000452873031442
-0.000576980011209
-0.000663069712642
-0.000726212135056
-0.000773057409053
-0.000808974813172
-0.000838867239675
-0.000867522914297
-0.000901005893343
-0.000945404474311
-0.00100293941248
-0.00106870438927
-0.0011374493283
-0.00124786238215
-0.00172796495875
-0.00222756930313
3.47972338984e-05
-0.00377224635214
-0.00387186141492
-0.00208402537587
-0.00116958921329
-0.000899771759035
-0.000695165925572
-0.000495494046165
-0.000498525514625
-0.00150976442209
-0.00514446515781
-0.0113695869673
0.0866770789692
-0.000222110430301
-0.000438415773415
-0.000555635259324
-0.000635284632525
-0.000692704521812
-0.000734980936192
-0.000767398894683
-0.000794661151264
-0.00082176995344
-0.000854949842491
-0.000899447402221
-0.000958563567234
-0.00102677423899
-0.00109791635843
-0.00119343080342
-0.0015035079248
-0.00192092891063
-0.00136380097741
-0.00220689211872
-0.00268466712147
-0.00159759165891
-0.00105916598353
-0.000904398670529
-0.000773078958403
-0.000607621863777
-0.000578384643371
-0.00153855642404
-0.00536293601333
-0.0130601423322
-0.0209140471466
-0.000215270735318
-0.000406719411949
-0.000508462807979
-0.000575934891236
-0.000623727496977
-0.000658613080962
-0.000685307733065
-0.00070791932228
-0.000731103702607
-0.000759916600765
-0.000800822955926
-0.000856979008547
-0.000926166450608
-0.00100302680041
-0.0010708849602
-0.0012282060189
-0.0014623509155
-0.00206755381136
-0.000769910472241
-0.00127515586202
-0.00114376502573
-0.000963548073849
-0.000878341168318
-0.000785375519439
-0.000659698325131
-0.000603423666631
-0.00145051500087
-0.00527860869109
-0.0133770434999
-0.0221524650185
-0.000199611654741
-0.000353706573595
-0.00042996200328
-0.000478456387391
-0.000512234659317
-0.000536781987267
-0.000555538094999
-0.000571597061488
-0.000588424790576
-0.000610297692533
-0.000641515603725
-0.000687139097317
-0.000749301665207
-0.000824402060549
-0.000895249409838
-0.000977446903876
-0.00103358941092
-0.00173251485436
-0.000279702120581
-0.000854262770235
-0.00101262712643
-0.000919405417654
-0.00076829410142
-0.000611689024395
-0.00053425639658
-0.000531605626076
-0.00115661158754
-0.00466992614211
-0.0131038055858
-0.0227778737738
-0.000174889976799
-0.000275509038153
-0.000314962083262
-0.000336085244441
-0.000350214417816
-0.00036126586975
-0.00037092590674
-0.000380514134696
-0.000391270548178
-0.000404766693136
-0.000423287295015
-0.000450547521456
-0.000491526267596
-0.000549975841686
-0.000637258460675
-0.000718620981332
-0.000762514035977
-0.00124783178338
-0.00047774411768
-0.000930976409044
-0.00103181858626
-0.000907493600462
-0.000766699736282
-0.000613768873913
-0.000479030532458
-0.000463355208522
-0.000769780246235
-0.00310195222667
-0.0106224378866
-0.0205568842049
-0.000176200233933
-0.000276885156437
-0.000313894047842
-0.00033379682056
-0.000347073137314
-0.000357564056626
-0.000366909927869
-0.000376464012166
-0.000386933198093
-0.000399773111923
-0.000416295981289
-0.000438117047334
-0.000469104253505
-0.000509293633084
-0.000576637621612
-0.000658073763507
-0.000770328969556
-0.000875533836706
-0.000752465335722
-0.00079997834015
-0.000709013981796
-0.000615671506763
-0.00055339239855
-0.000525674756867
-0.000518936702411
-0.000583371903756
-0.00106619981284
-0.0041419301949
-0.0131083452225
-0.0239714061343
-0.00019914341924
-0.000351577538036
-0.000427574256715
-0.00047732266753
-0.000513174169654
-0.000540955367227
-0.00056412147436
-0.000584690299906
-0.000605813646798
-0.000629466859527
-0.000657404563266
-0.000691198746281
-0.000736442626654
-0.000787104256096
-0.00087648757357
-0.000973655650391
-0.00114848409009
-0.00143505821715
-0.00102150656332
-0.00111775924069
-0.00105556985018
-0.00089424504364
-0.000791283632377
-0.000735444762949
-0.000682411999333
-0.000689971922314
-0.00164780621371
-0.00635369275383
-0.0166196717811
-0.0276751230309
-0.000212531149456
-0.00039707834354
-0.000496770060273
-0.000564853167697
-0.000614585953507
-0.000653027234298
-0.000685061704543
-0.00071355795054
-0.000740912661392
-0.000770407151522
-0.000805113271997
-0.000845093691465
-0.000896202804687
-0.000956924861572
-0.00104368304898
-0.00112301409817
-0.00130221795811
-0.00173638644535
-0.00126752466794
-0.00139774590441
-0.00126097034956
-0.00108850121217
-0.000972001903884
-0.000880147681875
-0.00076620711976
-0.000822439940641
-0.00220058872104
-0.0075615780814
-0.0182203671218
-0.0295192721245
-0.000217938067788
-0.000419104958451
-0.000531277972355
-0.000609496615978
-0.000667624052572
-0.000712641433955
-0.000749835237817
-0.000782957239182
-0.000815208430763
-0.000847952086194
-0.000884959971775
-0.000929018224845
-0.000984937637378
-0.00105101675633
-0.00112916887661
-0.00117171066904
-0.00132781215854
-0.00189598227412
-0.00131439468626
-0.00153834464936
-0.00141374605915
-0.00123890703722
-0.00110374413031
-0.000988989855129
-0.000863594049796
-0.000970921337973
-0.00253098236969
-0.00814919980981
-0.0191947097189
-0.0311493263698
-0.000218059603273
-0.000426858215227
-0.00054490540086
-0.000628145945446
-0.000690491819059
-0.000739073159526
-0.000778623859372
-0.000813574050155
-0.000846958692354
-0.00088207874295
-0.000919676139193
-0.000963732213904
-0.00102034334912
-0.00108654380811
-0.00115419049181
-0.00115955511486
-0.00128679228153
-0.00197944040517
-0.00126982287443
-0.00159191016767
-0.00151242067292
-0.00134528947407
-0.00119713747759
-0.00106734521045
-0.000939295957
-0.00107809822361
-0.00272315898578
-0.0085337669261
-0.0201521990811
-0.0330801531376
-0.000215356038001
-0.000426825273696
-0.000546495394324
-0.00063146391227
-0.000695013112873
-0.000744421470058
-0.000784630048955
-0.000819250406527
-0.000851023719675
-0.000883432803407
-0.000919201242285
-0.000962329596807
-0.00101587981411
-0.00107762889143
-0.00113093821681
-0.00111646253888
-0.00120276465753
-0.00194220775094
-0.00118588304522
-0.0016160411132
-0.00158279524822
-0.00142848215362
-0.00127175055828
-0.00113004293118
-0.00100338793291
-0.00117073913184
-0.00289572607309
-0.00894443856869
-0.0212700809189
-0.0353655864377
-0.000211564531677
-0.000423315524829
-0.000542054724975
-0.000626421127725
-0.000689115759372
-0.000737150684418
-0.000775440354203
-0.000807669313094
-0.000837026110735
-0.0008664694558
-0.00089852252345
-0.000935509959243
-0.000983448321938
-0.00103596354663
-0.00107514936913
-0.00104847259578
-0.00110018883602
-0.00169789286673
-0.00110605259461
-0.00161698288082
-0.00161685827263
-0.00147439605338
-0.00131563842916
-0.00117289947883
-0.00105784161109
-0.00125917592952
-0.00307450008568
-0.00941327802813
-0.0225723611692
-0.038011917974
-0.000207002868962
-0.00041917684652
-0.000536003123195
-0.000618719469071
-0.000679302189563
-0.000724666978467
-0.000759874484857
-0.000788421002343
-0.000813311314671
-0.000837350568167
-0.000862741626784
-0.000892900367014
-0.000931088716334
-0.000972211554266
-0.000998232877557
-0.000961748657705
-0.000951941895327
-0.00129325227168
-0.00107508169127
-0.00159767339051
-0.00161763398615
-0.00148568757036
-0.00133589631168
-0.00120656942388
-0.00111864939006
-0.00137936928417
-0.00333659180681
-0.0100387268507
-0.0241324002476
-0.0410872819647
-0.00020255123652
-0.000415289652513
-0.000529893007405
-0.000610743918437
-0.0006690474585
-0.000711348595244
-0.000742845746207
-0.000766881282141
-0.000786245177526
-0.000803272117106
-0.000820736846745
-0.000841460470252
-0.000867479307889
-0.000894626358894
-0.000914943839609
-0.000874993467338
-0.000763134096053
-0.000852021397207
-0.00111154089366
-0.00153624885969
-0.00156134443726
-0.00145392781813
-0.00133388629399
-0.00123909854709
-0.00119888880054
-0.00154538109211
-0.00368698539236
-0.0108290141771
-0.026048027298
-0.0449984234396
-0.000198340458455
-0.00041351751613
-0.000526279082866
-0.00060509691276
-0.000660742573049
-0.000699864281181
-0.000727586381288
-0.000747328906028
-0.000760707795231
-0.000769871264328
-0.000778252082514
-0.000786165229279
-0.000797848122526
-0.000808734813079
-0.000828742684535
-0.000793811362681
-0.000604318450227
-0.000350015904127
-0.00111365417325
-0.00145682953304
-0.00148562673273
-0.00140767048899
-0.00133121037498
-0.00129161275379
-0.00132276809368
-0.00179117131855
-0.00418957227406
-0.0119722710916
-0.0292319586342
-0.0524129876977
-0.000194749143267
-0.000413923254449
-0.000525359346995
-0.000602562015167
-0.000655507741903
-0.000692144148714
-0.000715952978185
-0.000730020007169
-0.000737926987277
-0.00073952371309
-0.000737938094616
-0.000733447512361
-0.000728772981961
-0.000720200223323
-0.000732961250464
-0.000707705387191
-0.000528365289259
0.000164283015753
-0.000921107850968
-0.00139449215704
-0.00140113360325
-0.00134853214534
-0.0013339423995
-0.00137776470298
-0.00151176673812
-0.00214903963438
-0.00486279734436
-0.0133129765804
-0.0328354388886
-0.0613788784471
-0.000191334517328
-0.000415973699906
-0.000527009207907
-0.000602583074531
-0.000653852045274
-0.000686858421537
-0.000707151039445
-0.000717223825159
-0.000718463664421
-0.000713549521008
-0.000702041590921
-0.000683635115155
-0.000660722695711
-0.000630464476603
-0.00062824804336
-0.000599623112284
-0.000456412689243
0.000714828003734
-0.0008889870355
-0.00142793118124
-0.00131410416512
-0.00127820300847
-0.00135030772187
-0.00150329726371
-0.00177611525194
-0.00263955423852
-0.00573401009576
-0.0148488088179
-0.0362334851705
-0.0690745351625
-0.000189070813757
-0.000419628628409
-0.00053002138848
-0.00060451068058
-0.000652894422452
-0.000683273447158
-0.000699338302864
-0.00070471500457
-0.000701179421509
-0.000688218266806
-0.000667389934645
-0.000636926251818
-0.000594045202317
-0.000537472697961
-0.000518059519148
-0.000472751925159
-0.000404295562857
0.00132291506576
-0.00090495088366
-0.00142793328262
-0.00115153191137
-0.00118551083897
-0.00139664808442
-0.00168972138482
-0.00213749829823
-0.00327984558866
-0.00679532382458
-0.01658459253
-0.0406688085112
-0.0819407720106
-0.000187152128043
-0.00042314257274
-0.000532535338565
-0.000604803402367
-0.000650432836114
-0.000676696965317
-0.000688834400857
-0.000689524307006
-0.000679709792241
-0.000661055649785
-0.000631365323682
-0.000590583644449
-0.00053416667228
-0.000453246233305
-0.000407595998695
-0.000314791570319
-0.000328053804576
0.0019846470923
-0.000854419656522
-0.00133224842696
-0.000894325093505
-0.00105294720464
-0.00144591559466
-0.00191791858476
-0.00257526759112
-0.00403405100566
-0.00798974275627
-0.018367269673
-0.044302257877
-0.0915653159479
-0.000185499138606
-0.000424286529647
-0.00053083806748
-0.000599284573924
-0.000640260305767
-0.000661892444897
-0.000668930962049
-0.000664299077939
-0.000649931786885
-0.000626951086816
-0.00059532633384
-0.000549075801113
-0.000486188499185
-0.000382080884341
-0.000289419553891
-0.000133378584559
-0.000350710500941
0.00267237031032
-0.000675438487956
-0.00125548569872
-0.000643245691658
-0.000881373934084
-0.00148730266384
-0.00217879156594
-0.00307383686552
-0.00486388225108
-0.00925090034836
-0.0201678695493
-0.0478569457722
-0.101520784802
-0.000183893170574
-0.000419905002925
-0.000519871508527
-0.000581596749869
-0.000616310935606
-0.000632045218646
-0.000633627441096
-0.000624649784023
-0.000607852658642
-0.000583216442356
-0.000549213761551
-0.000501217728939
-0.000430371180512
-0.000309164161113
-0.000173107328373
3.52770501424e-06
-0.000656889719311
0.00327641062068
-0.000367653272655
-0.00118521656418
-0.000407538414661
-0.000636645813996
-0.00146015682633
-0.00241676986078
-0.00358612116563
-0.00571834283239
-0.0105282646742
-0.0218802110446
-0.0501041827677
-0.104353502883
-0.000181546637566
-0.000405419998648
-0.000493567945024
-0.000544859084836
-0.000570787285235
-0.000580029918559
-0.000576851550718
-0.000564762874857
-0.000546871311601
-0.000521949237939
-0.00048789520389
-0.000439889117448
-0.000369628761405
-0.000240695785501
-8.51729325587e-05
8.32830622636e-05
-0.00124042740031
0.00354161862222
6.38967439137e-05
-0.0011356208707
-0.00028479007988
-0.000411229365589
-0.00135104674853
-0.0025447444361
-0.00400130594614
-0.00648676190142
-0.0117378187426
-0.0236025393387
-0.0534094867193
-0.114795536707
-0.000177575104777
-0.000376608774391
-0.000445136129631
-0.000481305346569
-0.000496353077413
-0.000497334356079
-0.000489658824765
-0.000477435733867
-0.000460323217863
-0.000437936352907
-0.00040701300367
-0.000362728790231
-0.000296533190669
-0.000174499051002
-2.08976075672e-05
0.000139601815845
-0.00141877111668
0.00331634758146
0.000165887199283
-0.00108738806925
-0.000204652806892
-0.000235522432395
-0.00112440649431
-0.00239472060616
-0.00404986794441
-0.00685236556537
-0.0125673226876
-0.0250388196697
-0.0555242772832
-0.117223173376
-0.000170083123599
-0.000328587949542
-0.000368469939885
-0.000384217019869
-0.000386193808754
-0.000378968429658
-0.000367510998575
-0.000354605505813
-0.000339974329588
-0.000323190801203
-0.000300070516354
-0.00026500286404
-0.000212615159681
-0.00011665165288
7.20822584452e-06
0.00015198207188
-0.00025903119592
0.0028319724082
-0.00118585179016
-0.00131042092366
-0.000118094203342
-0.000124928392117
-0.000674537819935
-0.00163423723854
-0.00317506380608
-0.00603306722736
-0.012024850695
-0.025209659043
-0.0572315067063
-0.121141031057
-0.000164527802584
-0.000278359536987
-0.000288568316828
-0.000287005559802
-0.000281185838395
-0.000273738972474
-0.000266154753778
-0.000260016786171
-0.000256952011593
-0.000258230096204
-0.000262235664108
-0.000266978295933
-0.000272928758098
-0.000281895936269
-0.000301186586322
-0.000474755615084
-0.000713682195249
-0.000176463519506
-0.00136782439724
-0.00056580022722
0.000305102241758
0.00036750059897
0.000207557049952
-0.000265879157065
-0.00126272031307
-0.00327263371883
-0.00819257825014
-0.0208645237369
-0.050856615286
-0.104642069857
-0.000170861658116
-0.000201028784441
-0.000219463821374
-0.000229598321749
-0.000234500932046
-0.000235926431209
-0.000235739009798
-0.000234533682328
-0.000233527628793
-0.000232750854046
-0.000231443746306
-0.000229763141039
-0.000228142216211
-0.000226724473942
-0.000227678063457
-0.000228879992873
-0.000226053384656
-0.000217382303303
-0.000200822593929
-0.000176200233933
-0.000272124197546
-0.000363326324466
-0.000414558371472
-0.000437745825799
-0.000441227628359
-0.000436135240296
-0.000432422426244
-0.000432512030041
-0.000435028663626
-0.000439183345555
-0.000444773910545
-0.000452686650618
-0.000463372619062
-0.00047352553416
-0.000475466791547
-0.000465941941673
-0.000444442232855
-0.000408768139787
-0.000354472924155
-0.000276885156437
-0.000318883887303
-0.000456909995564
-0.000533175226594
-0.000568327092088
-0.000576440587267
-0.000572763932423
-0.000568843842577
-0.000568470043158
-0.000571212845056
-0.000576687053529
-0.000584639426016
-0.000595027872051
-0.000607116176588
-0.000615444244388
-0.000612352211388
-0.000595353848567
-0.000562240637929
-0.000509331782889
-0.000428486664262
-0.000313894047842
-0.000345638410367
-0.000521112957129
-0.000617346252872
-0.000662647778405
-0.000674390756559
-0.000670600729735
-0.00066516827186
-0.000663213472349
-0.000665469377692
-0.000671518256201
-0.000680537432312
-0.000692402413337
-0.000705718326466
-0.000713978797065
-0.000707134221104
-0.0006841405636
-0.000642450203254
-0.000576383348093
-0.000475671096536
-0.00033379682056
-0.000363533070062
-0.000569398885821
-0.000681714733937
-0.000735029195725
-0.000748531740727
-0.000742709845763
-0.00073461878528
-0.000730788395256
-0.000732516442483
-0.000739036991824
-0.000749082050298
-0.00076220967567
-0.000777165141394
-0.000785981792024
-0.000777093790821
-0.00074918253554
-0.000700173305173
-0.000623708946111
-0.000508208676712
-0.000347073137314
-0.000376390442506
-0.000607087037456
-0.000732335505519
-0.00079182670467
-0.00080567997772
-0.000796635958772
-0.00078517803491
-0.000779712481746
-0.00078135244919
-0.000788677297447
-0.000799879696721
-0.000814424450927
-0.000831366561941
-0.000841906889437
-0.000831052246714
-0.000798827667088
-0.000743514069775
-0.000658973691262
-0.000532115368252
-0.000357564056626
-0.00038570824034
-0.000636814106338
-0.000772428923248
-0.000836526145392
-0.000849638391639
-0.000836503653613
-0.000821527321105
-0.000815075711804
-0.000817327004794
-0.00082633859197
-0.000839310053677
-0.000855672423138
-0.000875173215284
-0.000887817171486
-0.00087553539456
-0.000838850270802
-0.000777906545212
-0.000686222903983
-0.000550586092584
-0.000366909927869
-0.000391964794862
-0.000660085478347
-0.000803820613416
-0.000871220835153
-0.00088269582865
-0.000864929428762
-0.000846747971506
-0.000840184037447
-0.000844275041511
-0.000856294880248
-0.00087216354313
-0.000890953571988
-0.000913129549438
-0.000927965477624
-0.000915191010798
-0.000874206402833
-0.000807848729407
-0.000709772826197
-0.000566742382071
-0.000376464012166
-0.000394968627637
-0.000677677075267
-0.000827495162391
-0.000896995356759
-0.000906062457149
-0.000883347326839
-0.000862377201806
-0.000856971403911
-0.00086451395958
-0.000880625830747
-0.000900477085301
-0.000922580521178
-0.000948381981604
-0.000965863627102
-0.000952983656535
-0.000908807334105
-0.000837341021476
-0.000733175319591
-0.000582975719685
-0.000386933198093
-0.000394365715601
-0.000690254142166
-0.000844182391237
-0.000914565169528
-0.000920398523764
-0.000892429512673
-0.000868975494005
-0.000865981785819
-0.000878508954867
-0.000900152112153
-0.000924969320232
-0.000950932673213
-0.000982301465576
-0.0010041266607
-0.000992039559697
-0.00094558418123
-0.000869171981539
-0.000759386261497
-0.000602444540264
-0.000399773111923
-0.000390091704702
-0.000699836168182
-0.000856496923791
-0.000926819988099
-0.000928224278624
-0.000894001563767
-0.000867579905356
-0.00086772074523
-0.000886297873915
-0.000914746191524
-0.000944970529444
-0.000976357738203
-0.0010153490832
-0.00104315809949
-0.00103368050017
-0.000986468078486
-0.000906790828429
-0.000792357454416
-0.000627462180941
-0.000416295981289
-0.000382615040762
-0.000712170784929
-0.000873164022096
-0.000942811433634
-0.000936961563351
-0.000893029933773
-0.000862476822497
-0.000865872826015
-0.000891517879218
-0.000927459691413
-0.000964579250449
-0.00100257132392
-0.00104936166172
-0.00108426125575
-0.00107912532547
-0.00103354208289
-0.000952002786729
-0.000832856463375
-0.000659345363904
-0.000438117047334
-0.000364746089642
-0.00072854458944
-0.000900213342606
-0.00096522265149
-0.000942167123638
-0.000879099460092
-0.000845497136514
-0.000859125485929
-0.00090059045149
-0.000951681629376
-0.00099994040353
-0.00104474311959
-0.00109554138081
-0.00113309502706
-0.00113075443353
-0.00108944915894
-0.00100654727796
-0.000883975213787
-0.000702399307468
-0.000469104253505
-0.000318254632081
-0.000734645080206
-0.000910738586115
-0.000944135719986
-0.000867752602971
-0.000755477329556
-0.000725658619399
-0.000780961321978
-0.00087966659831
-0.000985465785085
-0.00107267027146
-0.00113320208784
-0.00118211810566
-0.00120874119369
-0.00120119350932
-0.00116550660782
-0.00108260432446
-0.000952867155994
-0.000758757235959
-0.000509293633084
-0.000236137987286
-0.000719355702263
-0.000844103874566
-0.000770504982721
-0.000579296930498
-0.000354322667053
-0.000318527555051
-0.000454610332355
-0.000688293768278
-0.000933888908348
-0.00113974975546
-0.00126138350899
-0.00131390946722
-0.00131999344391
-0.00128932423101
-0.00126123708749
-0.00118509949717
-0.0010482356763
-0.000841001885097
-0.000576637621612
-0.000137359598081
-0.00066173804506
-0.000634612619737
-0.00041176217278
-0.000203571211703
4.01448894919e-05
3.24171995638e-05
-0.000194459091992
-0.000620355163053
-0.00100741423184
-0.00128916301587
-0.00146127412636
-0.00148436548062
-0.00137692890234
-0.0012642067055
-0.00131070710237
-0.00129933328735
-0.00116877221472
-0.000947612806209
-0.000658073763507
-0.000207144451786
0.000210402588907
0.00114005803918
0.00111836555306
0.000612854084136
0.000255621719365
-0.000410566025053
-0.000970565334309
-0.00211236177188
-0.00305609546713
-0.00384303606027
-0.00393474215686
-0.0033815547481
-0.00245510805557
-0.00174946841369
-0.00123087396533
-0.00141986705182
-0.00137420877063
-0.00110918944471
-0.000770328969556
-0.000448725316386
-0.00114432740691
-0.00106240731438
-0.00177233682802
-0.00218518981399
-0.00341260957794
-0.00433020410083
-0.00402578940589
-0.00546779639163
-0.00703232615539
-0.00887181389673
-0.0114809084718
-0.0118664162816
-0.00977601495015
-0.00659810909592
-0.00354961590165
-0.00204211662319
-0.00156239372903
-0.00118252142559
-0.000875533836706
-0.000803580039914
-0.00163937592728
-0.00159997632703
-0.00197133639191
-0.00400914497991
-0.00516566849963
-0.00693396706578
-0.00787419612254
-0.00641163000347
-0.00517517145146
-0.00355153558525
-0.00304567301878
-0.0022240977839
-0.00213108945625
-0.00184480392313
-0.00177789544281
-0.00189539118659
-0.00156058889765
-0.00111038715053
-0.000752465335722
-0.000860223935327
-0.00165470696226
-0.0022046739562
-0.00207991029943
-0.00189814009292
-0.00154468754057
-0.001478347691
-0.00104448384617
-0.00104302072667
-0.00166926262907
-0.00207810261904
-0.00176626119279
-0.00141740452734
-0.00151197449176
-0.00206390108041
-0.00173393965927
-0.00173300450685
-0.00132143479877
-0.00101870518671
-0.00079997834015
-0.00100755094259
-0.00143725516154
-0.00182337323482
-0.00173837588432
-0.00175990935731
-0.00202733414431
-0.00239370756992
-0.00295007768255
-0.00369353557225
-0.00382823765434
-0.00358395664541
-0.00331678425399
-0.00292965137008
-0.00237976899421
-0.00195391051401
-0.00158023521424
-0.00127678720668
-0.00105648908414
-0.000883101877968
-0.000709013981796
-0.000913298367085
-0.000946659319351
-0.00109776174461
-0.00116079079547
-0.00150219485466
-0.00192028984395
-0.00231149481922
-0.00262170082626
-0.00290867400527
-0.00302007221791
-0.00289772049796
-0.00278978578411
-0.00252247837618
-0.00209083342019
-0.00171443930994
-0.001348963489
-0.00105384785237
-0.000917406976699
-0.000793467271178
-0.000615671506763
-0.000677533131879
-0.000483487198031
-0.000460078500814
-0.00055671823303
-0.000828243675693
-0.00118114173875
-0.00147426311411
-0.00166025810846
-0.00178750697332
-0.00187543151137
-0.00199165667225
-0.0019649458741
-0.00179827928672
-0.00156987842506
-0.00136171103578
-0.00110307588324
-0.0009217320642
-0.00083112505176
-0.000738155322259
-0.00055339239855
-0.000107490986699
0.000278712213225
0.000387967519466
0.000339434057431
0.000114595189523
-0.000193639354744
-0.000454213880665
-0.000632823160222
-0.000791615305862
-0.000970322430184
-0.00113225015458
-0.00121398131358
-0.00117881825241
-0.00110168652333
-0.00102033446263
-0.000868776645222
-0.000781028918112
-0.000742493032624
-0.000699293376283
-0.000525674756867
0.00148995449589
0.00191929954163
0.00209487865353
0.00194769606492
0.00159454867629
0.0011556108712
0.000739446829773
0.000372582896629
1.73058767065e-05
-0.000329635832839
-0.000613708365747
-0.00077916608373
-0.000819089265691
-0.00078732527563
-0.000712040348597
-0.000646826268952
-0.000607300576082
-0.000616440485316
-0.00064578695098
-0.000518936702411
0.00547855307952
0.00601355772082
0.0062224156927
0.00577205112388
0.00505055211107
0.00421001326281
0.00334593319947
0.00249940216174
0.00168258029031
0.000940839526466
0.000340937594308
-8.53991700135e-05
-0.00034663276726
-0.00052202174611
-0.000624528710108
-0.000656351522239
-0.000627946437913
-0.000633823230104
-0.000664115984815
-0.000583371903756
0.0115964466123
0.0134603428892
0.0135530592672
0.0128241749221
0.0118919732345
0.0108439414943
0.00965836922876
0.00832018357522
0.00689577088455
0.0054873750206
0.00423260821601
0.00305233453832
0.00176175290282
4.74609574118e-05
-0.00137754100887
-0.0018391180136
-0.00191844298359
-0.00186651698453
-0.00157759799438
-0.00106619981284
0.00979608935901
0.0142818737414
0.0144768943625
0.014431080902
0.0146234107796
0.0150156047831
0.0153867377149
0.0155041175403
0.0153532585151
0.0149210668127
0.0143680085047
0.0136109287494
0.011840761756
0.00568338361624
-0.0036168140185
-0.00621353992833
-0.0068788254024
-0.00692360041719
-0.00620297060134
-0.0041419301949
-0.0143917192364
-0.00714925900971
-0.00664619161931
-0.00533035274209
-0.00336775372632
-0.00076831839875
0.00229952230371
0.00561800923644
0.00913070489379
0.0128390283422
0.0173804882277
0.0239181103384
0.0361780501115
0.0647162294957
-0.000185314674315
-0.0143260536961
-0.0167328823218
-0.0171345803455
-0.0164662248356
-0.0131083452225
-0.0101026773964
-0.00849686051744
-0.00811135912206
-0.00756463249894
-0.0067543348521
-0.00576903580477
-0.00465722457659
-0.0034762096438
-0.00227167986458
-0.00107513867289
0.000177812826758
0.00204557427838
0.01464957434
0.21803979601
0.167214177242
-0.0167118699405
-0.0268019173998
-0.027734968599
-0.0275175893466
-0.0239714061343
)
;
}
atmosphere
{
type calculated;
value nonuniform List<scalar>
400
(
1.03012960061
0.970575075341
0.957656347949
0.984240163596
0.981467491764
0.979881967365
0.979069505668
0.978162697042
0.977123926738
0.984074654735
-1.0565088232
-1.31569160029
2.21980678296
4.97334883227
7.7964385969
-0.0848563281725
-0.12167708244
-0.12110106686
-0.121131611127
-0.0886750889927
0.970736574209
0.886580907996
0.824049460483
0.80657612327
0.798034554696
0.7934672757
0.811664859985
0.808535795317
0.807767794978
0.809352193215
0.817049245386
-0.891245051431
1.21211379186
-2.23980776949
-4.40036588297
6.24616760286
0.123147635152
0.113808146717
0.120867683634
-0.1209818108
0.957944434307
0.824259539051
0.794188716268
0.77119261987
0.765292154953
0.759433975891
0.752228097167
-0.654718029575
-0.672579989878
0.730683695693
0.734153000374
-0.832391463177
-0.965859506291
-1.63588950521
3.53350349694
-4.95227629377
-0.0901885731457
-0.119828134938
-0.122303840053
0.179381306193
0.991681006736
0.806986703224
0.776972287701
0.750654818819
0.737755195576
0.711751943258
-0.64326815732
-0.64269856372
-0.64388134239
0.726462039036
0.730588305063
0.695891793936
0.807033933736
1.67910797333
-3.6790277641
5.46829605823
0.138888519266
0.123081989102
0.133119596402
-0.157884127317
-1.06530841617
0.798365270708
0.765465203777
0.737730324827
0.707121899185
0.700362670144
0.694870609445
0.694311163121
0.712272953588
0.718467445808
0.702344122933
-0.748038724126
0.892870063009
2.56320206402
-4.46230238492
-0.0864031544537
-0.222181091422
-0.23055092713
-0.24186258582
0.108203092954
-1.06392289842
-0.916705074866
0.759029934733
0.730607952045
0.699686391833
0.693253562376
0.686512861014
0.702999500843
0.706254173261
0.694050753525
-0.763735559731
0.793434618298
1.4277429384
3.4947619594
0.256302902246
0.162098238359
0.15109584103
0.0642914511956
0.0695167166872
-0.30683633211
-1.06907864319
-0.91564107828
-0.820520039471
-0.787885890122
-0.789307600909
-0.782400024614
-0.769254890382
-0.77059925779
-0.787603993049
0.860561829469
-0.897347924026
-1.38130992145
-3.21325018417
0.145109206528
0.177757782426
-0.262317741035
-0.172848978849
-0.175258744616
-0.183162579739
0.265706175773
1.21601590727
0.988701615921
-0.82309166164
-0.785549326464
-0.787557893906
-0.781084300073
0.865133675446
0.869878708703
-0.957372573445
1.02279788873
-1.46390277924
2.52986575932
0.142432369751
-0.139301902157
-0.161002826023
-0.261852643817
0.181435563019
0.182323835702
0.197523415288
-0.248075651318
-1.32937372147
0.986426416627
0.929056123532
0.891350809072
-0.94448489648
-0.956518169107
-0.966768360125
1.05317537323
1.2492920067
1.70231656485
2.97287968528
-0.0528838605146
0.0775430126611
-0.26723554245
0.191479896295
0.0859067997179
-0.307163567853
-0.217984938783
-0.228448358878
0.180991477781
1.47882052821
1.23102804723
1.13081754185
1.07485844198
1.07901643222
-1.15180836348
-1.37962489491
1.52330041785
-1.94100488051
3.10244004694
0.144349755595
0.0897370663146
-0.151786364884
0.0863858555547
0.183163326409
-0.303549642616
0.213739054966
0.213869907864
-0.291589675695
0.244783256431
1.86105748252
1.54490361062
1.41746861971
-1.46397098581
1.58629259585
-1.72451712972
-2.05831253832
-2.46756935763
-3.39299217321
5.16849572092
0.0875357676633
0.0695817062227
-0.160705630502
0.184979598104
-0.300738548675
0.122100434543
-0.266657324263
0.267832936826
0.277290301119
0.322116989916
-2.54935416408
-2.07103172549
-1.8904190576
2.03425283522
2.33904646605
-2.5686601769
-3.13333337996
4.00928798089
5.13090421388
-0.154875451685
-0.223990006881
0.0638645197214
0.0959523272554
-0.297855212826
0.211398139293
-0.262701130875
0.254821718289
-0.337250438506
0.347040011117
-0.505854028055
4.23553610367
-3.12496549689
-2.90998359999
3.01106387413
3.54174156922
-4.00301123839
-4.68122681117
5.5126055042
0.145992205215
0.0582167532672
-0.135583423582
-0.172748246669
0.172972073807
-0.209582313229
-0.264229971707
0.17425769898
-0.40742976972
0.226436506281
-0.534889897509
-0.638215449054
-5.93309739626
4.33403782643
-4.38630372999
-4.18458454014
4.68254772651
-5.02083157133
5.73277193609
-0.122761968465
-0.114370928875
0.116487192797
-0.211819308636
-0.247388633328
-0.290237079472
0.12847160589
0.178626635104
-0.402620947886
0.293648004659
0.387389301416
0.387207865583
0.535113088616
-7.20685017856
-6.15899549533
-5.59993220963
-5.46472612067
5.69723304925
5.86411946607
-0.0671757094519
0.0333901045595
-0.178903587246
0.112916311692
0.140205019521
-0.174433444574
-0.218303944109
-0.27148996517
-0.335510874979
0.294882485941
-0.474458241142
0.293897455636
-0.627884792683
-0.808907519081
8.23865749529
6.82485680989
6.45743396878
6.02193016038
6.02350839533
-0.0729833192635
0.0332738472508
0.0269968261526
0.117171281798
-0.141787390608
0.134495877752
0.166791406363
0.20321079924
0.247715165428
0.30384093309
-0.471463708442
0.350714078239
-0.579836668534
0.413611024446
-0.899646369264
0.039199666534
0.0147369862772
6.28158198175
0.0346891813803
0.022960984054
-0.161107744546
0.0273994238531
-0.116018988791
0.11499612141
-0.1429084683
-0.181070889397
-0.225822276575
-0.278485079075
-0.341592312311
-0.483609681512
0.352990564252
-0.570615674887
0.392631630876
0.398897013002
0.687983694269
0.133250206839
-0.0734753414799
-0.0672968973373
0.0121361591912
-0.167625723397
0.10312424796
-0.11819510066
-0.195723263073
0.0370117402607
0.0639498751626
0.0950998386216
0.131500497191
0.17521455239
-0.446505310104
0.304405679696
-0.529471068163
0.436534978683
0.419902071139
0.399260037652
0.749780860482
-0.0885398967065
0.108035196995
0.0989853141828
-0.0937810771611
0.11335241155
0.108989850914
-0.206540302155
0.0438393235686
-0.142761379904
-0.185183622833
-0.234381944933
-0.38512404254
0.268612066165
0.331616368356
-0.563521725112
0.478048045499
0.447933710692
0.438373801718
-0.795186768265
0.751646696029
0.140758972512
-0.0868718104851
0.157147231815
-0.117150404778
0.181504818587
0.180863911262
-0.260702459669
0.10866586747
-0.18998752102
0.262282159398
0.312507472776
-0.405806051579
-0.510153354019
-0.638297306957
0.531748039226
-0.808075902666
0.681619685617
0.683775084164
0.752313712209
0.459147087199
)
;
}
floatingObject
{
type calculated;
value nonuniform List<scalar>
348
(
-0.00053017208694
-0.000567369744019
-0.000623197858263
-0.0006613486283
-0.000722584092665
-0.000979856042845
-0.000276980647286
-0.000268104100905
-0.000282527731365
-0.000291746469282
-0.000345925165362
-0.000621778317948
-0.000120841456664
-0.000106007860391
-0.000110479289134
-0.000114908837705
-0.00017962195346
-0.000486278556163
6.63676079302e-05
4.99596689331e-05
2.78163619117e-05
2.00363455528e-07
-8.12223297292e-05
-0.000452116675658
-0.000874612431358
-0.000912253049307
-0.000982279330097
-0.00105912908399
-0.00117787541789
-0.00144283069505
-0.000851171579775
-0.00151854065816
-0.000557395779525
-0.00113723351701
-0.000388077394723
-0.00100868381826
-0.000243029065134
-0.000346795061666
-0.000302039730278
-0.000393062421215
-0.000479200780062
-0.000633154280217
-0.00111573059276
-0.0010446692199
-0.000894977317221
-0.000894985666015
-0.000952197719535
-0.00101511272402
-0.00111985869967
-0.0013446744056
-0.000971693254288
-0.00148628782479
-0.000645880672186
-0.00107270775391
-0.000463566186625
-0.000931774752851
-0.000342576874372
-0.000571112380538
-0.000425156985033
-0.000477342832384
-0.000568571707982
-0.000691175354095
-0.00108205335775
-0.00111179547239
-0.000928966020155
-0.000911978270595
-0.000961380346615
-0.00101370148891
-0.00110738567011
-0.00132653471455
-0.00107123842168
-0.00149842417808
-0.000750794310054
-0.00106709474967
-0.000567511134462
-0.000924819554429
-0.000492088311975
-0.000755839339988
-0.000555467654901
-0.000588601235364
-0.00067101142798
-0.000791871085947
-0.00111320821361
-0.00120124566983
-0.000973680012128
-0.000939101656536
-0.000972821753481
-0.0010218602135
-0.00110873634404
-0.00132778812442
-0.00115490197975
-0.00153065393546
-0.000868409214416
-0.00108261579543
-0.000700761021926
-0.000989082154393
-0.000653938277578
-0.000916675880819
-0.000665113030127
-0.000693295158689
-0.000772774148538
-0.000887507272762
-0.00125402144864
-0.00125771541919
-0.00102375289511
-0.000975999406975
-0.000986651188893
-0.0010279350449
-0.00110858595353
-0.00132988909218
-0.00121512037269
-0.00156369513893
-0.000957251121567
-0.00110650972507
-0.000800089555204
-0.00104279617917
-0.000779889774719
-0.00105122895574
-0.000769398915916
-0.000794744526943
-0.000876785608834
-0.00100729617344
-0.00139079448785
-0.00130893767555
-0.00108400472558
-0.00101758473075
-0.000994914271315
-0.00102777038704
-0.00109973970623
-0.00133213745901
-0.00124323253171
-0.00160048570384
-0.00102797698057
-0.00113751051852
-0.000883821552665
-0.00111291162389
-0.000886241250245
-0.00116846362267
-0.000866489354059
-0.000881960076248
-0.000984850042702
-0.00114796208111
-0.00152907057016
-0.00141606172353
-0.00113565154277
-0.00104993279025
-0.00098582083843
-0.00101911748887
-0.0010922698068
-0.00133282497391
-0.00125726219838
-0.00164037812392
-0.00108116153322
-0.00117649408566
-0.000950155129901
-0.00120206728197
-0.000970024728945
-0.00127225927
-0.000958290232199
-0.000972832001751
-0.00109075518623
-0.00130698842333
-0.00171599790731
-0.00169070186735
-0.00125673842574
-0.00104487191722
-0.000963587153233
-0.000998948851629
-0.00107741806105
-0.00132748899705
-0.00136529254231
-0.0016814472047
-0.0011251067458
-0.00122220581378
-0.000995601918869
-0.00130981121998
-0.00102635731713
-0.0013647788371
-0.00104751476882
-0.00106946509285
-0.00120603135229
-0.00144319171436
-0.00185921143937
-0.00188950431292
-0.00125327925765
-0.00100925495329
-0.000918167350392
-0.000961386082685
-0.00105232222207
-0.00131278817951
-0.00136810061091
-0.00172643234775
-0.00116068021695
-0.00127382064761
-0.00100849389576
-0.00143419445708
-0.00104642089841
-0.00144678048928
-0.00113817951112
-0.00117458894052
-0.00133710933214
-0.00159972151306
-0.00189802948585
-0.00206060402236
-0.00109249880612
-0.000909100035829
-0.000827327220652
-0.000894688101122
-0.00101378135265
-0.00129398341854
-0.00107408773445
-0.00179200043043
-0.00110494532503
-0.00134378825598
-0.000971504881658
-0.00154647889192
-0.00102330182706
-0.00152318844959
-0.00123059096449
-0.00129633904175
-0.00149716619477
-0.00179259866586
-0.00207068930893
-0.00212195165962
-0.000676477845803
-0.000667954658596
-0.000641681072881
-0.000772223179443
-0.00095077365408
-0.00128335736646
-0.000598587299314
-0.00190872253609
-0.000893655063753
-0.00145300155448
-0.000907389814327
-0.00169225891088
-0.00101291515981
-0.00162917156114
-0.00135135296159
-0.00143980433321
-0.00167271802607
-0.00188424613819
-0.00237173401552
-0.00226396007997
-1.26226851846e-05
-0.000296123350635
-0.000361202750859
-0.00056212003308
-0.000777662840106
-0.00125796541107
-0.00021122818096
-0.00190889471526
-0.000717692261989
-0.00139599943715
-0.00103843520729
-0.00173217378619
-0.00125122156799
-0.00187507317105
-0.00154114775298
-0.00163159134562
-0.00173934594087
-0.00198435238346
-0.0026368937457
-0.00246982497442
8.53241509476e-05
1.16398615602e-05
-0.000200949923312
-0.000401224983684
-0.000807914550131
-0.00132383661034
-0.00118728637281
-0.00195613012071
-0.00124032330057
-0.00147821364204
-0.00182083664343
-0.00184188968734
-0.00199424634831
-0.00224540216324
-0.0018494806289
-0.00193522688752
-0.00210647987796
-0.00239331268128
-0.0030731160429
-0.00292299987275
-0.00291809705266
-0.000728491322451
-0.000793978277092
-0.00164018416178
-0.00226534511879
-0.00104544783396
-0.00643006995493
-0.000791212400545
-0.00405143440897
-0.000274711986063
-0.00321067418852
-0.00054119064299
-0.00227386150261
-0.00209399640081
-0.00113019302348
-0.00155197913005
-0.00207238986292
-0.00207181140419
-0.00246402935624
-0.00192750864361
-0.00824091767688
-0.00503005122825
-0.00327413115048
-0.00329330625979
-0.00135975447321
0.00120542520926
-0.0108999441646
-0.00375928539762
-0.00321522372624
-0.00302516911593
-0.00322677838683
-0.00498732694432
-6.02448890296e-05
-0.00944030719599
-0.00815074427563
-0.00324968623412
-0.00207528928173
-0.00125464588885
-0.000927303099884
-0.00240041660619
0.00117401595408
-0.00622846316286
-0.00695221687796
-0.00323023695008
-0.00166239202505
-0.000606635921946
-0.00020145631229
-0.0017165508848
0.000981182081978
-0.005088986301
-0.0060517900547
-0.00130314943977
-0.00428357017964
0.00120854306808
-0.00204712950789
0.000208756066826
-0.000770111014567
-0.00171941619201
-0.000576854444669
-0.00161188232143
-0.00204272336254
-0.00139689795038
-0.000145514470013
-0.00433528957352
)
;
}
}
// ************************************************************************* //
| [
"[email protected]"
] | ||
64ed239d7c7a810d145aa8e376d7ab43c063019a | f40718f5a9e9a60e4ec340c2cabd9fb1cf874178 | /threepp/geometry/Polyhedron.cpp | 79e1dacad626673ffe10c2231d0546a999befc7d | [
"MIT"
] | permissive | laumaya/three.cpp | 428a5f54f866d129311e5816e90cf64947115cea | b3bdfc79b6a020668e880de6694b7685910fe834 | refs/heads/master | 2020-04-09T20:26:22.107505 | 2018-03-05T20:06:17 | 2018-03-05T20:06:17 | null | 0 | 0 | null | null | null | null | UTF-8 | C++ | false | false | 3,936 | cpp | //
// Created by byter on 2/16/18.
//
#include "Polyhedron.h"
namespace three {
namespace geometry {
using namespace std;
using namespace math;
Polyhedron::Polyhedron(const PolyhedronParams ¶ms)
: PolyhedronParams(params)
{
set(buffer::Polyhedron(params));
mergeVertices();
}
namespace buffer {
void correctUV(UV &uv, const Vector3 &vector, float azimuth )
{
if ( ( azimuth < 0 ) && ( uv.x() == 1 ) ) uv.x() = 0;
if ( ( vector.x() == 0 ) && ( vector.z() == 0 ) ) uv.x() = azimuth / 2.0f / (float)M_PI + 0.5f;
}
Polyhedron::Polyhedron(const PolyhedronParams ¶ms)
{
auto vertices = attribute::growing<float, Vertex>(true);
auto uvs = attribute::growing<float, UV>(true);
// the subdivision creates the vertex buffer data
for (unsigned i = 0, l = params.indices.size(); i < l; i += 3 ) {
// get the vertices of the face
const Vector3 &a = params.vertices[params.indices[i]];
const Vector3 &b = params.vertices[params.indices[i+1]];
const Vector3 &c = params.vertices[params.indices[i+2]];
// perform subdivision, construct all of the vertices for this subdivision
unsigned cols = pow( 2, params.detail );
// we use this multidimensional array as a data structure for creating the subdivision
vector<vector<Vertex>> v(cols + 1);
for (unsigned i = 0; i <= cols; i ++ ) {
unsigned rows = cols - i;
v[i].resize(rows + 1);
Vector3 aj = a.lerped( c, i / cols );
Vector3 bj = b.lerped( c, i / cols );
for (unsigned j = 0; j <= rows; j ++ ) {
if ( j == 0 && i == cols ) {
v[ i ][ j ] = aj;
} else {
v[ i ][ j ] = aj.lerped( bj, j / rows );
}
}
}
// construct all of the faces
for (unsigned i = 0; i < cols; i ++ ) {
for (unsigned j = 0; j < 2 * ( cols - i ) - 1; j ++ ) {
float k = floor( (float)j / 2 );
if ( j % 2 == 0 ) {
vertices->next() = v[ i ][ k + 1 ].normalize() * params.radius;
vertices->next() = v[ i + 1 ][ k ].normalize() * params.radius;;
vertices->next() = v[ i ][ k ].normalize() * params.radius;;
} else {
vertices->next() = v[ i ][ k + 1 ].normalize() * params.radius;;
vertices->next() = v[ i + 1 ][ k + 1 ].normalize() * params.radius;;
vertices->next() = v[ i + 1 ][ k ].normalize() * params.radius;;
}
}
}
}
// finally, create the uv data
for (unsigned i = 0; i < vertices->itemCount(); i ++ ) {
Vector3 &vertex = vertices->at(i);
float u = vertex.azimuth() / 2.0f / (float)M_PI + 0.5f;
float v = vertex.inclination() / (float)M_PI + 0.5f;
uvs->next() = {u, 1 - v};
}
//correctUVs();
for (unsigned i = 0; i < vertices->itemCount(); i += 3) {
Vector3 &a = vertices->at(i);
Vector3 &b = vertices->at(i+1);
Vector3 &c = vertices->at(i+2);
UV &uvA = uvs->at(i);
UV &uvB = uvs->at(i+1);
UV &uvC = uvs->at(i+2);
Vector3 centroid = (a + b + c) / 3;
float azi = centroid.azimuth();
correctUV( uvA, a, azi );
correctUV( uvB, b, azi );
correctUV( uvC, c, azi );
}
//correctSeam: handle case when face straddles the seam, see #3269
for (unsigned i = 0; i < uvs->itemCount(); i += 3 ) {
// uv data of a single face
UV &u0 = uvs->at(i);
UV &u1 = uvs->at(i+1);
UV &u2 = uvs->at(i+2);
float xMax = std::max(std::max(u0.x(), u1.x()), u2.x());
float xMin = std::min(std::min(u0.x(), u1.x()), u2.x());
// 0.9 is somewhat arbitrary
if ( xMax > 0.9 && xMin < 0.1 ) {
if ( u0.x() < 0.2 ) u0.x() += 1;
if ( u1.x() < 0.2 ) u1.x() += 1;
if ( u2.x() < 0.2 ) u2.x() += 1;
}
}
// build non-indexed geometry
setPosition(vertices);
setNormal(vertices->clone());
setUV(uvs);
if (params.detail == 0)
computeVertexNormals(); // flat normals
else
normalizeNormals(); // smooth normals*/
}
}
}
}
| [
"[email protected]"
] | |
87018ca09de0b27900229b7b2f73f4b34bd98454 | 44622e013415d2bcb82522b7bffdca652bd5d6e5 | /stage_1/stage_1_application/stage_1_application/StateRandom.cpp | f4837642f3573fa21a078ad2d345dd756b8afcc7 | [] | no_license | JeLLek1/pea-project | 87d4a3a64d23e454e5fc9c2757a4bf170943490f | 89214478fd253def7d6d072542f733c46dd90ea5 | refs/heads/main | 2023-02-28T06:14:42.650964 | 2021-01-25T20:21:28 | 2021-01-25T20:21:28 | 311,528,815 | 0 | 0 | null | null | null | null | WINDOWS-1250 | C++ | false | false | 887 | cpp | #include "StateRandom.h"
#include <iostream>
#include "App.h"
#include "RandomGenerator.h"
#include "WeightedTardiness.h"
//przetwarzanie rządań i wyświetlanie informacji na ekranie
void StateRandom::process()
{
//ilość zadań do wygenerowania
std::cout << "Podaj ilosc zadan do wygenerowania: ";
unsigned int size = App::cinLine(1);
std::cout << "Generowanie..." << std::endl << std::endl;
//instancja generatora zadań -> wygenerowanie zadań
WeightedTardiness* problem = RandomGenerator::getInstance()->generateWeightedTardiness(size);
//wyświetlenie wygenerowanego problemu na ekranie
problem->display();
App::getInstance()->setWeightedTardiness(problem);
std::cout << std::endl << "Nacisnij dowolny klawisz by powrocic...";
}
//przetwarzanie wciśniętych klawiszy
bool StateRandom::handleInput(char key)
{
//dowolny klawisz ma zakończyć stan
return false;
}
| [
"[email protected]"
] | |
29030f2713a7bae81ad106b1e5d681d6fa20036d | c287f063100e0ddb29bcf27e9f901b914cca0f2e | /thirdparty/qt53/include/QtQuick/qquickpainteditem.h | 0a332bf746924dd2fa1da514f32a72b809579034 | [
"MIT"
] | permissive | imzcy/JavaScriptExecutable | 803c55db0adce8b32fcbe0db81531d248a9420d0 | 723a13f433aafad84faa609f62955ce826063c66 | refs/heads/master | 2022-11-05T01:37:49.036607 | 2016-10-26T17:13:10 | 2016-10-26T17:13:10 | 20,448,619 | 3 | 1 | MIT | 2022-10-24T23:26:37 | 2014-06-03T15:37:09 | C++ | UTF-8 | C++ | false | false | 4,323 | h | /****************************************************************************
**
** Copyright (C) 2013 Digia Plc and/or its subsidiary(-ies).
** Contact: http://www.qt-project.org/legal
**
** This file is part of the QtQuick module of the Qt Toolkit.
**
** $QT_BEGIN_LICENSE:LGPL$
** Commercial License Usage
** Licensees holding valid commercial Qt licenses may use this file in
** accordance with the commercial license agreement provided with the
** Software or, alternatively, in accordance with the terms contained in
** a written agreement between you and Digia. For licensing terms and
** conditions see http://qt.digia.com/licensing. For further information
** use the contact form at http://qt.digia.com/contact-us.
**
** GNU Lesser General Public License Usage
** Alternatively, this file may be used under the terms of the GNU Lesser
** General Public License version 2.1 as published by the Free Software
** Foundation and appearing in the file LICENSE.LGPL included in the
** packaging of this file. Please review the following information to
** ensure the GNU Lesser General Public License version 2.1 requirements
** will be met: http://www.gnu.org/licenses/old-licenses/lgpl-2.1.html.
**
** In addition, as a special exception, Digia gives you certain additional
** rights. These rights are described in the Digia Qt LGPL Exception
** version 1.1, included in the file LGPL_EXCEPTION.txt in this package.
**
** GNU General Public License Usage
** Alternatively, this file may be used under the terms of the GNU
** General Public License version 3.0 as published by the Free Software
** Foundation and appearing in the file LICENSE.GPL included in the
** packaging of this file. Please review the following information to
** ensure the GNU General Public License version 3.0 requirements will be
** met: http://www.gnu.org/copyleft/gpl.html.
**
**
** $QT_END_LICENSE$
**
****************************************************************************/
#ifndef QQUICKPAINTEDITEM_P_H
#define QQUICKPAINTEDITEM_P_H
#include <QtQuick/qquickitem.h>
#include <QtGui/qcolor.h>
QT_BEGIN_NAMESPACE
class QQuickPaintedItemPrivate;
class Q_QUICK_EXPORT QQuickPaintedItem : public QQuickItem
{
Q_OBJECT
Q_ENUMS(RenderTarget)
Q_PROPERTY(QSize contentsSize READ contentsSize WRITE setContentsSize NOTIFY contentsSizeChanged)
Q_PROPERTY(QColor fillColor READ fillColor WRITE setFillColor NOTIFY fillColorChanged)
Q_PROPERTY(qreal contentsScale READ contentsScale WRITE setContentsScale NOTIFY contentsScaleChanged)
Q_PROPERTY(RenderTarget renderTarget READ renderTarget WRITE setRenderTarget NOTIFY renderTargetChanged)
public:
QQuickPaintedItem(QQuickItem *parent = 0);
virtual ~QQuickPaintedItem();
enum RenderTarget {
Image,
FramebufferObject,
InvertedYFramebufferObject
};
enum PerformanceHint {
FastFBOResizing = 0x1
};
Q_DECLARE_FLAGS(PerformanceHints, PerformanceHint)
void update(const QRect &rect = QRect());
bool opaquePainting() const;
void setOpaquePainting(bool opaque);
bool antialiasing() const;
void setAntialiasing(bool enable);
bool mipmap() const;
void setMipmap(bool enable);
PerformanceHints performanceHints() const;
void setPerformanceHint(PerformanceHint hint, bool enabled = true);
void setPerformanceHints(PerformanceHints hints);
QRectF contentsBoundingRect() const;
QSize contentsSize() const;
void setContentsSize(const QSize &);
void resetContentsSize();
qreal contentsScale() const;
void setContentsScale(qreal);
QColor fillColor() const;
void setFillColor(const QColor&);
RenderTarget renderTarget() const;
void setRenderTarget(RenderTarget target);
virtual void paint(QPainter *painter) = 0;
Q_SIGNALS:
void fillColorChanged();
void contentsSizeChanged();
void contentsScaleChanged();
void renderTargetChanged();
protected:
QQuickPaintedItem(QQuickPaintedItemPrivate &dd, QQuickItem *parent = 0);
virtual QSGNode *updatePaintNode(QSGNode *, UpdatePaintNodeData *);
private:
Q_DISABLE_COPY(QQuickPaintedItem)
Q_DECLARE_PRIVATE(QQuickPaintedItem)
};
Q_DECLARE_OPERATORS_FOR_FLAGS(QQuickPaintedItem::PerformanceHints)
QT_END_NAMESPACE
#endif // QQUICKPAINTEDITEM_P_H
| [
"[email protected]"
] | |
73f736d931e446aca029f8a14aab8b68a8196b4b | 0b90d18bf8e2000d3c47a17f3403be51b4a8ecd8 | /src/Core/IEPlugin/EcgsimFileToTriSurf_Plugin.cc | 611c393713a92d10c5ad4bed7d6658cc40d333d6 | [
"MIT"
] | permissive | merced317/scirun4plus | c3d8d65dd68f9d119b43cf084ea8b9d94921ce33 | f29630e03d3cf13c0ce8b327676ad202e3981af0 | refs/heads/master | 2020-12-10T19:20:18.401161 | 2018-06-27T09:21:54 | 2018-06-27T09:21:54 | 233,683,375 | 0 | 0 | null | 2020-01-13T20:09:14 | 2020-01-13T20:09:13 | null | UTF-8 | C++ | false | false | 7,312 | cc | /*
For more information, please see: http://software.sci.utah.edu
The MIT License
Copyright (c) 2011 Scientific Computing and Imaging Institute,
University of Utah.
Permission is hereby granted, free of charge, to any person obtaining a
copy of this software and associated documentation files (the "Software"),
to deal in the Software without restriction, including without limitation
the rights to use, copy, modify, merge, publish, distribute, sublicense,
and/or sell copies of the Software, and to permit persons to whom the
Software is furnished to do so, subject to the following conditions:
The above copyright notice and this permission notice shall be included
in all copies or substantial portions of the Software.
THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS
OR IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,
FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL
THE AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER
LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING
FROM, OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER
DEALINGS IN THE SOFTWARE.
*/
/*
* EcgsimToTriSurf_IEPlugin.cc
*
* Written by:
* Jeroen Stinstra
* Department of Computer Science
* University of Utah
*
*/
#include <Core/ImportExport/Field/FieldIEPlugin.h>
#include <Core/Datatypes/DenseMatrix.h>
#include <Core/Datatypes/Field.h>
#include <Core/Datatypes/FieldInformation.h>
#include <iostream>
#include <fstream>
namespace SCIRun {
FieldHandle EcgsimFileToTriSurf_reader(ProgressReporter *pr, const char *filename)
{
FieldHandle result = 0;
int ncols = 4;
int nrows = 0;
int line_ncols = 0;
int num_pts = 0;
int num_fac = 0;
std::string line;
double data;
// STAGE 1 - SCAN THE FILE TO DETERMINE THE NUMBER OF NODES
// AND CHECK THE FILE'S INTEGRITY.
bool first_line = true;
bool is_facs = false;
{
std::ifstream inputfile;
inputfile.exceptions( std::ifstream::badbit );
try
{
inputfile.open(filename);
while( getline(inputfile,line,'\n'))
{
if (line.size() > 0)
{
// block out comments
if ((line[0] == '#')||(line[0] == '%')) continue;
}
// replace comma's and tabs with white spaces
for (size_t p = 0;p<line.size();p++)
{
if ((line[p] == '\t')||(line[p] == ',')||(line[p]=='"')) line[p] = ' ';
}
std::istringstream iss(line);
iss.exceptions( std::ifstream::failbit | std::ifstream::badbit);
try
{
line_ncols = 0;
while(1)
{
iss >> data;
line_ncols++;
}
}
catch(...)
{
}
if (first_line)
{
if (line_ncols == 1)
{
if(is_facs)
{
num_fac = int(data);
}
else
{
num_pts = int(data);
}
first_line = false;
}
else
{
if (pr) pr->error("Improper format of text file, header missing.");
return (result);
}
}
else
{
if (line_ncols > 0)
{
nrows++;
if (ncols != line_ncols)
{
if (pr) pr->error("Improper format of text file, not every line contains the same amount of coordinates");
return (result);
}
// If on last point, switch to facs
else if(!is_facs && nrows == num_pts)
{
first_line = true;
is_facs = true;
}
// If on last fac, ignore remaining data
else if(is_facs && nrows == num_fac)
{
if (pr) pr->remark("Reached last element, ignoring rest of data in file");
while( getline(inputfile,line,'\n')) {}
}
}
}
}
}
catch (...)
{
if (pr) pr->error("Could not open file: " + std::string(filename));
return (result);
}
inputfile.close();
}
// STAGE 2
// Generate field from
// Now create field
FieldInformation fi("TriSurfMesh",-1,"double");
result = CreateField(fi);
VMesh *mesh = result->vmesh();
mesh->node_reserve(num_pts);
mesh->elem_reserve(num_fac);
{
std::ifstream inputfile;
inputfile.exceptions( std::ifstream::badbit );
try
{
inputfile.open(filename);
std::vector<double> vdata(3);
int k = 0;
// remove header
getline(inputfile,line,'\n');
int line_count;
for(line_count = 0; line_count < num_pts; line_count++ )
{
getline(inputfile,line,'\n');
if (line.size() > 0)
{
// block out comments
if ((line[0] == '#')||(line[0] == '%')) continue;
}
// replace comma's and tabs with white spaces
for (size_t p = 0;p<line.size();p++)
{
if ((line[p] == '\t')||(line[p] == ',')||(line[p]=='"')) line[p] = ' ';
}
std::istringstream iss(line);
iss.exceptions( std::ifstream::failbit | std::ifstream::badbit);
try
{
k = 0;
while(k < 4)
{
iss >> data;
if(k > 0)
{
vdata[k-1] = data;
}
k++;
}
}
catch(...)
{
}
if (k == 4) mesh->add_point(Point(vdata[0],vdata[1],vdata[2]));
}
unsigned int idata;
VMesh::Node::array_type ndata;
ndata.resize(3);
k = 0;
// remove header
getline(inputfile,line,'\n');
for(line_count = 0; line_count < num_fac; line_count++ )
{
getline(inputfile,line,'\n');
if (line.size() > 0)
{
// block out comments
if ((line[0] == '#')||(line[0] == '%')) continue;
}
// replace comma's and tabs with white spaces
for (size_t p = 0;p<line.size();p++)
{
if ((line[p] == '\t')||(line[p] == ',')||(line[p]=='"')) line[p] = ' ';
}
std::istringstream iss(line);
iss.exceptions( std::ifstream::failbit | std::ifstream::badbit);
try
{
k = 0;
while(k < 4)
{
iss >> idata;
if(k>0)
{
ndata[k-1] = VMesh::Node::index_type(idata-1);
}
k++;
}
}
catch(...)
{
}
if (k == 4)
{
mesh->add_elem(ndata);
}
}
}
catch (...)
{
if (pr) pr->error("Could not open and read data from file: " + std::string(filename));
return (result);
}
inputfile.close();
}
return (result);
}
static FieldIEPlugin EcgsimFileToTriSurf_plugin("EcgsimFileToTriSurf","{.tri}", "",EcgsimFileToTriSurf_reader,0);
} // end namespace
| [
"[email protected]"
] | |
450381576ca1408c5695a19054c279760f2150fb | d95ea6ddc2fe9012179101101433554fbb7f9cbc | /test/reductions/reduce_minmax.cpp | 62fbff8d4da230d1c700e263524a6339eb62811f | [] | no_license | jeffpollock9/duda | 7ec0285bcaff0f87404aa374ac6b25584c0c9234 | deb2c9a89ea5211f939979c1ac543739f4d1d943 | refs/heads/master | 2021-06-24T14:38:58.346654 | 2019-06-03T20:51:46 | 2019-06-03T20:51:46 | 140,809,515 | 1 | 0 | null | null | null | null | UTF-8 | C++ | false | false | 701 | cpp | #include <duda/random.hpp>
#include <duda/reductions/reduce_minmax.hpp>
#include <testing.hpp>
template <typename T>
void test_reduce_minmax(const int rows, const int cols)
{
const auto x = duda::random_normal<T>(rows, cols);
const auto device_minmax = duda::reduce_minmax(x);
const T host_min = testing::copy(x).minCoeff();
const T host_max = testing::copy(x).maxCoeff();
const T eps = 1e-6;
REQUIRE(device_minmax.first == Approx(host_min).epsilon(eps));
REQUIRE(device_minmax.second == Approx(host_max).epsilon(eps));
}
TEST_CASE("reduce_minmax", "[device_matrix][reduce_minmax]")
{
test_reduce_minmax<float>(10, 12);
test_reduce_minmax<double>(32, 32);
}
| [
"[email protected]"
] |
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.