sia_tp_sample / 00nanhai__captchacker2.jsonl
shahp7575's picture
commit files to HF hub
3a7f06a
{"nwo":"00nanhai\/captchacker2","sha":"7609141b51ff0cf3329608b8101df967cb74752f","path":"svm.py","language":"python","identifier":"toPyModel","parameters":"(model_ptr)","argument_list":"","return_statement":"return m","docstring":"toPyModel(model_ptr) -> svm_model\n\n\tConvert a ctypes POINTER(svm_model) to a Python svm_model","docstring_summary":"toPyModel(model_ptr) -> svm_model","docstring_tokens":["toPyModel","(","model_ptr",")","-",">","svm_model"],"function":"def toPyModel(model_ptr):\n\t\"\"\"\n\ttoPyModel(model_ptr) -> svm_model\n\n\tConvert a ctypes POINTER(svm_model) to a Python svm_model\n\t\"\"\"\n\tif bool(model_ptr) == False:\n\t\traise ValueError(\"Null pointer\")\n\tm = model_ptr.contents\n\tm.__createfrom__ = 'C'\n\treturn m","function_tokens":["def","toPyModel","(","model_ptr",")",":","if","bool","(","model_ptr",")","==","False",":","raise","ValueError","(","\"Null pointer\"",")","m","=","model_ptr",".","contents","m",".","__createfrom__","=","'C'","return","m"],"url":"https:\/\/github.com\/00nanhai\/captchacker2\/blob\/7609141b51ff0cf3329608b8101df967cb74752f\/svm.py#L293-L303"}
{"nwo":"00nanhai\/captchacker2","sha":"7609141b51ff0cf3329608b8101df967cb74752f","path":"svmutil.py","language":"python","identifier":"svm_read_problem","parameters":"(data_file_name)","argument_list":"","return_statement":"return (prob_y, prob_x)","docstring":"svm_read_problem(data_file_name) -> [y, x]\n\n\tRead LIBSVM-format data from data_file_name and return labels y\n\tand data instances x.","docstring_summary":"svm_read_problem(data_file_name) -> [y, x]","docstring_tokens":["svm_read_problem","(","data_file_name",")","-",">","[","y","x","]"],"function":"def svm_read_problem(data_file_name):\n\t\"\"\"\n\tsvm_read_problem(data_file_name) -> [y, x]\n\n\tRead LIBSVM-format data from data_file_name and return labels y\n\tand data instances x.\n\t\"\"\"\n\tprob_y = []\n\tprob_x = []\n\tfor line in open(data_file_name):\n\t\tline = line.split(None, 1)\n\t\t# In case an instance with all zero features\n\t\tif len(line) == 1: line += ['']\n\t\tlabel, features = line\n\t\txi = {}\n\t\tfor e in features.split():\n\t\t\tind, val = e.split(\":\")\n\t\t\txi[int(ind)] = float(val)\n\t\tprob_y += [float(label)]\n\t\tprob_x += [xi]\n\treturn (prob_y, prob_x)","function_tokens":["def","svm_read_problem","(","data_file_name",")",":","prob_y","=","[","]","prob_x","=","[","]","for","line","in","open","(","data_file_name",")",":","line","=","line",".","split","(","None",",","1",")","# In case an instance with all zero features","if","len","(","line",")","==","1",":","line","+=","[","''","]","label",",","features","=","line","xi","=","{","}","for","e","in","features",".","split","(",")",":","ind",",","val","=","e",".","split","(","\":\"",")","xi","[","int","(","ind",")","]","=","float","(","val",")","prob_y","+=","[","float","(","label",")","]","prob_x","+=","[","xi","]","return","(","prob_y",",","prob_x",")"],"url":"https:\/\/github.com\/00nanhai\/captchacker2\/blob\/7609141b51ff0cf3329608b8101df967cb74752f\/svmutil.py#L14-L34"}
{"nwo":"00nanhai\/captchacker2","sha":"7609141b51ff0cf3329608b8101df967cb74752f","path":"svmutil.py","language":"python","identifier":"svm_load_model","parameters":"(model_file_name)","argument_list":"","return_statement":"return model","docstring":"svm_load_model(model_file_name) -> model\n\n\tLoad a LIBSVM model from model_file_name and return.","docstring_summary":"svm_load_model(model_file_name) -> model","docstring_tokens":["svm_load_model","(","model_file_name",")","-",">","model"],"function":"def svm_load_model(model_file_name):\n\t\"\"\"\n\tsvm_load_model(model_file_name) -> model\n\n\tLoad a LIBSVM model from model_file_name and return.\n\t\"\"\"\n\tmodel = libsvm.svm_load_model(model_file_name.encode())\n\tif not model:\n\t\tprint(\"can't open model file %s\" % model_file_name)\n\t\treturn None\n\tmodel = toPyModel(model)\n\treturn model","function_tokens":["def","svm_load_model","(","model_file_name",")",":","model","=","libsvm",".","svm_load_model","(","model_file_name",".","encode","(",")",")","if","not","model",":","print","(","\"can't open model file %s\"","%","model_file_name",")","return","None","model","=","toPyModel","(","model",")","return","model"],"url":"https:\/\/github.com\/00nanhai\/captchacker2\/blob\/7609141b51ff0cf3329608b8101df967cb74752f\/svmutil.py#L36-L47"}
{"nwo":"00nanhai\/captchacker2","sha":"7609141b51ff0cf3329608b8101df967cb74752f","path":"svmutil.py","language":"python","identifier":"svm_save_model","parameters":"(model_file_name, model)","argument_list":"","return_statement":"","docstring":"svm_save_model(model_file_name, model) -> None\n\n\tSave a LIBSVM model to the file model_file_name.","docstring_summary":"svm_save_model(model_file_name, model) -> None","docstring_tokens":["svm_save_model","(","model_file_name","model",")","-",">","None"],"function":"def svm_save_model(model_file_name, model):\n\t\"\"\"\n\tsvm_save_model(model_file_name, model) -> None\n\n\tSave a LIBSVM model to the file model_file_name.\n\t\"\"\"\n\tlibsvm.svm_save_model(model_file_name.encode(), model)","function_tokens":["def","svm_save_model","(","model_file_name",",","model",")",":","libsvm",".","svm_save_model","(","model_file_name",".","encode","(",")",",","model",")"],"url":"https:\/\/github.com\/00nanhai\/captchacker2\/blob\/7609141b51ff0cf3329608b8101df967cb74752f\/svmutil.py#L49-L55"}
{"nwo":"00nanhai\/captchacker2","sha":"7609141b51ff0cf3329608b8101df967cb74752f","path":"svmutil.py","language":"python","identifier":"evaluations","parameters":"(ty, pv)","argument_list":"","return_statement":"return (ACC, MSE, SCC)","docstring":"evaluations(ty, pv) -> (ACC, MSE, SCC)\n\n\tCalculate accuracy, mean squared error and squared correlation coefficient\n\tusing the true values (ty) and predicted values (pv).","docstring_summary":"evaluations(ty, pv) -> (ACC, MSE, SCC)","docstring_tokens":["evaluations","(","ty","pv",")","-",">","(","ACC","MSE","SCC",")"],"function":"def evaluations(ty, pv):\n\t\"\"\"\n\tevaluations(ty, pv) -> (ACC, MSE, SCC)\n\n\tCalculate accuracy, mean squared error and squared correlation coefficient\n\tusing the true values (ty) and predicted values (pv).\n\t\"\"\"\n\tif len(ty) != len(pv):\n\t\traise ValueError(\"len(ty) must equal to len(pv)\")\n\ttotal_correct = total_error = 0\n\tsumv = sumy = sumvv = sumyy = sumvy = 0\n\tfor v, y in zip(pv, ty):\n\t\tif y == v:\n\t\t\ttotal_correct += 1\n\t\ttotal_error += (v-y)*(v-y)\n\t\tsumv += v\n\t\tsumy += y\n\t\tsumvv += v*v\n\t\tsumyy += y*y\n\t\tsumvy += v*y\n\tl = len(ty)\n\tACC = 100.0*total_correct\/l\n\tMSE = total_error\/l\n\ttry:\n\t\tSCC = ((l*sumvy-sumv*sumy)*(l*sumvy-sumv*sumy))\/((l*sumvv-sumv*sumv)*(l*sumyy-sumy*sumy))\n\texcept:\n\t\tSCC = float('nan')\n\treturn (ACC, MSE, SCC)","function_tokens":["def","evaluations","(","ty",",","pv",")",":","if","len","(","ty",")","!=","len","(","pv",")",":","raise","ValueError","(","\"len(ty) must equal to len(pv)\"",")","total_correct","=","total_error","=","0","sumv","=","sumy","=","sumvv","=","sumyy","=","sumvy","=","0","for","v",",","y","in","zip","(","pv",",","ty",")",":","if","y","==","v",":","total_correct","+=","1","total_error","+=","(","v","-","y",")","*","(","v","-","y",")","sumv","+=","v","sumy","+=","y","sumvv","+=","v","*","v","sumyy","+=","y","*","y","sumvy","+=","v","*","y","l","=","len","(","ty",")","ACC","=","100.0","*","total_correct","\/","l","MSE","=","total_error","\/","l","try",":","SCC","=","(","(","l","*","sumvy","-","sumv","*","sumy",")","*","(","l","*","sumvy","-","sumv","*","sumy",")",")","\/","(","(","l","*","sumvv","-","sumv","*","sumv",")","*","(","l","*","sumyy","-","sumy","*","sumy",")",")","except",":","SCC","=","float","(","'nan'",")","return","(","ACC",",","MSE",",","SCC",")"],"url":"https:\/\/github.com\/00nanhai\/captchacker2\/blob\/7609141b51ff0cf3329608b8101df967cb74752f\/svmutil.py#L57-L84"}
{"nwo":"00nanhai\/captchacker2","sha":"7609141b51ff0cf3329608b8101df967cb74752f","path":"svmutil.py","language":"python","identifier":"svm_train","parameters":"(arg1, arg2=None, arg3=None)","argument_list":"","return_statement":"","docstring":"svm_train(y, x [, options]) -> model | ACC | MSE\n\tsvm_train(prob [, options]) -> model | ACC | MSE\n\tsvm_train(prob, param) -> model | ACC| MSE\n\n\tTrain an SVM model from data (y, x) or an svm_problem prob using\n\t'options' or an svm_parameter param.\n\tIf '-v' is specified in 'options' (i.e., cross validation)\n\teither accuracy (ACC) or mean-squared error (MSE) is returned.\n\toptions:\n\t -s svm_type : set type of SVM (default 0)\n\t 0 -- C-SVC\t\t(multi-class classification)\n\t 1 -- nu-SVC\t\t(multi-class classification)\n\t 2 -- one-class SVM\n\t 3 -- epsilon-SVR\t(regression)\n\t 4 -- nu-SVR\t\t(regression)\n\t -t kernel_type : set type of kernel function (default 2)\n\t 0 -- linear: u'*v\n\t 1 -- polynomial: (gamma*u'*v + coef0)^degree\n\t 2 -- radial basis function: exp(-gamma*|u-v|^2)\n\t 3 -- sigmoid: tanh(gamma*u'*v + coef0)\n\t 4 -- precomputed kernel (kernel values in training_set_file)\n\t -d degree : set degree in kernel function (default 3)\n\t -g gamma : set gamma in kernel function (default 1\/num_features)\n\t -r coef0 : set coef0 in kernel function (default 0)\n\t -c cost : set the parameter C of C-SVC, epsilon-SVR, and nu-SVR (default 1)\n\t -n nu : set the parameter nu of nu-SVC, one-class SVM, and nu-SVR (default 0.5)\n\t -p epsilon : set the epsilon in loss function of epsilon-SVR (default 0.1)\n\t -m cachesize : set cache memory size in MB (default 100)\n\t -e epsilon : set tolerance of termination criterion (default 0.001)\n\t -h shrinking : whether to use the shrinking heuristics, 0 or 1 (default 1)\n\t -b probability_estimates : whether to train a SVC or SVR model for probability estimates, 0 or 1 (default 0)\n\t -wi weight : set the parameter C of class i to weight*C, for C-SVC (default 1)\n\t -v n: n-fold cross validation mode\n\t -q : quiet mode (no outputs)","docstring_summary":"svm_train(y, x [, options]) -> model | ACC | MSE\n\tsvm_train(prob [, options]) -> model | ACC | MSE\n\tsvm_train(prob, param) -> model | ACC| MSE","docstring_tokens":["svm_train","(","y","x","[","options","]",")","-",">","model","|","ACC","|","MSE","svm_train","(","prob","[","options","]",")","-",">","model","|","ACC","|","MSE","svm_train","(","prob","param",")","-",">","model","|","ACC|","MSE"],"function":"def svm_train(arg1, arg2=None, arg3=None):\n\t\"\"\"\n\tsvm_train(y, x [, options]) -> model | ACC | MSE\n\tsvm_train(prob [, options]) -> model | ACC | MSE\n\tsvm_train(prob, param) -> model | ACC| MSE\n\n\tTrain an SVM model from data (y, x) or an svm_problem prob using\n\t'options' or an svm_parameter param.\n\tIf '-v' is specified in 'options' (i.e., cross validation)\n\teither accuracy (ACC) or mean-squared error (MSE) is returned.\n\toptions:\n\t -s svm_type : set type of SVM (default 0)\n\t 0 -- C-SVC\t\t(multi-class classification)\n\t 1 -- nu-SVC\t\t(multi-class classification)\n\t 2 -- one-class SVM\n\t 3 -- epsilon-SVR\t(regression)\n\t 4 -- nu-SVR\t\t(regression)\n\t -t kernel_type : set type of kernel function (default 2)\n\t 0 -- linear: u'*v\n\t 1 -- polynomial: (gamma*u'*v + coef0)^degree\n\t 2 -- radial basis function: exp(-gamma*|u-v|^2)\n\t 3 -- sigmoid: tanh(gamma*u'*v + coef0)\n\t 4 -- precomputed kernel (kernel values in training_set_file)\n\t -d degree : set degree in kernel function (default 3)\n\t -g gamma : set gamma in kernel function (default 1\/num_features)\n\t -r coef0 : set coef0 in kernel function (default 0)\n\t -c cost : set the parameter C of C-SVC, epsilon-SVR, and nu-SVR (default 1)\n\t -n nu : set the parameter nu of nu-SVC, one-class SVM, and nu-SVR (default 0.5)\n\t -p epsilon : set the epsilon in loss function of epsilon-SVR (default 0.1)\n\t -m cachesize : set cache memory size in MB (default 100)\n\t -e epsilon : set tolerance of termination criterion (default 0.001)\n\t -h shrinking : whether to use the shrinking heuristics, 0 or 1 (default 1)\n\t -b probability_estimates : whether to train a SVC or SVR model for probability estimates, 0 or 1 (default 0)\n\t -wi weight : set the parameter C of class i to weight*C, for C-SVC (default 1)\n\t -v n: n-fold cross validation mode\n\t -q : quiet mode (no outputs)\n\t\"\"\"\n\tprob, param = None, None\n\tif isinstance(arg1, (list, tuple)):\n\t\tassert isinstance(arg2, (list, tuple))\n\t\ty, x, options = arg1, arg2, arg3\n\t\tparam = svm_parameter(options)\n\t\tprob = svm_problem(y, x, isKernel=(param.kernel_type == PRECOMPUTED))\n\telif isinstance(arg1, svm_problem):\n\t\tprob = arg1\n\t\tif isinstance(arg2, svm_parameter):\n\t\t\tparam = arg2\n\t\telse:\n\t\t\tparam = svm_parameter(arg2)\n\tif prob == None or param == None:\n\t\traise TypeError(\"Wrong types for the arguments\")\n\n\tif param.kernel_type == PRECOMPUTED:\n\t\tfor xi in prob.x_space:\n\t\t\tidx, val = xi[0].index, xi[0].value\n\t\t\tif xi[0].index != 0:\n\t\t\t\traise ValueError('Wrong input format: first column must be 0:sample_serial_number')\n\t\t\tif val <= 0 or val > prob.n:\n\t\t\t\traise ValueError('Wrong input format: sample_serial_number out of range')\n\n\tif param.gamma == 0 and prob.n > 0:\n\t\tparam.gamma = 1.0 \/ prob.n\n\tlibsvm.svm_set_print_string_function(param.print_func)\n\terr_msg = libsvm.svm_check_parameter(prob, param)\n\tif err_msg:\n\t\traise ValueError('Error: %s' % err_msg)\n\n\tif param.cross_validation:\n\t\tl, nr_fold = prob.l, param.nr_fold\n\t\ttarget = (c_double * l)()\n\t\tlibsvm.svm_cross_validation(prob, param, nr_fold, target)\n\t\tACC, MSE, SCC = evaluations(prob.y[:l], target[:l])\n\t\tif param.svm_type in [EPSILON_SVR, NU_SVR]:\n\t\t\tprint(\"Cross Validation Mean squared error = %g\" % MSE)\n\t\t\tprint(\"Cross Validation Squared correlation coefficient = %g\" % SCC)\n\t\t\treturn MSE\n\t\telse:\n\t\t\tprint(\"Cross Validation Accuracy = %g%%\" % ACC)\n\t\t\treturn ACC\n\telse:\n\t\tm = libsvm.svm_train(prob, param)\n\t\tm = toPyModel(m)\n\n\t\t# If prob is destroyed, data including SVs pointed by m can remain.\n\t\tm.x_space = prob.x_space\n\t\treturn m","function_tokens":["def","svm_train","(","arg1",",","arg2","=","None",",","arg3","=","None",")",":","prob",",","param","=","None",",","None","if","isinstance","(","arg1",",","(","list",",","tuple",")",")",":","assert","isinstance","(","arg2",",","(","list",",","tuple",")",")","y",",","x",",","options","=","arg1",",","arg2",",","arg3","param","=","svm_parameter","(","options",")","prob","=","svm_problem","(","y",",","x",",","isKernel","=","(","param",".","kernel_type","==","PRECOMPUTED",")",")","elif","isinstance","(","arg1",",","svm_problem",")",":","prob","=","arg1","if","isinstance","(","arg2",",","svm_parameter",")",":","param","=","arg2","else",":","param","=","svm_parameter","(","arg2",")","if","prob","==","None","or","param","==","None",":","raise","TypeError","(","\"Wrong types for the arguments\"",")","if","param",".","kernel_type","==","PRECOMPUTED",":","for","xi","in","prob",".","x_space",":","idx",",","val","=","xi","[","0","]",".","index",",","xi","[","0","]",".","value","if","xi","[","0","]",".","index","!=","0",":","raise","ValueError","(","'Wrong input format: first column must be 0:sample_serial_number'",")","if","val","<=","0","or","val",">","prob",".","n",":","raise","ValueError","(","'Wrong input format: sample_serial_number out of range'",")","if","param",".","gamma","==","0","and","prob",".","n",">","0",":","param",".","gamma","=","1.0","\/","prob",".","n","libsvm",".","svm_set_print_string_function","(","param",".","print_func",")","err_msg","=","libsvm",".","svm_check_parameter","(","prob",",","param",")","if","err_msg",":","raise","ValueError","(","'Error: %s'","%","err_msg",")","if","param",".","cross_validation",":","l",",","nr_fold","=","prob",".","l",",","param",".","nr_fold","target","=","(","c_double","*","l",")","(",")","libsvm",".","svm_cross_validation","(","prob",",","param",",","nr_fold",",","target",")","ACC",",","MSE",",","SCC","=","evaluations","(","prob",".","y","[",":","l","]",",","target","[",":","l","]",")","if","param",".","svm_type","in","[","EPSILON_SVR",",","NU_SVR","]",":","print","(","\"Cross Validation Mean squared error = %g\"","%","MSE",")","print","(","\"Cross Validation Squared correlation coefficient = %g\"","%","SCC",")","return","MSE","else",":","print","(","\"Cross Validation Accuracy = %g%%\"","%","ACC",")","return","ACC","else",":","m","=","libsvm",".","svm_train","(","prob",",","param",")","m","=","toPyModel","(","m",")","# If prob is destroyed, data including SVs pointed by m can remain.","m",".","x_space","=","prob",".","x_space","return","m"],"url":"https:\/\/github.com\/00nanhai\/captchacker2\/blob\/7609141b51ff0cf3329608b8101df967cb74752f\/svmutil.py#L86-L171"}
{"nwo":"00nanhai\/captchacker2","sha":"7609141b51ff0cf3329608b8101df967cb74752f","path":"svmutil.py","language":"python","identifier":"svm_predict","parameters":"(y, x, m, options=\"\")","argument_list":"","return_statement":"return pred_labels, (ACC, MSE, SCC), pred_values","docstring":"svm_predict(y, x, m [, options]) -> (p_labels, p_acc, p_vals)\n\n\tPredict data (y, x) with the SVM model m.\n\toptions:\n\t -b probability_estimates: whether to predict probability estimates,\n\t 0 or 1 (default 0); for one-class SVM only 0 is supported.\n\t -q : quiet mode (no outputs).\n\n\tThe return tuple contains\n\tp_labels: a list of predicted labels\n\tp_acc: a tuple including accuracy (for classification), mean-squared\n\t error, and squared correlation coefficient (for regression).\n\tp_vals: a list of decision values or probability estimates (if '-b 1'\n\t is specified). If k is the number of classes, for decision values,\n\t each element includes results of predicting k(k-1)\/2 binary-class\n\t SVMs. For probabilities, each element contains k values indicating\n\t the probability that the testing instance is in each class.\n\t Note that the order of classes here is the same as 'model.label'\n\t field in the model structure.","docstring_summary":"svm_predict(y, x, m [, options]) -> (p_labels, p_acc, p_vals)","docstring_tokens":["svm_predict","(","y","x","m","[","options","]",")","-",">","(","p_labels","p_acc","p_vals",")"],"function":"def svm_predict(y, x, m, options=\"\"):\n\t\"\"\"\n\tsvm_predict(y, x, m [, options]) -> (p_labels, p_acc, p_vals)\n\n\tPredict data (y, x) with the SVM model m.\n\toptions:\n\t -b probability_estimates: whether to predict probability estimates,\n\t 0 or 1 (default 0); for one-class SVM only 0 is supported.\n\t -q : quiet mode (no outputs).\n\n\tThe return tuple contains\n\tp_labels: a list of predicted labels\n\tp_acc: a tuple including accuracy (for classification), mean-squared\n\t error, and squared correlation coefficient (for regression).\n\tp_vals: a list of decision values or probability estimates (if '-b 1'\n\t is specified). If k is the number of classes, for decision values,\n\t each element includes results of predicting k(k-1)\/2 binary-class\n\t SVMs. For probabilities, each element contains k values indicating\n\t the probability that the testing instance is in each class.\n\t Note that the order of classes here is the same as 'model.label'\n\t field in the model structure.\n\t\"\"\"\n\n\tdef info(s):\n\t\tprint(s)\n\n\tpredict_probability = 0\n\targv = options.split()\n\ti = 0\n\twhile i < len(argv):\n\t\tif argv[i] == '-b':\n\t\t\ti += 1\n\t\t\tpredict_probability = int(argv[i])\n\t\telif argv[i] == '-q':\n\t\t\tinfo = print_null\n\t\telse:\n\t\t\traise ValueError(\"Wrong options\")\n\t\ti+=1\n\n\tsvm_type = m.get_svm_type()\n\tis_prob_model = m.is_probability_model()\n\tnr_class = m.get_nr_class()\n\tpred_labels = []\n\tpred_values = []\n\n\tif predict_probability:\n\t\tif not is_prob_model:\n\t\t\traise ValueError(\"Model does not support probabiliy estimates\")\n\n\t\tif svm_type in [NU_SVR, EPSILON_SVR]:\n\t\t\tinfo(\"Prob. model for test data: target value = predicted value + z,\\n\"\n\t\t\t\"z: Laplace distribution e^(-|z|\/sigma)\/(2sigma),sigma=%g\" % m.get_svr_probability());\n\t\t\tnr_class = 0\n\n\t\tprob_estimates = (c_double * nr_class)()\n\t\tfor xi in x:\n\t\t\txi, idx = gen_svm_nodearray(xi, isKernel=(m.param.kernel_type == PRECOMPUTED))\n\t\t\tlabel = libsvm.svm_predict_probability(m, xi, prob_estimates)\n\t\t\tvalues = prob_estimates[:nr_class]\n\t\t\tpred_labels += [label]\n\t\t\tpred_values += [values]\n\telse:\n\t\tif is_prob_model:\n\t\t\tinfo(\"Model supports probability estimates, but disabled in predicton.\")\n\t\tif svm_type in (ONE_CLASS, EPSILON_SVR, NU_SVC):\n\t\t\tnr_classifier = 1\n\t\telse:\n\t\t\tnr_classifier = nr_class*(nr_class-1)\/\/2\n\t\tdec_values = (c_double * nr_classifier)()\n\t\tfor xi in x:\n\t\t\txi, idx = gen_svm_nodearray(xi, isKernel=(m.param.kernel_type == PRECOMPUTED))\n\t\t\tlabel = libsvm.svm_predict_values(m, xi, dec_values)\n\t\t\tif(nr_class == 1):\n\t\t\t\tvalues = [1]\n\t\t\telse:\n\t\t\t\tvalues = dec_values[:nr_classifier]\n\t\t\tpred_labels += [label]\n\t\t\tpred_values += [values]\n\n\tACC, MSE, SCC = evaluations(y, pred_labels)\n\tl = len(y)\n\tif svm_type in [EPSILON_SVR, NU_SVR]:\n\t\tinfo(\"Mean squared error = %g (regression)\" % MSE)\n\t\tinfo(\"Squared correlation coefficient = %g (regression)\" % SCC)\n\telse:\n\t\tinfo(\"Accuracy = %g%% (%d\/%d) (classification)\" % (ACC, int(l*ACC\/100), l))\n\n\treturn pred_labels, (ACC, MSE, SCC), pred_values","function_tokens":["def","svm_predict","(","y",",","x",",","m",",","options","=","\"\"",")",":","def","info","(","s",")",":","print","(","s",")","predict_probability","=","0","argv","=","options",".","split","(",")","i","=","0","while","i","<","len","(","argv",")",":","if","argv","[","i","]","==","'-b'",":","i","+=","1","predict_probability","=","int","(","argv","[","i","]",")","elif","argv","[","i","]","==","'-q'",":","info","=","print_null","else",":","raise","ValueError","(","\"Wrong options\"",")","i","+=","1","svm_type","=","m",".","get_svm_type","(",")","is_prob_model","=","m",".","is_probability_model","(",")","nr_class","=","m",".","get_nr_class","(",")","pred_labels","=","[","]","pred_values","=","[","]","if","predict_probability",":","if","not","is_prob_model",":","raise","ValueError","(","\"Model does not support probabiliy estimates\"",")","if","svm_type","in","[","NU_SVR",",","EPSILON_SVR","]",":","info","(","\"Prob. model for test data: target value = predicted value + z,\\n\"","\"z: Laplace distribution e^(-|z|\/sigma)\/(2sigma),sigma=%g\"","%","m",".","get_svr_probability","(",")",")","nr_class","=","0","prob_estimates","=","(","c_double","*","nr_class",")","(",")","for","xi","in","x",":","xi",",","idx","=","gen_svm_nodearray","(","xi",",","isKernel","=","(","m",".","param",".","kernel_type","==","PRECOMPUTED",")",")","label","=","libsvm",".","svm_predict_probability","(","m",",","xi",",","prob_estimates",")","values","=","prob_estimates","[",":","nr_class","]","pred_labels","+=","[","label","]","pred_values","+=","[","values","]","else",":","if","is_prob_model",":","info","(","\"Model supports probability estimates, but disabled in predicton.\"",")","if","svm_type","in","(","ONE_CLASS",",","EPSILON_SVR",",","NU_SVC",")",":","nr_classifier","=","1","else",":","nr_classifier","=","nr_class","*","(","nr_class","-","1",")","\/\/","2","dec_values","=","(","c_double","*","nr_classifier",")","(",")","for","xi","in","x",":","xi",",","idx","=","gen_svm_nodearray","(","xi",",","isKernel","=","(","m",".","param",".","kernel_type","==","PRECOMPUTED",")",")","label","=","libsvm",".","svm_predict_values","(","m",",","xi",",","dec_values",")","if","(","nr_class","==","1",")",":","values","=","[","1","]","else",":","values","=","dec_values","[",":","nr_classifier","]","pred_labels","+=","[","label","]","pred_values","+=","[","values","]","ACC",",","MSE",",","SCC","=","evaluations","(","y",",","pred_labels",")","l","=","len","(","y",")","if","svm_type","in","[","EPSILON_SVR",",","NU_SVR","]",":","info","(","\"Mean squared error = %g (regression)\"","%","MSE",")","info","(","\"Squared correlation coefficient = %g (regression)\"","%","SCC",")","else",":","info","(","\"Accuracy = %g%% (%d\/%d) (classification)\"","%","(","ACC",",","int","(","l","*","ACC","\/","100",")",",","l",")",")","return","pred_labels",",","(","ACC",",","MSE",",","SCC",")",",","pred_values"],"url":"https:\/\/github.com\/00nanhai\/captchacker2\/blob\/7609141b51ff0cf3329608b8101df967cb74752f\/svmutil.py#L173-L260"}
{"nwo":"00nanhai\/captchacker2","sha":"7609141b51ff0cf3329608b8101df967cb74752f","path":"pycaptcha\/modpython_example.py","language":"python","identifier":"test","parameters":"(req, name=Tests.__all__[0])","argument_list":"","return_statement":"return \"\"\"<html>\n<head>\n<title>PyCAPTCHA Example<\/title>\n<\/head>\n<body>\n<h1>PyCAPTCHA Example (for mod_python)<\/h1>\n<p>\n <b>%s<\/b>:\n %s\n<\/p>\n\n<p><img src=\"image?id=%s\"\/><\/p>\n<p>\n <form action=\"solution\" method=\"get\">\n Enter the word shown:\n <input type=\"text\" name=\"word\"\/>\n <input type=\"hidden\" name=\"id\" value=\"%s\"\/>\n <\/form>\n<\/p>\n\n<p>\nOr try...\n<ul>\n%s\n<\/ul>\n<\/p>\n\n<\/body>\n<\/html>\n\"\"\" % (test.__class__.__name__, test.__doc__, test.id, test.id, others)","docstring":"Show a newly generated CAPTCHA of the given class.\n Default is the first class name given in Tests.__all__","docstring_summary":"Show a newly generated CAPTCHA of the given class.\n Default is the first class name given in Tests.__all__","docstring_tokens":["Show","a","newly","generated","CAPTCHA","of","the","given","class",".","Default","is","the","first","class","name","given","in","Tests",".","__all__"],"function":"def test(req, name=Tests.__all__[0]):\n \"\"\"Show a newly generated CAPTCHA of the given class.\n Default is the first class name given in Tests.__all__\n \"\"\"\n test = _getFactory(req).new(getattr(Tests, name))\n\n # Make a list of tests other than the one we're using\n others = []\n for t in Tests.__all__:\n if t != name:\n others.append('<li><a href=\"?name=%s\">%s<\/a><\/li>' % (t,t))\n others = \"\\n\".join(others)\n\n return \"\"\"<html>\n<head>\n<title>PyCAPTCHA Example<\/title>\n<\/head>\n<body>\n<h1>PyCAPTCHA Example (for mod_python)<\/h1>\n<p>\n <b>%s<\/b>:\n %s\n<\/p>\n\n<p><img src=\"image?id=%s\"\/><\/p>\n<p>\n <form action=\"solution\" method=\"get\">\n Enter the word shown:\n <input type=\"text\" name=\"word\"\/>\n <input type=\"hidden\" name=\"id\" value=\"%s\"\/>\n <\/form>\n<\/p>\n\n<p>\nOr try...\n<ul>\n%s\n<\/ul>\n<\/p>\n\n<\/body>\n<\/html>\n\"\"\" % (test.__class__.__name__, test.__doc__, test.id, test.id, others)","function_tokens":["def","test","(","req",",","name","=","Tests",".","__all__","[","0","]",")",":","test","=","_getFactory","(","req",")",".","new","(","getattr","(","Tests",",","name",")",")","# Make a list of tests other than the one we're using","others","=","[","]","for","t","in","Tests",".","__all__",":","if","t","!=","name",":","others",".","append","(","'<li><a href=\"?name=%s\">%s<\/a><\/li>'","%","(","t",",","t",")",")","others","=","\"\\n\"",".","join","(","others",")","return","\"\"\"<html>\n<head>\n<title>PyCAPTCHA Example<\/title>\n<\/head>\n<body>\n<h1>PyCAPTCHA Example (for mod_python)<\/h1>\n<p>\n <b>%s<\/b>:\n %s\n<\/p>\n\n<p><img src=\"image?id=%s\"\/><\/p>\n<p>\n <form action=\"solution\" method=\"get\">\n Enter the word shown:\n <input type=\"text\" name=\"word\"\/>\n <input type=\"hidden\" name=\"id\" value=\"%s\"\/>\n <\/form>\n<\/p>\n\n<p>\nOr try...\n<ul>\n%s\n<\/ul>\n<\/p>\n\n<\/body>\n<\/html>\n\"\"\"","%","(","test",".","__class__",".","__name__",",","test",".","__doc__",",","test",".","id",",","test",".","id",",","others",")"],"url":"https:\/\/github.com\/00nanhai\/captchacker2\/blob\/7609141b51ff0cf3329608b8101df967cb74752f\/pycaptcha\/modpython_example.py#L27-L69"}
{"nwo":"00nanhai\/captchacker2","sha":"7609141b51ff0cf3329608b8101df967cb74752f","path":"pycaptcha\/modpython_example.py","language":"python","identifier":"image","parameters":"(req, id)","argument_list":"","return_statement":"return apache.OK","docstring":"Generate an image for the CAPTCHA with the given ID string","docstring_summary":"Generate an image for the CAPTCHA with the given ID string","docstring_tokens":["Generate","an","image","for","the","CAPTCHA","with","the","given","ID","string"],"function":"def image(req, id):\n \"\"\"Generate an image for the CAPTCHA with the given ID string\"\"\"\n test = _getFactory(req).get(id)\n if not test:\n raise apache.SERVER_RETURN, apache.HTTP_NOT_FOUND\n req.content_type = \"image\/jpeg\"\n test.render().save(req, \"JPEG\")\n return apache.OK","function_tokens":["def","image","(","req",",","id",")",":","test","=","_getFactory","(","req",")",".","get","(","id",")","if","not","test",":","raise","apache",".","SERVER_RETURN",",","apache",".","HTTP_NOT_FOUND","req",".","content_type","=","\"image\/jpeg\"","test",".","render","(",")",".","save","(","req",",","\"JPEG\"",")","return","apache",".","OK"],"url":"https:\/\/github.com\/00nanhai\/captchacker2\/blob\/7609141b51ff0cf3329608b8101df967cb74752f\/pycaptcha\/modpython_example.py#L72-L79"}
{"nwo":"00nanhai\/captchacker2","sha":"7609141b51ff0cf3329608b8101df967cb74752f","path":"pycaptcha\/modpython_example.py","language":"python","identifier":"solution","parameters":"(req, id, word)","argument_list":"","return_statement":"return \"\"\"<html>\n<head>\n<title>PyCAPTCHA Example<\/title>\n<\/head>\n<body>\n<h1>PyCAPTCHA Example<\/h1>\n<h2>%s<\/h2>\n<p><img src=\"image?id=%s\"\/><\/p>\n<p><b>%s<\/b><\/p>\n<p>You guessed: %s<\/p>\n<p>Possible solutions: %s<\/p>\n<p><a href=\"test\">Try again<\/a><\/p>\n<\/body>\n<\/html>\n\"\"\" % (test.__class__.__name__, test.id, result, word, \", \".join(test.solutions))","docstring":"Grade a CAPTCHA given a solution word","docstring_summary":"Grade a CAPTCHA given a solution word","docstring_tokens":["Grade","a","CAPTCHA","given","a","solution","word"],"function":"def solution(req, id, word):\n \"\"\"Grade a CAPTCHA given a solution word\"\"\"\n test = _getFactory(req).get(id)\n if not test:\n raise apache.SERVER_RETURN, apache.HTTP_NOT_FOUND\n\n if not test.valid:\n # Invalid tests will always return False, to prevent\n # random trial-and-error attacks. This could be confusing to a user...\n result = \"Test invalidated, try another test\"\n elif test.testSolutions([word]):\n result = \"Correct\"\n else:\n result = \"Incorrect\"\n\n return \"\"\"<html>\n<head>\n<title>PyCAPTCHA Example<\/title>\n<\/head>\n<body>\n<h1>PyCAPTCHA Example<\/h1>\n<h2>%s<\/h2>\n<p><img src=\"image?id=%s\"\/><\/p>\n<p><b>%s<\/b><\/p>\n<p>You guessed: %s<\/p>\n<p>Possible solutions: %s<\/p>\n<p><a href=\"test\">Try again<\/a><\/p>\n<\/body>\n<\/html>\n\"\"\" % (test.__class__.__name__, test.id, result, word, \", \".join(test.solutions))","function_tokens":["def","solution","(","req",",","id",",","word",")",":","test","=","_getFactory","(","req",")",".","get","(","id",")","if","not","test",":","raise","apache",".","SERVER_RETURN",",","apache",".","HTTP_NOT_FOUND","if","not","test",".","valid",":","# Invalid tests will always return False, to prevent","# random trial-and-error attacks. This could be confusing to a user...","result","=","\"Test invalidated, try another test\"","elif","test",".","testSolutions","(","[","word","]",")",":","result","=","\"Correct\"","else",":","result","=","\"Incorrect\"","return","\"\"\"<html>\n<head>\n<title>PyCAPTCHA Example<\/title>\n<\/head>\n<body>\n<h1>PyCAPTCHA Example<\/h1>\n<h2>%s<\/h2>\n<p><img src=\"image?id=%s\"\/><\/p>\n<p><b>%s<\/b><\/p>\n<p>You guessed: %s<\/p>\n<p>Possible solutions: %s<\/p>\n<p><a href=\"test\">Try again<\/a><\/p>\n<\/body>\n<\/html>\n\"\"\"","%","(","test",".","__class__",".","__name__",",","test",".","id",",","result",",","word",",","\", \"",".","join","(","test",".","solutions",")",")"],"url":"https:\/\/github.com\/00nanhai\/captchacker2\/blob\/7609141b51ff0cf3329608b8101df967cb74752f\/pycaptcha\/modpython_example.py#L82-L111"}
{"nwo":"00nanhai\/captchacker2","sha":"7609141b51ff0cf3329608b8101df967cb74752f","path":"pycaptcha\/Captcha\/Words.py","language":"python","identifier":"WordList.read","parameters":"(self)","argument_list":"","return_statement":"","docstring":"Read words from disk","docstring_summary":"Read words from disk","docstring_tokens":["Read","words","from","disk"],"function":"def read(self):\n \"\"\"Read words from disk\"\"\"\n f = open(os.path.join(File.dataDir, \"words\", self.fileName))\n\n self.words = []\n for line in f.xreadlines():\n line = line.strip()\n if not line:\n continue\n if line[0] == '#':\n continue\n for word in line.split():\n if self.minLength is not None and len(word) < self.minLength:\n continue\n if self.maxLength is not None and len(word) > self.maxLength:\n continue\n self.words.append(word)","function_tokens":["def","read","(","self",")",":","f","=","open","(","os",".","path",".","join","(","File",".","dataDir",",","\"words\"",",","self",".","fileName",")",")","self",".","words","=","[","]","for","line","in","f",".","xreadlines","(",")",":","line","=","line",".","strip","(",")","if","not","line",":","continue","if","line","[","0","]","==","'#'",":","continue","for","word","in","line",".","split","(",")",":","if","self",".","minLength","is","not","None","and","len","(","word",")","<","self",".","minLength",":","continue","if","self",".","maxLength","is","not","None","and","len","(","word",")",">","self",".","maxLength",":","continue","self",".","words",".","append","(","word",")"],"url":"https:\/\/github.com\/00nanhai\/captchacker2\/blob\/7609141b51ff0cf3329608b8101df967cb74752f\/pycaptcha\/Captcha\/Words.py#L26-L42"}
{"nwo":"00nanhai\/captchacker2","sha":"7609141b51ff0cf3329608b8101df967cb74752f","path":"pycaptcha\/Captcha\/Words.py","language":"python","identifier":"WordList.pick","parameters":"(self)","argument_list":"","return_statement":"return random.choice(self.words)","docstring":"Pick a random word from the list, reading it in if necessary","docstring_summary":"Pick a random word from the list, reading it in if necessary","docstring_tokens":["Pick","a","random","word","from","the","list","reading","it","in","if","necessary"],"function":"def pick(self):\n \"\"\"Pick a random word from the list, reading it in if necessary\"\"\"\n if self.words is None:\n self.read()\n return random.choice(self.words)","function_tokens":["def","pick","(","self",")",":","if","self",".","words","is","None",":","self",".","read","(",")","return","random",".","choice","(","self",".","words",")"],"url":"https:\/\/github.com\/00nanhai\/captchacker2\/blob\/7609141b51ff0cf3329608b8101df967cb74752f\/pycaptcha\/Captcha\/Words.py#L44-L48"}
{"nwo":"00nanhai\/captchacker2","sha":"7609141b51ff0cf3329608b8101df967cb74752f","path":"pycaptcha\/Captcha\/Base.py","language":"python","identifier":"BaseCaptcha.testSolutions","parameters":"(self, solutions)","argument_list":"","return_statement":"return numCorrect >= self.minCorrectSolutions and \\\n numIncorrect <= self.maxIncorrectSolutions","docstring":"Test whether the given solutions are sufficient for this CAPTCHA.\n A given CAPTCHA can only be tested once, after that it is invalid\n and always returns False. This makes random guessing much less effective.","docstring_summary":"Test whether the given solutions are sufficient for this CAPTCHA.\n A given CAPTCHA can only be tested once, after that it is invalid\n and always returns False. This makes random guessing much less effective.","docstring_tokens":["Test","whether","the","given","solutions","are","sufficient","for","this","CAPTCHA",".","A","given","CAPTCHA","can","only","be","tested","once","after","that","it","is","invalid","and","always","returns","False",".","This","makes","random","guessing","much","less","effective","."],"function":"def testSolutions(self, solutions):\n \"\"\"Test whether the given solutions are sufficient for this CAPTCHA.\n A given CAPTCHA can only be tested once, after that it is invalid\n and always returns False. This makes random guessing much less effective.\n \"\"\"\n if not self.valid:\n return False\n self.valid = False\n\n numCorrect = 0\n numIncorrect = 0\n\n for solution in solutions:\n if solution in self.solutions:\n numCorrect += 1\n else:\n numIncorrect += 1\n\n return numCorrect >= self.minCorrectSolutions and \\\n numIncorrect <= self.maxIncorrectSolutions","function_tokens":["def","testSolutions","(","self",",","solutions",")",":","if","not","self",".","valid",":","return","False","self",".","valid","=","False","numCorrect","=","0","numIncorrect","=","0","for","solution","in","solutions",":","if","solution","in","self",".","solutions",":","numCorrect","+=","1","else",":","numIncorrect","+=","1","return","numCorrect",">=","self",".","minCorrectSolutions","and","numIncorrect","<=","self",".","maxIncorrectSolutions"],"url":"https:\/\/github.com\/00nanhai\/captchacker2\/blob\/7609141b51ff0cf3329608b8101df967cb74752f\/pycaptcha\/Captcha\/Base.py#L45-L64"}
{"nwo":"00nanhai\/captchacker2","sha":"7609141b51ff0cf3329608b8101df967cb74752f","path":"pycaptcha\/Captcha\/Base.py","language":"python","identifier":"Factory.new","parameters":"(self, cls, *args, **kwargs)","argument_list":"","return_statement":"return inst","docstring":"Create a new instance of our assigned BaseCaptcha subclass, passing\n it any extra arguments we're given. This stores the result for\n later testing.","docstring_summary":"Create a new instance of our assigned BaseCaptcha subclass, passing\n it any extra arguments we're given. This stores the result for\n later testing.","docstring_tokens":["Create","a","new","instance","of","our","assigned","BaseCaptcha","subclass","passing","it","any","extra","arguments","we","re","given",".","This","stores","the","result","for","later","testing","."],"function":"def new(self, cls, *args, **kwargs):\n \"\"\"Create a new instance of our assigned BaseCaptcha subclass, passing\n it any extra arguments we're given. This stores the result for\n later testing.\n \"\"\"\n self.clean()\n inst = cls(*args, **kwargs)\n self.storedInstances[inst.id] = inst\n return inst","function_tokens":["def","new","(","self",",","cls",",","*","args",",","*","*","kwargs",")",":","self",".","clean","(",")","inst","=","cls","(","*","args",",","*","*","kwargs",")","self",".","storedInstances","[","inst",".","id","]","=","inst","return","inst"],"url":"https:\/\/github.com\/00nanhai\/captchacker2\/blob\/7609141b51ff0cf3329608b8101df967cb74752f\/pycaptcha\/Captcha\/Base.py#L76-L84"}
{"nwo":"00nanhai\/captchacker2","sha":"7609141b51ff0cf3329608b8101df967cb74752f","path":"pycaptcha\/Captcha\/Base.py","language":"python","identifier":"Factory.get","parameters":"(self, id)","argument_list":"","return_statement":"return self.storedInstances.get(id)","docstring":"Retrieve the CAPTCHA with the given ID. If it's expired already,\n this will return None. A typical web application will need to\n new() a CAPTCHA when generating an html page, then get() it later\n when its images or sounds must be rendered.","docstring_summary":"Retrieve the CAPTCHA with the given ID. If it's expired already,\n this will return None. A typical web application will need to\n new() a CAPTCHA when generating an html page, then get() it later\n when its images or sounds must be rendered.","docstring_tokens":["Retrieve","the","CAPTCHA","with","the","given","ID",".","If","it","s","expired","already","this","will","return","None",".","A","typical","web","application","will","need","to","new","()","a","CAPTCHA","when","generating","an","html","page","then","get","()","it","later","when","its","images","or","sounds","must","be","rendered","."],"function":"def get(self, id):\n \"\"\"Retrieve the CAPTCHA with the given ID. If it's expired already,\n this will return None. A typical web application will need to\n new() a CAPTCHA when generating an html page, then get() it later\n when its images or sounds must be rendered.\n \"\"\"\n return self.storedInstances.get(id)","function_tokens":["def","get","(","self",",","id",")",":","return","self",".","storedInstances",".","get","(","id",")"],"url":"https:\/\/github.com\/00nanhai\/captchacker2\/blob\/7609141b51ff0cf3329608b8101df967cb74752f\/pycaptcha\/Captcha\/Base.py#L86-L92"}
{"nwo":"00nanhai\/captchacker2","sha":"7609141b51ff0cf3329608b8101df967cb74752f","path":"pycaptcha\/Captcha\/Base.py","language":"python","identifier":"Factory.clean","parameters":"(self)","argument_list":"","return_statement":"","docstring":"Removed expired tests","docstring_summary":"Removed expired tests","docstring_tokens":["Removed","expired","tests"],"function":"def clean(self):\n \"\"\"Removed expired tests\"\"\"\n expiredIds = []\n now = time.time()\n for inst in self.storedInstances.itervalues():\n if inst.creationTime + self.lifetime < now:\n expiredIds.append(inst.id)\n for id in expiredIds:\n del self.storedInstances[id]","function_tokens":["def","clean","(","self",")",":","expiredIds","=","[","]","now","=","time",".","time","(",")","for","inst","in","self",".","storedInstances",".","itervalues","(",")",":","if","inst",".","creationTime","+","self",".","lifetime","<","now",":","expiredIds",".","append","(","inst",".","id",")","for","id","in","expiredIds",":","del","self",".","storedInstances","[","id","]"],"url":"https:\/\/github.com\/00nanhai\/captchacker2\/blob\/7609141b51ff0cf3329608b8101df967cb74752f\/pycaptcha\/Captcha\/Base.py#L94-L102"}
{"nwo":"00nanhai\/captchacker2","sha":"7609141b51ff0cf3329608b8101df967cb74752f","path":"pycaptcha\/Captcha\/Base.py","language":"python","identifier":"Factory.test","parameters":"(self, id, solutions)","argument_list":"","return_statement":"return result","docstring":"Test the given list of solutions against the BaseCaptcha instance\n created earlier with the given id. Returns True if the test passed,\n False on failure. In either case, the test is invalidated. Returns\n False in the case of an invalid id.","docstring_summary":"Test the given list of solutions against the BaseCaptcha instance\n created earlier with the given id. Returns True if the test passed,\n False on failure. In either case, the test is invalidated. Returns\n False in the case of an invalid id.","docstring_tokens":["Test","the","given","list","of","solutions","against","the","BaseCaptcha","instance","created","earlier","with","the","given","id",".","Returns","True","if","the","test","passed","False","on","failure",".","In","either","case","the","test","is","invalidated",".","Returns","False","in","the","case","of","an","invalid","id","."],"function":"def test(self, id, solutions):\n \"\"\"Test the given list of solutions against the BaseCaptcha instance\n created earlier with the given id. Returns True if the test passed,\n False on failure. In either case, the test is invalidated. Returns\n False in the case of an invalid id.\n \"\"\"\n self.clean()\n inst = self.storedInstances.get(id)\n if not inst:\n return False\n result = inst.testSolutions(solutions)\n return result","function_tokens":["def","test","(","self",",","id",",","solutions",")",":","self",".","clean","(",")","inst","=","self",".","storedInstances",".","get","(","id",")","if","not","inst",":","return","False","result","=","inst",".","testSolutions","(","solutions",")","return","result"],"url":"https:\/\/github.com\/00nanhai\/captchacker2\/blob\/7609141b51ff0cf3329608b8101df967cb74752f\/pycaptcha\/Captcha\/Base.py#L104-L115"}
{"nwo":"00nanhai\/captchacker2","sha":"7609141b51ff0cf3329608b8101df967cb74752f","path":"pycaptcha\/Captcha\/File.py","language":"python","identifier":"RandomFileFactory._checkExtension","parameters":"(self, name)","argument_list":"","return_statement":"return False","docstring":"Check the file against our given list of extensions","docstring_summary":"Check the file against our given list of extensions","docstring_tokens":["Check","the","file","against","our","given","list","of","extensions"],"function":"def _checkExtension(self, name):\n \"\"\"Check the file against our given list of extensions\"\"\"\n for ext in self.extensions:\n if name.endswith(ext):\n return True\n return False","function_tokens":["def","_checkExtension","(","self",",","name",")",":","for","ext","in","self",".","extensions",":","if","name",".","endswith","(","ext",")",":","return","True","return","False"],"url":"https:\/\/github.com\/00nanhai\/captchacker2\/blob\/7609141b51ff0cf3329608b8101df967cb74752f\/pycaptcha\/Captcha\/File.py#L28-L33"}
{"nwo":"00nanhai\/captchacker2","sha":"7609141b51ff0cf3329608b8101df967cb74752f","path":"pycaptcha\/Captcha\/File.py","language":"python","identifier":"RandomFileFactory._findFullPaths","parameters":"(self)","argument_list":"","return_statement":"return paths","docstring":"From our given file list, find a list of full paths to files","docstring_summary":"From our given file list, find a list of full paths to files","docstring_tokens":["From","our","given","file","list","find","a","list","of","full","paths","to","files"],"function":"def _findFullPaths(self):\n \"\"\"From our given file list, find a list of full paths to files\"\"\"\n paths = []\n for name in self.fileList:\n path = os.path.join(dataDir, self.basePath, name)\n if os.path.isdir(path):\n for content in os.listdir(path):\n if self._checkExtension(content):\n paths.append(os.path.join(path, content))\n else:\n paths.append(path)\n return paths","function_tokens":["def","_findFullPaths","(","self",")",":","paths","=","[","]","for","name","in","self",".","fileList",":","path","=","os",".","path",".","join","(","dataDir",",","self",".","basePath",",","name",")","if","os",".","path",".","isdir","(","path",")",":","for","content","in","os",".","listdir","(","path",")",":","if","self",".","_checkExtension","(","content",")",":","paths",".","append","(","os",".","path",".","join","(","path",",","content",")",")","else",":","paths",".","append","(","path",")","return","paths"],"url":"https:\/\/github.com\/00nanhai\/captchacker2\/blob\/7609141b51ff0cf3329608b8101df967cb74752f\/pycaptcha\/Captcha\/File.py#L35-L46"}
{"nwo":"00nanhai\/captchacker2","sha":"7609141b51ff0cf3329608b8101df967cb74752f","path":"pycaptcha\/Captcha\/Visual\/Base.py","language":"python","identifier":"ImageCaptcha.getImage","parameters":"(self)","argument_list":"","return_statement":"return self._image","docstring":"Get a PIL image representing this CAPTCHA test, creating it if necessary","docstring_summary":"Get a PIL image representing this CAPTCHA test, creating it if necessary","docstring_tokens":["Get","a","PIL","image","representing","this","CAPTCHA","test","creating","it","if","necessary"],"function":"def getImage(self):\n \"\"\"Get a PIL image representing this CAPTCHA test, creating it if necessary\"\"\"\n if not self._image:\n self._image = self.render()\n return self._image","function_tokens":["def","getImage","(","self",")",":","if","not","self",".","_image",":","self",".","_image","=","self",".","render","(",")","return","self",".","_image"],"url":"https:\/\/github.com\/00nanhai\/captchacker2\/blob\/7609141b51ff0cf3329608b8101df967cb74752f\/pycaptcha\/Captcha\/Visual\/Base.py#L29-L33"}
{"nwo":"00nanhai\/captchacker2","sha":"7609141b51ff0cf3329608b8101df967cb74752f","path":"pycaptcha\/Captcha\/Visual\/Base.py","language":"python","identifier":"ImageCaptcha.getLayers","parameters":"(self)","argument_list":"","return_statement":"return []","docstring":"Subclasses must override this to return a list of Layer instances to render.\n Lists within the list of layers are recursively rendered.","docstring_summary":"Subclasses must override this to return a list of Layer instances to render.\n Lists within the list of layers are recursively rendered.","docstring_tokens":["Subclasses","must","override","this","to","return","a","list","of","Layer","instances","to","render",".","Lists","within","the","list","of","layers","are","recursively","rendered","."],"function":"def getLayers(self):\n \"\"\"Subclasses must override this to return a list of Layer instances to render.\n Lists within the list of layers are recursively rendered.\n \"\"\"\n return []","function_tokens":["def","getLayers","(","self",")",":","return","[","]"],"url":"https:\/\/github.com\/00nanhai\/captchacker2\/blob\/7609141b51ff0cf3329608b8101df967cb74752f\/pycaptcha\/Captcha\/Visual\/Base.py#L35-L39"}
{"nwo":"00nanhai\/captchacker2","sha":"7609141b51ff0cf3329608b8101df967cb74752f","path":"pycaptcha\/Captcha\/Visual\/Base.py","language":"python","identifier":"ImageCaptcha.render","parameters":"(self, size=None)","argument_list":"","return_statement":"return self._renderList(self._layers, Image.new(\"RGB\", size))","docstring":"Render this CAPTCHA, returning a PIL image","docstring_summary":"Render this CAPTCHA, returning a PIL image","docstring_tokens":["Render","this","CAPTCHA","returning","a","PIL","image"],"function":"def render(self, size=None):\n \"\"\"Render this CAPTCHA, returning a PIL image\"\"\"\n if size is None:\n size = self.defaultSize\n img = Image.new(\"RGB\", size)\n return self._renderList(self._layers, Image.new(\"RGB\", size))","function_tokens":["def","render","(","self",",","size","=","None",")",":","if","size","is","None",":","size","=","self",".","defaultSize","img","=","Image",".","new","(","\"RGB\"",",","size",")","return","self",".","_renderList","(","self",".","_layers",",","Image",".","new","(","\"RGB\"",",","size",")",")"],"url":"https:\/\/github.com\/00nanhai\/captchacker2\/blob\/7609141b51ff0cf3329608b8101df967cb74752f\/pycaptcha\/Captcha\/Visual\/Base.py#L41-L46"}
{"nwo":"00nanhai\/captchacker2","sha":"7609141b51ff0cf3329608b8101df967cb74752f","path":"pycaptcha\/Captcha\/Visual\/Text.py","language":"python","identifier":"FontFactory.pick","parameters":"(self)","argument_list":"","return_statement":"return (fileName, size)","docstring":"Returns a (fileName, size) tuple that can be passed to ImageFont.truetype()","docstring_summary":"Returns a (fileName, size) tuple that can be passed to ImageFont.truetype()","docstring_tokens":["Returns","a","(","fileName","size",")","tuple","that","can","be","passed","to","ImageFont",".","truetype","()"],"function":"def pick(self):\n \"\"\"Returns a (fileName, size) tuple that can be passed to ImageFont.truetype()\"\"\"\n fileName = File.RandomFileFactory.pick(self)\n size = int(random.uniform(self.minSize, self.maxSize) + 0.5)\n return (fileName, size)","function_tokens":["def","pick","(","self",")",":","fileName","=","File",".","RandomFileFactory",".","pick","(","self",")","size","=","int","(","random",".","uniform","(","self",".","minSize",",","self",".","maxSize",")","+","0.5",")","return","(","fileName",",","size",")"],"url":"https:\/\/github.com\/00nanhai\/captchacker2\/blob\/7609141b51ff0cf3329608b8101df967cb74752f\/pycaptcha\/Captcha\/Visual\/Text.py#L34-L38"}
{"nwo":"00nanhai\/captchacker2","sha":"7609141b51ff0cf3329608b8101df967cb74752f","path":"pycaptcha\/Captcha\/Visual\/Distortions.py","language":"python","identifier":"WarpBase.getTransform","parameters":"(self, image)","argument_list":"","return_statement":"return lambda x, y: (x, y)","docstring":"Return a transformation function, subclasses should override this","docstring_summary":"Return a transformation function, subclasses should override this","docstring_tokens":["Return","a","transformation","function","subclasses","should","override","this"],"function":"def getTransform(self, image):\n \"\"\"Return a transformation function, subclasses should override this\"\"\"\n return lambda x, y: (x, y)","function_tokens":["def","getTransform","(","self",",","image",")",":","return","lambda","x",",","y",":","(","x",",","y",")"],"url":"https:\/\/github.com\/00nanhai\/captchacker2\/blob\/7609141b51ff0cf3329608b8101df967cb74752f\/pycaptcha\/Captcha\/Visual\/Distortions.py#L50-L52"}
{"nwo":"00nanhai\/captchacker2","sha":"7609141b51ff0cf3329608b8101df967cb74752f","path":"pycaptcha\/setup\/my_install_data.py","language":"python","identifier":"Data_Files.debug_print","parameters":"(self, msg)","argument_list":"","return_statement":"","docstring":"Print 'msg' to stdout if the global DEBUG (taken from the\n DISTUTILS_DEBUG environment variable) flag is true.","docstring_summary":"Print 'msg' to stdout if the global DEBUG (taken from the\n DISTUTILS_DEBUG environment variable) flag is true.","docstring_tokens":["Print","msg","to","stdout","if","the","global","DEBUG","(","taken","from","the","DISTUTILS_DEBUG","environment","variable",")","flag","is","true","."],"function":"def debug_print (self, msg):\n \"\"\"Print 'msg' to stdout if the global DEBUG (taken from the\n DISTUTILS_DEBUG environment variable) flag is true.\n \"\"\"\n from distutils.core import DEBUG\n if DEBUG:\n print msg","function_tokens":["def","debug_print","(","self",",","msg",")",":","from","distutils",".","core","import","DEBUG","if","DEBUG",":","print","msg"],"url":"https:\/\/github.com\/00nanhai\/captchacker2\/blob\/7609141b51ff0cf3329608b8101df967cb74752f\/pycaptcha\/setup\/my_install_data.py#L72-L78"}
{"nwo":"00nanhai\/captchacker2","sha":"7609141b51ff0cf3329608b8101df967cb74752f","path":"pycaptcha\/setup\/my_install_data.py","language":"python","identifier":"Data_Files.finalize","parameters":"(self)","argument_list":"","return_statement":"","docstring":"complete the files list by processing the given template","docstring_summary":"complete the files list by processing the given template","docstring_tokens":["complete","the","files","list","by","processing","the","given","template"],"function":"def finalize(self):\n \"\"\" complete the files list by processing the given template \"\"\"\n if self.finalized:\n return\n if self.files == None:\n self.files = []\n if self.template != None:\n if type(self.template) == StringType:\n self.template = string.split(self.template,\";\")\n filelist = FileList(self.warn,self.debug_print)\n for line in self.template:\n filelist.process_template_line(string.strip(line))\n filelist.sort()\n filelist.remove_duplicates()\n self.files.extend(filelist.files)\n self.finalized = 1","function_tokens":["def","finalize","(","self",")",":","if","self",".","finalized",":","return","if","self",".","files","==","None",":","self",".","files","=","[","]","if","self",".","template","!=","None",":","if","type","(","self",".","template",")","==","StringType",":","self",".","template","=","string",".","split","(","self",".","template",",","\";\"",")","filelist","=","FileList","(","self",".","warn",",","self",".","debug_print",")","for","line","in","self",".","template",":","filelist",".","process_template_line","(","string",".","strip","(","line",")",")","filelist",".","sort","(",")","filelist",".","remove_duplicates","(",")","self",".","files",".","extend","(","filelist",".","files",")","self",".","finalized","=","1"],"url":"https:\/\/github.com\/00nanhai\/captchacker2\/blob\/7609141b51ff0cf3329608b8101df967cb74752f\/pycaptcha\/setup\/my_install_data.py#L81-L96"}
{"nwo":"00nanhai\/captchacker2","sha":"7609141b51ff0cf3329608b8101df967cb74752f","path":"pycaptcha\/setup\/my_install_data.py","language":"python","identifier":"my_install_data.check_data","parameters":"(self,d)","argument_list":"","return_statement":"return d","docstring":"check if data are in new format, if not create a suitable object.\n returns finalized data object","docstring_summary":"check if data are in new format, if not create a suitable object.\n returns finalized data object","docstring_tokens":["check","if","data","are","in","new","format","if","not","create","a","suitable","object",".","returns","finalized","data","object"],"function":"def check_data(self,d):\n \"\"\" check if data are in new format, if not create a suitable object.\n returns finalized data object\n \"\"\"\n if not isinstance(d, Data_Files):\n self.warn((\"old-style data files list found \"\n \"-- please convert to Data_Files instance\"))\n if type(d) is TupleType:\n if len(d) != 2 or not (type(d[1]) is ListType):\n raise DistutilsSetupError, \\\n (\"each element of 'data_files' option must be an \"\n \"Data File instance, a string or 2-tuple (string,[strings])\")\n d = Data_Files(copy_to=d[0],files=d[1])\n else:\n if not (type(d) is StringType):\n raise DistutilsSetupError, \\\n (\"each element of 'data_files' option must be an \"\n \"Data File instance, a string or 2-tuple (string,[strings])\")\n d = Data_Files(files=[d])\n d.finalize()\n return d","function_tokens":["def","check_data","(","self",",","d",")",":","if","not","isinstance","(","d",",","Data_Files",")",":","self",".","warn","(","(","\"old-style data files list found \"","\"-- please convert to Data_Files instance\"",")",")","if","type","(","d",")","is","TupleType",":","if","len","(","d",")","!=","2","or","not","(","type","(","d","[","1","]",")","is","ListType",")",":","raise","DistutilsSetupError",",","(","\"each element of 'data_files' option must be an \"","\"Data File instance, a string or 2-tuple (string,[strings])\"",")","d","=","Data_Files","(","copy_to","=","d","[","0","]",",","files","=","d","[","1","]",")","else",":","if","not","(","type","(","d",")","is","StringType",")",":","raise","DistutilsSetupError",",","(","\"each element of 'data_files' option must be an \"","\"Data File instance, a string or 2-tuple (string,[strings])\"",")","d","=","Data_Files","(","files","=","[","d","]",")","d",".","finalize","(",")","return","d"],"url":"https:\/\/github.com\/00nanhai\/captchacker2\/blob\/7609141b51ff0cf3329608b8101df967cb74752f\/pycaptcha\/setup\/my_install_data.py#L105-L125"}
{"nwo":"00nanhai\/captchacker2","sha":"7609141b51ff0cf3329608b8101df967cb74752f","path":"pycaptcha\/contrib\/ezcaptcha.py","language":"python","identifier":"getChallenge","parameters":"()","argument_list":"","return_statement":"return key","docstring":"Returns a string, which should be placed as a hidden field\n on a web form. This string identifies a particular challenge,\n and is needed later for:\n - retrieving the image file for viewing the challenge, via\n call to getImageData()\n - testing a response to the challenge, via call to testSolution()\n\n The format of the string is::\n \n base64(id+\":\"+expirytime+\":\"+sha1(id, answer, expirytime, secret))\n \n Where:\n - id is a pseudo-random id identifying this challenge instance, and\n used to locate the temporary file under which the image is stored\n - expirytime is unixtime in hex\n - answer is the plaintext string of the word on the challenge picture\n - secret is the secret signing key 'captchaSecretKey","docstring_summary":"Returns a string, which should be placed as a hidden field\n on a web form. This string identifies a particular challenge,\n and is needed later for:\n - retrieving the image file for viewing the challenge, via\n call to getImageData()\n - testing a response to the challenge, via call to testSolution()","docstring_tokens":["Returns","a","string","which","should","be","placed","as","a","hidden","field","on","a","web","form",".","This","string","identifies","a","particular","challenge","and","is","needed","later","for",":","-","retrieving","the","image","file","for","viewing","the","challenge","via","call","to","getImageData","()","-","testing","a","response","to","the","challenge","via","call","to","testSolution","()"],"function":"def getChallenge():\n \"\"\"\n Returns a string, which should be placed as a hidden field\n on a web form. This string identifies a particular challenge,\n and is needed later for:\n - retrieving the image file for viewing the challenge, via\n call to getImageData()\n - testing a response to the challenge, via call to testSolution()\n\n The format of the string is::\n \n base64(id+\":\"+expirytime+\":\"+sha1(id, answer, expirytime, secret))\n \n Where:\n - id is a pseudo-random id identifying this challenge instance, and\n used to locate the temporary file under which the image is stored\n - expirytime is unixtime in hex\n - answer is the plaintext string of the word on the challenge picture\n - secret is the secret signing key 'captchaSecretKey\n \"\"\"\n # get a CAPTCHA object\n g = PseudoGimpy()\n\n # retrieve text solution\n answer = g.solutions[0]\n \n # generate a unique id under which to save it\n id = _generateId(answer)\n\n # save the image to disk, so it can be delivered from the\n # browser's next request\n i = g.render()\n path = _getImagePath(id)\n f = file(path, \"wb\")\n i.save(f, \"jpeg\")\n f.close()\n\n # compute 'key'\n key = _encodeKey(id, answer)\n return key","function_tokens":["def","getChallenge","(",")",":","# get a CAPTCHA object","g","=","PseudoGimpy","(",")","# retrieve text solution","answer","=","g",".","solutions","[","0","]","# generate a unique id under which to save it","id","=","_generateId","(","answer",")","# save the image to disk, so it can be delivered from the","# browser's next request","i","=","g",".","render","(",")","path","=","_getImagePath","(","id",")","f","=","file","(","path",",","\"wb\"",")","i",".","save","(","f",",","\"jpeg\"",")","f",".","close","(",")","# compute 'key'","key","=","_encodeKey","(","id",",","answer",")","return","key"],"url":"https:\/\/github.com\/00nanhai\/captchacker2\/blob\/7609141b51ff0cf3329608b8101df967cb74752f\/pycaptcha\/contrib\/ezcaptcha.py#L81-L120"}
{"nwo":"00nanhai\/captchacker2","sha":"7609141b51ff0cf3329608b8101df967cb74752f","path":"pycaptcha\/contrib\/ezcaptcha.py","language":"python","identifier":"testSolution","parameters":"(key, guess)","argument_list":"","return_statement":"","docstring":"Tests if guess is a correct solution","docstring_summary":"Tests if guess is a correct solution","docstring_tokens":["Tests","if","guess","is","a","correct","solution"],"function":"def testSolution(key, guess):\n \"\"\"\n Tests if guess is a correct solution\n \"\"\"\n try:\n id, expiry, sig = _decodeKey(key)\n\n # test for timeout\n if time.time() > expiry:\n # sorry, timed out, too late\n _delImage(id)\n return False\n\n # test for past usage of this key\n\n path = _getImagePath(id)\n if not os.path.isfile(path):\n # no such key, fail out\n return False\n\n # test for correct word\n if _signChallenge(id, guess, expiry) != sig:\n # sorry, wrong word\n return False\n\n # successful\n _delImage(id) # image no longer needed\n return True\n except:\n #traceback.print_exc()\n return False","function_tokens":["def","testSolution","(","key",",","guess",")",":","try",":","id",",","expiry",",","sig","=","_decodeKey","(","key",")","# test for timeout","if","time",".","time","(",")",">","expiry",":","# sorry, timed out, too late","_delImage","(","id",")","return","False","# test for past usage of this key","path","=","_getImagePath","(","id",")","if","not","os",".","path",".","isfile","(","path",")",":","# no such key, fail out","return","False","# test for correct word","if","_signChallenge","(","id",",","guess",",","expiry",")","!=","sig",":","# sorry, wrong word","return","False","# successful","_delImage","(","id",")","# image no longer needed","return","True","except",":","#traceback.print_exc()","return","False"],"url":"https:\/\/github.com\/00nanhai\/captchacker2\/blob\/7609141b51ff0cf3329608b8101df967cb74752f\/pycaptcha\/contrib\/ezcaptcha.py#L126-L156"}
{"nwo":"00nanhai\/captchacker2","sha":"7609141b51ff0cf3329608b8101df967cb74752f","path":"pycaptcha\/contrib\/ezcaptcha.py","language":"python","identifier":"_encodeKey","parameters":"(id, answer)","argument_list":"","return_statement":"return key","docstring":"Encodes the challenge ID and the answer into a string which is safe\n to give to a potentially hostile client\n\n The key is base64-encoding of 'id:expirytime:answer'","docstring_summary":"Encodes the challenge ID and the answer into a string which is safe\n to give to a potentially hostile client","docstring_tokens":["Encodes","the","challenge","ID","and","the","answer","into","a","string","which","is","safe","to","give","to","a","potentially","hostile","client"],"function":"def _encodeKey(id, answer):\n \"\"\"\n Encodes the challenge ID and the answer into a string which is safe\n to give to a potentially hostile client\n\n The key is base64-encoding of 'id:expirytime:answer'\n \"\"\"\n expiryTime = int(time.time() + captchaTimeout)\n sig = _signChallenge(id, answer, expiryTime)\n raw = \"%s:%x:%s\" % (id, expiryTime, sig)\n key = base64.encodestring(raw).replace(\"\\n\", \"\")\n return key","function_tokens":["def","_encodeKey","(","id",",","answer",")",":","expiryTime","=","int","(","time",".","time","(",")","+","captchaTimeout",")","sig","=","_signChallenge","(","id",",","answer",",","expiryTime",")","raw","=","\"%s:%x:%s\"","%","(","id",",","expiryTime",",","sig",")","key","=","base64",".","encodestring","(","raw",")",".","replace","(","\"\\n\"",",","\"\"",")","return","key"],"url":"https:\/\/github.com\/00nanhai\/captchacker2\/blob\/7609141b51ff0cf3329608b8101df967cb74752f\/pycaptcha\/contrib\/ezcaptcha.py#L161-L172"}
{"nwo":"00nanhai\/captchacker2","sha":"7609141b51ff0cf3329608b8101df967cb74752f","path":"pycaptcha\/contrib\/ezcaptcha.py","language":"python","identifier":"_decodeKey","parameters":"(key)","argument_list":"","return_statement":"return id, expiry, sig","docstring":"decodes a given key, returns id, expiry time and signature","docstring_summary":"decodes a given key, returns id, expiry time and signature","docstring_tokens":["decodes","a","given","key","returns","id","expiry","time","and","signature"],"function":"def _decodeKey(key):\n \"\"\"\n decodes a given key, returns id, expiry time and signature\n \"\"\"\n raw = base64.decodestring(key)\n id, expiry, sig = raw.split(\":\", 2)\n expiry = int(expiry, 16)\n return id, expiry, sig","function_tokens":["def","_decodeKey","(","key",")",":","raw","=","base64",".","decodestring","(","key",")","id",",","expiry",",","sig","=","raw",".","split","(","\":\"",",","2",")","expiry","=","int","(","expiry",",","16",")","return","id",",","expiry",",","sig"],"url":"https:\/\/github.com\/00nanhai\/captchacker2\/blob\/7609141b51ff0cf3329608b8101df967cb74752f\/pycaptcha\/contrib\/ezcaptcha.py#L174-L181"}
{"nwo":"00nanhai\/captchacker2","sha":"7609141b51ff0cf3329608b8101df967cb74752f","path":"pycaptcha\/contrib\/ezcaptcha.py","language":"python","identifier":"_generateId","parameters":"(solution)","argument_list":"","return_statement":"return sha.new(\n \"%s%s%s\" % (\n captchaSecretKey, solution, random.random())).hexdigest()[:10]","docstring":"returns a pseudo-random id under which picture\n gets stored","docstring_summary":"returns a pseudo-random id under which picture\n gets stored","docstring_tokens":["returns","a","pseudo","-","random","id","under","which","picture","gets","stored"],"function":"def _generateId(solution):\n \"\"\"\n returns a pseudo-random id under which picture\n gets stored\n \"\"\"\n return sha.new(\n \"%s%s%s\" % (\n captchaSecretKey, solution, random.random())).hexdigest()[:10]","function_tokens":["def","_generateId","(","solution",")",":","return","sha",".","new","(","\"%s%s%s\"","%","(","captchaSecretKey",",","solution",",","random",".","random","(",")",")",")",".","hexdigest","(",")","[",":","10","]"],"url":"https:\/\/github.com\/00nanhai\/captchacker2\/blob\/7609141b51ff0cf3329608b8101df967cb74752f\/pycaptcha\/contrib\/ezcaptcha.py#L187-L194"}
{"nwo":"00nanhai\/captchacker2","sha":"7609141b51ff0cf3329608b8101df967cb74752f","path":"pycaptcha\/contrib\/ezcaptcha.py","language":"python","identifier":"_delImage","parameters":"(id)","argument_list":"","return_statement":"","docstring":"deletes image from tmp dir, no longer wanted","docstring_summary":"deletes image from tmp dir, no longer wanted","docstring_tokens":["deletes","image","from","tmp","dir","no","longer","wanted"],"function":"def _delImage(id):\n \"\"\"\n deletes image from tmp dir, no longer wanted\n \"\"\"\n try:\n imgPath = _getImagePath(id)\n if os.path.isfile(imgPath):\n os.unlink(imgPath)\n except:\n traceback.print_exc()\n pass","function_tokens":["def","_delImage","(","id",")",":","try",":","imgPath","=","_getImagePath","(","id",")","if","os",".","path",".","isfile","(","imgPath",")",":","os",".","unlink","(","imgPath",")","except",":","traceback",".","print_exc","(",")","pass"],"url":"https:\/\/github.com\/00nanhai\/captchacker2\/blob\/7609141b51ff0cf3329608b8101df967cb74752f\/pycaptcha\/contrib\/ezcaptcha.py#L199-L209"}
{"nwo":"00nanhai\/captchacker2","sha":"7609141b51ff0cf3329608b8101df967cb74752f","path":"pycaptcha\/contrib\/ezcaptcha.py","language":"python","identifier":"_demo","parameters":"()","argument_list":"","return_statement":"","docstring":"Presents a demo of this captcha module.\n \n If you run this file as a CGI in your web server, you'll see the demo\n in action","docstring_summary":"Presents a demo of this captcha module.\n \n If you run this file as a CGI in your web server, you'll see the demo\n in action","docstring_tokens":["Presents","a","demo","of","this","captcha","module",".","If","you","run","this","file","as","a","CGI","in","your","web","server","you","ll","see","the","demo","in","action"],"function":"def _demo():\n \"\"\"\n Presents a demo of this captcha module.\n \n If you run this file as a CGI in your web server, you'll see the demo\n in action\n \"\"\"\n import cgi\n fields = cgi.FieldStorage()\n cmd = fields.getvalue(\"cmd\", \"\")\n \n if not cmd:\n # first view\n key = getChallenge()\n print \"\"\"Content-Type: text\/html\n\n<html>\n <head>\n <title>ezcaptcha demo<\/title>\n <head>\n <body>\n <h1>ezcaptcha demo<\/h1>\n <form method=\"POST\">\n <input type=\"hidden\" name=\"cmd\" value=\"answerCaptcha\">\n <input type=\"hidden\" name=\"captchaKey\" value=\"%s\">\n <img src=\"?cmd=showCaptchaImg&captchaKey=%s\">\n <br>\n Please type in the word you see in the image above:<br>\n <input type=\"text\" name=\"captchaAnswer\"><br>\n <input type=\"submit\" value=\"Submit\">\n <\/form>\n <\/body>\n<\/html>\n\"\"\" % (key, key)\n\n elif cmd == 'showCaptchaImg':\n # answer browser request for the CAPTCHA challenge image\n key = fields.getvalue(\"captchaKey\")\n bindata = getImageData(key)\n print \"Content-Type: image\/jpeg\"\n print\n print bindata\n\n elif cmd == 'answerCaptcha':\n # user has posted in an answer\n key = fields.getvalue(\"captchaKey\")\n guess = fields.getvalue(\"captchaAnswer\")\n \n # test user's answer\n if testSolution(key, guess) == True:\n # successful\n print \"\"\"Content-Type: text\/html\n\n<html>\n <head>\n <title>ezcaptcha demo<\/title>\n <\/head>\n <body>\n <h1>ezcaptcha demo<\/h1>\n Successful!<br>\n <br>\n <a href=\"\">Click here<\/a> for another demo\n <\/body>\n<\/html>\n\"\"\"\n\n else:\n # failed\n print \"\"\"Content-Type: text\/html\n\n<html>\n <head>\n <title>ezcaptcha demo<\/title>\n <head>\n <body>\n <h1>ezcaptcha demo<\/h1>\n Sorry - that was wrong!\n <form method=\"POST\">\n <input type=\"hidden\" name=\"cmd\" value=\"answerCaptcha\">\n <input type=\"hidden\" name=\"captchaKey\" value=\"%s\">\n <img src=\"?cmd=showCaptchaImg&captchaKey=%s\">\n <br>\n Please type in the word you see in the image above:<br>\n <input type=\"text\" name=\"captchaAnswer\"><br>\n <input type=\"submit\" value=\"Submit\">\n <\/form>\n <\/body>\n<\/html>\n\"\"\" % (key, key)","function_tokens":["def","_demo","(",")",":","import","cgi","fields","=","cgi",".","FieldStorage","(",")","cmd","=","fields",".","getvalue","(","\"cmd\"",",","\"\"",")","if","not","cmd",":","# first view","key","=","getChallenge","(",")","print","\"\"\"Content-Type: text\/html\n\n<html>\n <head>\n <title>ezcaptcha demo<\/title>\n <head>\n <body>\n <h1>ezcaptcha demo<\/h1>\n <form method=\"POST\">\n <input type=\"hidden\" name=\"cmd\" value=\"answerCaptcha\">\n <input type=\"hidden\" name=\"captchaKey\" value=\"%s\">\n <img src=\"?cmd=showCaptchaImg&captchaKey=%s\">\n <br>\n Please type in the word you see in the image above:<br>\n <input type=\"text\" name=\"captchaAnswer\"><br>\n <input type=\"submit\" value=\"Submit\">\n <\/form>\n <\/body>\n<\/html>\n\"\"\"","%","(","key",",","key",")","elif","cmd","==","'showCaptchaImg'",":","# answer browser request for the CAPTCHA challenge image","key","=","fields",".","getvalue","(","\"captchaKey\"",")","bindata","=","getImageData","(","key",")","print","\"Content-Type: image\/jpeg\"","print","print","bindata","elif","cmd","==","'answerCaptcha'",":","# user has posted in an answer","key","=","fields",".","getvalue","(","\"captchaKey\"",")","guess","=","fields",".","getvalue","(","\"captchaAnswer\"",")","# test user's answer","if","testSolution","(","key",",","guess",")","==","True",":","# successful","print","\"\"\"Content-Type: text\/html\n\n<html>\n <head>\n <title>ezcaptcha demo<\/title>\n <\/head>\n <body>\n <h1>ezcaptcha demo<\/h1>\n Successful!<br>\n <br>\n <a href=\"\">Click here<\/a> for another demo\n <\/body>\n<\/html>\n\"\"\"","else",":","# failed","print","\"\"\"Content-Type: text\/html\n\n<html>\n <head>\n <title>ezcaptcha demo<\/title>\n <head>\n <body>\n <h1>ezcaptcha demo<\/h1>\n Sorry - that was wrong!\n <form method=\"POST\">\n <input type=\"hidden\" name=\"cmd\" value=\"answerCaptcha\">\n <input type=\"hidden\" name=\"captchaKey\" value=\"%s\">\n <img src=\"?cmd=showCaptchaImg&captchaKey=%s\">\n <br>\n Please type in the word you see in the image above:<br>\n <input type=\"text\" name=\"captchaAnswer\"><br>\n <input type=\"submit\" value=\"Submit\">\n <\/form>\n <\/body>\n<\/html>\n\"\"\"","%","(","key",",","key",")"],"url":"https:\/\/github.com\/00nanhai\/captchacker2\/blob\/7609141b51ff0cf3329608b8101df967cb74752f\/pycaptcha\/contrib\/ezcaptcha.py#L213-L301"}
{"nwo":"00nanhai\/captchacker2","sha":"7609141b51ff0cf3329608b8101df967cb74752f","path":"pycaptcha\/build\/lib\/Captcha\/Words.py","language":"python","identifier":"WordList.read","parameters":"(self)","argument_list":"","return_statement":"","docstring":"Read words from disk","docstring_summary":"Read words from disk","docstring_tokens":["Read","words","from","disk"],"function":"def read(self):\n \"\"\"Read words from disk\"\"\"\n f = open(os.path.join(File.dataDir, \"words\", self.fileName))\n\n self.words = []\n for line in f.xreadlines():\n line = line.strip()\n if not line:\n continue\n if line[0] == '#':\n continue\n for word in line.split():\n if self.minLength is not None and len(word) < self.minLength:\n continue\n if self.maxLength is not None and len(word) > self.maxLength:\n continue\n self.words.append(word)","function_tokens":["def","read","(","self",")",":","f","=","open","(","os",".","path",".","join","(","File",".","dataDir",",","\"words\"",",","self",".","fileName",")",")","self",".","words","=","[","]","for","line","in","f",".","xreadlines","(",")",":","line","=","line",".","strip","(",")","if","not","line",":","continue","if","line","[","0","]","==","'#'",":","continue","for","word","in","line",".","split","(",")",":","if","self",".","minLength","is","not","None","and","len","(","word",")","<","self",".","minLength",":","continue","if","self",".","maxLength","is","not","None","and","len","(","word",")",">","self",".","maxLength",":","continue","self",".","words",".","append","(","word",")"],"url":"https:\/\/github.com\/00nanhai\/captchacker2\/blob\/7609141b51ff0cf3329608b8101df967cb74752f\/pycaptcha\/build\/lib\/Captcha\/Words.py#L26-L42"}
{"nwo":"00nanhai\/captchacker2","sha":"7609141b51ff0cf3329608b8101df967cb74752f","path":"pycaptcha\/build\/lib\/Captcha\/Words.py","language":"python","identifier":"WordList.pick","parameters":"(self)","argument_list":"","return_statement":"return random.choice(self.words)","docstring":"Pick a random word from the list, reading it in if necessary","docstring_summary":"Pick a random word from the list, reading it in if necessary","docstring_tokens":["Pick","a","random","word","from","the","list","reading","it","in","if","necessary"],"function":"def pick(self):\n \"\"\"Pick a random word from the list, reading it in if necessary\"\"\"\n if self.words is None:\n self.read()\n return random.choice(self.words)","function_tokens":["def","pick","(","self",")",":","if","self",".","words","is","None",":","self",".","read","(",")","return","random",".","choice","(","self",".","words",")"],"url":"https:\/\/github.com\/00nanhai\/captchacker2\/blob\/7609141b51ff0cf3329608b8101df967cb74752f\/pycaptcha\/build\/lib\/Captcha\/Words.py#L44-L48"}
{"nwo":"00nanhai\/captchacker2","sha":"7609141b51ff0cf3329608b8101df967cb74752f","path":"pycaptcha\/build\/lib\/Captcha\/Base.py","language":"python","identifier":"BaseCaptcha.testSolutions","parameters":"(self, solutions)","argument_list":"","return_statement":"return numCorrect >= self.minCorrectSolutions and \\\n numIncorrect <= self.maxIncorrectSolutions","docstring":"Test whether the given solutions are sufficient for this CAPTCHA.\n A given CAPTCHA can only be tested once, after that it is invalid\n and always returns False. This makes random guessing much less effective.","docstring_summary":"Test whether the given solutions are sufficient for this CAPTCHA.\n A given CAPTCHA can only be tested once, after that it is invalid\n and always returns False. This makes random guessing much less effective.","docstring_tokens":["Test","whether","the","given","solutions","are","sufficient","for","this","CAPTCHA",".","A","given","CAPTCHA","can","only","be","tested","once","after","that","it","is","invalid","and","always","returns","False",".","This","makes","random","guessing","much","less","effective","."],"function":"def testSolutions(self, solutions):\n \"\"\"Test whether the given solutions are sufficient for this CAPTCHA.\n A given CAPTCHA can only be tested once, after that it is invalid\n and always returns False. This makes random guessing much less effective.\n \"\"\"\n if not self.valid:\n return False\n self.valid = False\n\n numCorrect = 0\n numIncorrect = 0\n\n for solution in solutions:\n if solution in self.solutions:\n numCorrect += 1\n else:\n numIncorrect += 1\n\n return numCorrect >= self.minCorrectSolutions and \\\n numIncorrect <= self.maxIncorrectSolutions","function_tokens":["def","testSolutions","(","self",",","solutions",")",":","if","not","self",".","valid",":","return","False","self",".","valid","=","False","numCorrect","=","0","numIncorrect","=","0","for","solution","in","solutions",":","if","solution","in","self",".","solutions",":","numCorrect","+=","1","else",":","numIncorrect","+=","1","return","numCorrect",">=","self",".","minCorrectSolutions","and","numIncorrect","<=","self",".","maxIncorrectSolutions"],"url":"https:\/\/github.com\/00nanhai\/captchacker2\/blob\/7609141b51ff0cf3329608b8101df967cb74752f\/pycaptcha\/build\/lib\/Captcha\/Base.py#L45-L64"}
{"nwo":"00nanhai\/captchacker2","sha":"7609141b51ff0cf3329608b8101df967cb74752f","path":"pycaptcha\/build\/lib\/Captcha\/Base.py","language":"python","identifier":"Factory.new","parameters":"(self, cls, *args, **kwargs)","argument_list":"","return_statement":"return inst","docstring":"Create a new instance of our assigned BaseCaptcha subclass, passing\n it any extra arguments we're given. This stores the result for\n later testing.","docstring_summary":"Create a new instance of our assigned BaseCaptcha subclass, passing\n it any extra arguments we're given. This stores the result for\n later testing.","docstring_tokens":["Create","a","new","instance","of","our","assigned","BaseCaptcha","subclass","passing","it","any","extra","arguments","we","re","given",".","This","stores","the","result","for","later","testing","."],"function":"def new(self, cls, *args, **kwargs):\n \"\"\"Create a new instance of our assigned BaseCaptcha subclass, passing\n it any extra arguments we're given. This stores the result for\n later testing.\n \"\"\"\n self.clean()\n inst = cls(*args, **kwargs)\n self.storedInstances[inst.id] = inst\n return inst","function_tokens":["def","new","(","self",",","cls",",","*","args",",","*","*","kwargs",")",":","self",".","clean","(",")","inst","=","cls","(","*","args",",","*","*","kwargs",")","self",".","storedInstances","[","inst",".","id","]","=","inst","return","inst"],"url":"https:\/\/github.com\/00nanhai\/captchacker2\/blob\/7609141b51ff0cf3329608b8101df967cb74752f\/pycaptcha\/build\/lib\/Captcha\/Base.py#L76-L84"}
{"nwo":"00nanhai\/captchacker2","sha":"7609141b51ff0cf3329608b8101df967cb74752f","path":"pycaptcha\/build\/lib\/Captcha\/Base.py","language":"python","identifier":"Factory.get","parameters":"(self, id)","argument_list":"","return_statement":"return self.storedInstances.get(id)","docstring":"Retrieve the CAPTCHA with the given ID. If it's expired already,\n this will return None. A typical web application will need to\n new() a CAPTCHA when generating an html page, then get() it later\n when its images or sounds must be rendered.","docstring_summary":"Retrieve the CAPTCHA with the given ID. If it's expired already,\n this will return None. A typical web application will need to\n new() a CAPTCHA when generating an html page, then get() it later\n when its images or sounds must be rendered.","docstring_tokens":["Retrieve","the","CAPTCHA","with","the","given","ID",".","If","it","s","expired","already","this","will","return","None",".","A","typical","web","application","will","need","to","new","()","a","CAPTCHA","when","generating","an","html","page","then","get","()","it","later","when","its","images","or","sounds","must","be","rendered","."],"function":"def get(self, id):\n \"\"\"Retrieve the CAPTCHA with the given ID. If it's expired already,\n this will return None. A typical web application will need to\n new() a CAPTCHA when generating an html page, then get() it later\n when its images or sounds must be rendered.\n \"\"\"\n return self.storedInstances.get(id)","function_tokens":["def","get","(","self",",","id",")",":","return","self",".","storedInstances",".","get","(","id",")"],"url":"https:\/\/github.com\/00nanhai\/captchacker2\/blob\/7609141b51ff0cf3329608b8101df967cb74752f\/pycaptcha\/build\/lib\/Captcha\/Base.py#L86-L92"}
{"nwo":"00nanhai\/captchacker2","sha":"7609141b51ff0cf3329608b8101df967cb74752f","path":"pycaptcha\/build\/lib\/Captcha\/Base.py","language":"python","identifier":"Factory.clean","parameters":"(self)","argument_list":"","return_statement":"","docstring":"Removed expired tests","docstring_summary":"Removed expired tests","docstring_tokens":["Removed","expired","tests"],"function":"def clean(self):\n \"\"\"Removed expired tests\"\"\"\n expiredIds = []\n now = time.time()\n for inst in self.storedInstances.itervalues():\n if inst.creationTime + self.lifetime < now:\n expiredIds.append(inst.id)\n for id in expiredIds:\n del self.storedInstances[id]","function_tokens":["def","clean","(","self",")",":","expiredIds","=","[","]","now","=","time",".","time","(",")","for","inst","in","self",".","storedInstances",".","itervalues","(",")",":","if","inst",".","creationTime","+","self",".","lifetime","<","now",":","expiredIds",".","append","(","inst",".","id",")","for","id","in","expiredIds",":","del","self",".","storedInstances","[","id","]"],"url":"https:\/\/github.com\/00nanhai\/captchacker2\/blob\/7609141b51ff0cf3329608b8101df967cb74752f\/pycaptcha\/build\/lib\/Captcha\/Base.py#L94-L102"}
{"nwo":"00nanhai\/captchacker2","sha":"7609141b51ff0cf3329608b8101df967cb74752f","path":"pycaptcha\/build\/lib\/Captcha\/Base.py","language":"python","identifier":"Factory.test","parameters":"(self, id, solutions)","argument_list":"","return_statement":"return result","docstring":"Test the given list of solutions against the BaseCaptcha instance\n created earlier with the given id. Returns True if the test passed,\n False on failure. In either case, the test is invalidated. Returns\n False in the case of an invalid id.","docstring_summary":"Test the given list of solutions against the BaseCaptcha instance\n created earlier with the given id. Returns True if the test passed,\n False on failure. In either case, the test is invalidated. Returns\n False in the case of an invalid id.","docstring_tokens":["Test","the","given","list","of","solutions","against","the","BaseCaptcha","instance","created","earlier","with","the","given","id",".","Returns","True","if","the","test","passed","False","on","failure",".","In","either","case","the","test","is","invalidated",".","Returns","False","in","the","case","of","an","invalid","id","."],"function":"def test(self, id, solutions):\n \"\"\"Test the given list of solutions against the BaseCaptcha instance\n created earlier with the given id. Returns True if the test passed,\n False on failure. In either case, the test is invalidated. Returns\n False in the case of an invalid id.\n \"\"\"\n self.clean()\n inst = self.storedInstances.get(id)\n if not inst:\n return False\n result = inst.testSolutions(solutions)\n return result","function_tokens":["def","test","(","self",",","id",",","solutions",")",":","self",".","clean","(",")","inst","=","self",".","storedInstances",".","get","(","id",")","if","not","inst",":","return","False","result","=","inst",".","testSolutions","(","solutions",")","return","result"],"url":"https:\/\/github.com\/00nanhai\/captchacker2\/blob\/7609141b51ff0cf3329608b8101df967cb74752f\/pycaptcha\/build\/lib\/Captcha\/Base.py#L104-L115"}
{"nwo":"00nanhai\/captchacker2","sha":"7609141b51ff0cf3329608b8101df967cb74752f","path":"pycaptcha\/build\/lib\/Captcha\/File.py","language":"python","identifier":"RandomFileFactory._checkExtension","parameters":"(self, name)","argument_list":"","return_statement":"return False","docstring":"Check the file against our given list of extensions","docstring_summary":"Check the file against our given list of extensions","docstring_tokens":["Check","the","file","against","our","given","list","of","extensions"],"function":"def _checkExtension(self, name):\n \"\"\"Check the file against our given list of extensions\"\"\"\n for ext in self.extensions:\n if name.endswith(ext):\n return True\n return False","function_tokens":["def","_checkExtension","(","self",",","name",")",":","for","ext","in","self",".","extensions",":","if","name",".","endswith","(","ext",")",":","return","True","return","False"],"url":"https:\/\/github.com\/00nanhai\/captchacker2\/blob\/7609141b51ff0cf3329608b8101df967cb74752f\/pycaptcha\/build\/lib\/Captcha\/File.py#L28-L33"}
{"nwo":"00nanhai\/captchacker2","sha":"7609141b51ff0cf3329608b8101df967cb74752f","path":"pycaptcha\/build\/lib\/Captcha\/File.py","language":"python","identifier":"RandomFileFactory._findFullPaths","parameters":"(self)","argument_list":"","return_statement":"return paths","docstring":"From our given file list, find a list of full paths to files","docstring_summary":"From our given file list, find a list of full paths to files","docstring_tokens":["From","our","given","file","list","find","a","list","of","full","paths","to","files"],"function":"def _findFullPaths(self):\n \"\"\"From our given file list, find a list of full paths to files\"\"\"\n paths = []\n for name in self.fileList:\n path = os.path.join(dataDir, self.basePath, name)\n if os.path.isdir(path):\n for content in os.listdir(path):\n if self._checkExtension(content):\n paths.append(os.path.join(path, content))\n else:\n paths.append(path)\n return paths","function_tokens":["def","_findFullPaths","(","self",")",":","paths","=","[","]","for","name","in","self",".","fileList",":","path","=","os",".","path",".","join","(","dataDir",",","self",".","basePath",",","name",")","if","os",".","path",".","isdir","(","path",")",":","for","content","in","os",".","listdir","(","path",")",":","if","self",".","_checkExtension","(","content",")",":","paths",".","append","(","os",".","path",".","join","(","path",",","content",")",")","else",":","paths",".","append","(","path",")","return","paths"],"url":"https:\/\/github.com\/00nanhai\/captchacker2\/blob\/7609141b51ff0cf3329608b8101df967cb74752f\/pycaptcha\/build\/lib\/Captcha\/File.py#L35-L46"}
{"nwo":"00nanhai\/captchacker2","sha":"7609141b51ff0cf3329608b8101df967cb74752f","path":"pycaptcha\/build\/lib\/Captcha\/Visual\/Base.py","language":"python","identifier":"ImageCaptcha.getImage","parameters":"(self)","argument_list":"","return_statement":"return self._image","docstring":"Get a PIL image representing this CAPTCHA test, creating it if necessary","docstring_summary":"Get a PIL image representing this CAPTCHA test, creating it if necessary","docstring_tokens":["Get","a","PIL","image","representing","this","CAPTCHA","test","creating","it","if","necessary"],"function":"def getImage(self):\n \"\"\"Get a PIL image representing this CAPTCHA test, creating it if necessary\"\"\"\n if not self._image:\n self._image = self.render()\n return self._image","function_tokens":["def","getImage","(","self",")",":","if","not","self",".","_image",":","self",".","_image","=","self",".","render","(",")","return","self",".","_image"],"url":"https:\/\/github.com\/00nanhai\/captchacker2\/blob\/7609141b51ff0cf3329608b8101df967cb74752f\/pycaptcha\/build\/lib\/Captcha\/Visual\/Base.py#L29-L33"}
{"nwo":"00nanhai\/captchacker2","sha":"7609141b51ff0cf3329608b8101df967cb74752f","path":"pycaptcha\/build\/lib\/Captcha\/Visual\/Base.py","language":"python","identifier":"ImageCaptcha.getLayers","parameters":"(self)","argument_list":"","return_statement":"return []","docstring":"Subclasses must override this to return a list of Layer instances to render.\n Lists within the list of layers are recursively rendered.","docstring_summary":"Subclasses must override this to return a list of Layer instances to render.\n Lists within the list of layers are recursively rendered.","docstring_tokens":["Subclasses","must","override","this","to","return","a","list","of","Layer","instances","to","render",".","Lists","within","the","list","of","layers","are","recursively","rendered","."],"function":"def getLayers(self):\n \"\"\"Subclasses must override this to return a list of Layer instances to render.\n Lists within the list of layers are recursively rendered.\n \"\"\"\n return []","function_tokens":["def","getLayers","(","self",")",":","return","[","]"],"url":"https:\/\/github.com\/00nanhai\/captchacker2\/blob\/7609141b51ff0cf3329608b8101df967cb74752f\/pycaptcha\/build\/lib\/Captcha\/Visual\/Base.py#L35-L39"}
{"nwo":"00nanhai\/captchacker2","sha":"7609141b51ff0cf3329608b8101df967cb74752f","path":"pycaptcha\/build\/lib\/Captcha\/Visual\/Base.py","language":"python","identifier":"ImageCaptcha.render","parameters":"(self, size=None)","argument_list":"","return_statement":"return self._renderList(self._layers, Image.new(\"RGB\", size))","docstring":"Render this CAPTCHA, returning a PIL image","docstring_summary":"Render this CAPTCHA, returning a PIL image","docstring_tokens":["Render","this","CAPTCHA","returning","a","PIL","image"],"function":"def render(self, size=None):\n \"\"\"Render this CAPTCHA, returning a PIL image\"\"\"\n if size is None:\n size = self.defaultSize\n img = Image.new(\"RGB\", size)\n return self._renderList(self._layers, Image.new(\"RGB\", size))","function_tokens":["def","render","(","self",",","size","=","None",")",":","if","size","is","None",":","size","=","self",".","defaultSize","img","=","Image",".","new","(","\"RGB\"",",","size",")","return","self",".","_renderList","(","self",".","_layers",",","Image",".","new","(","\"RGB\"",",","size",")",")"],"url":"https:\/\/github.com\/00nanhai\/captchacker2\/blob\/7609141b51ff0cf3329608b8101df967cb74752f\/pycaptcha\/build\/lib\/Captcha\/Visual\/Base.py#L41-L46"}
{"nwo":"00nanhai\/captchacker2","sha":"7609141b51ff0cf3329608b8101df967cb74752f","path":"pycaptcha\/build\/lib\/Captcha\/Visual\/Text.py","language":"python","identifier":"FontFactory.pick","parameters":"(self)","argument_list":"","return_statement":"return (fileName, size)","docstring":"Returns a (fileName, size) tuple that can be passed to ImageFont.truetype()","docstring_summary":"Returns a (fileName, size) tuple that can be passed to ImageFont.truetype()","docstring_tokens":["Returns","a","(","fileName","size",")","tuple","that","can","be","passed","to","ImageFont",".","truetype","()"],"function":"def pick(self):\n \"\"\"Returns a (fileName, size) tuple that can be passed to ImageFont.truetype()\"\"\"\n fileName = File.RandomFileFactory.pick(self)\n size = int(random.uniform(self.minSize, self.maxSize) + 0.5)\n return (fileName, size)","function_tokens":["def","pick","(","self",")",":","fileName","=","File",".","RandomFileFactory",".","pick","(","self",")","size","=","int","(","random",".","uniform","(","self",".","minSize",",","self",".","maxSize",")","+","0.5",")","return","(","fileName",",","size",")"],"url":"https:\/\/github.com\/00nanhai\/captchacker2\/blob\/7609141b51ff0cf3329608b8101df967cb74752f\/pycaptcha\/build\/lib\/Captcha\/Visual\/Text.py#L34-L38"}
{"nwo":"00nanhai\/captchacker2","sha":"7609141b51ff0cf3329608b8101df967cb74752f","path":"pycaptcha\/build\/lib\/Captcha\/Visual\/Distortions.py","language":"python","identifier":"WarpBase.getTransform","parameters":"(self, image)","argument_list":"","return_statement":"return lambda x, y: (x, y)","docstring":"Return a transformation function, subclasses should override this","docstring_summary":"Return a transformation function, subclasses should override this","docstring_tokens":["Return","a","transformation","function","subclasses","should","override","this"],"function":"def getTransform(self, image):\n \"\"\"Return a transformation function, subclasses should override this\"\"\"\n return lambda x, y: (x, y)","function_tokens":["def","getTransform","(","self",",","image",")",":","return","lambda","x",",","y",":","(","x",",","y",")"],"url":"https:\/\/github.com\/00nanhai\/captchacker2\/blob\/7609141b51ff0cf3329608b8101df967cb74752f\/pycaptcha\/build\/lib\/Captcha\/Visual\/Distortions.py#L50-L52"}
{"nwo":"00nanhai\/captchacker2","sha":"7609141b51ff0cf3329608b8101df967cb74752f","path":"pycaptcha\/build\/lib.linux-x86_64-2.7\/Captcha\/Words.py","language":"python","identifier":"WordList.read","parameters":"(self)","argument_list":"","return_statement":"","docstring":"Read words from disk","docstring_summary":"Read words from disk","docstring_tokens":["Read","words","from","disk"],"function":"def read(self):\n \"\"\"Read words from disk\"\"\"\n f = open(os.path.join(File.dataDir, \"words\", self.fileName))\n\n self.words = []\n for line in f.xreadlines():\n line = line.strip()\n if not line:\n continue\n if line[0] == '#':\n continue\n for word in line.split():\n if self.minLength is not None and len(word) < self.minLength:\n continue\n if self.maxLength is not None and len(word) > self.maxLength:\n continue\n self.words.append(word)","function_tokens":["def","read","(","self",")",":","f","=","open","(","os",".","path",".","join","(","File",".","dataDir",",","\"words\"",",","self",".","fileName",")",")","self",".","words","=","[","]","for","line","in","f",".","xreadlines","(",")",":","line","=","line",".","strip","(",")","if","not","line",":","continue","if","line","[","0","]","==","'#'",":","continue","for","word","in","line",".","split","(",")",":","if","self",".","minLength","is","not","None","and","len","(","word",")","<","self",".","minLength",":","continue","if","self",".","maxLength","is","not","None","and","len","(","word",")",">","self",".","maxLength",":","continue","self",".","words",".","append","(","word",")"],"url":"https:\/\/github.com\/00nanhai\/captchacker2\/blob\/7609141b51ff0cf3329608b8101df967cb74752f\/pycaptcha\/build\/lib.linux-x86_64-2.7\/Captcha\/Words.py#L26-L42"}
{"nwo":"00nanhai\/captchacker2","sha":"7609141b51ff0cf3329608b8101df967cb74752f","path":"pycaptcha\/build\/lib.linux-x86_64-2.7\/Captcha\/Words.py","language":"python","identifier":"WordList.pick","parameters":"(self)","argument_list":"","return_statement":"return random.choice(self.words)","docstring":"Pick a random word from the list, reading it in if necessary","docstring_summary":"Pick a random word from the list, reading it in if necessary","docstring_tokens":["Pick","a","random","word","from","the","list","reading","it","in","if","necessary"],"function":"def pick(self):\n \"\"\"Pick a random word from the list, reading it in if necessary\"\"\"\n if self.words is None:\n self.read()\n return random.choice(self.words)","function_tokens":["def","pick","(","self",")",":","if","self",".","words","is","None",":","self",".","read","(",")","return","random",".","choice","(","self",".","words",")"],"url":"https:\/\/github.com\/00nanhai\/captchacker2\/blob\/7609141b51ff0cf3329608b8101df967cb74752f\/pycaptcha\/build\/lib.linux-x86_64-2.7\/Captcha\/Words.py#L44-L48"}
{"nwo":"00nanhai\/captchacker2","sha":"7609141b51ff0cf3329608b8101df967cb74752f","path":"pycaptcha\/build\/lib.linux-x86_64-2.7\/Captcha\/Base.py","language":"python","identifier":"BaseCaptcha.testSolutions","parameters":"(self, solutions)","argument_list":"","return_statement":"return numCorrect >= self.minCorrectSolutions and \\\n numIncorrect <= self.maxIncorrectSolutions","docstring":"Test whether the given solutions are sufficient for this CAPTCHA.\n A given CAPTCHA can only be tested once, after that it is invalid\n and always returns False. This makes random guessing much less effective.","docstring_summary":"Test whether the given solutions are sufficient for this CAPTCHA.\n A given CAPTCHA can only be tested once, after that it is invalid\n and always returns False. This makes random guessing much less effective.","docstring_tokens":["Test","whether","the","given","solutions","are","sufficient","for","this","CAPTCHA",".","A","given","CAPTCHA","can","only","be","tested","once","after","that","it","is","invalid","and","always","returns","False",".","This","makes","random","guessing","much","less","effective","."],"function":"def testSolutions(self, solutions):\n \"\"\"Test whether the given solutions are sufficient for this CAPTCHA.\n A given CAPTCHA can only be tested once, after that it is invalid\n and always returns False. This makes random guessing much less effective.\n \"\"\"\n if not self.valid:\n return False\n self.valid = False\n\n numCorrect = 0\n numIncorrect = 0\n\n for solution in solutions:\n if solution in self.solutions:\n numCorrect += 1\n else:\n numIncorrect += 1\n\n return numCorrect >= self.minCorrectSolutions and \\\n numIncorrect <= self.maxIncorrectSolutions","function_tokens":["def","testSolutions","(","self",",","solutions",")",":","if","not","self",".","valid",":","return","False","self",".","valid","=","False","numCorrect","=","0","numIncorrect","=","0","for","solution","in","solutions",":","if","solution","in","self",".","solutions",":","numCorrect","+=","1","else",":","numIncorrect","+=","1","return","numCorrect",">=","self",".","minCorrectSolutions","and","numIncorrect","<=","self",".","maxIncorrectSolutions"],"url":"https:\/\/github.com\/00nanhai\/captchacker2\/blob\/7609141b51ff0cf3329608b8101df967cb74752f\/pycaptcha\/build\/lib.linux-x86_64-2.7\/Captcha\/Base.py#L45-L64"}
{"nwo":"00nanhai\/captchacker2","sha":"7609141b51ff0cf3329608b8101df967cb74752f","path":"pycaptcha\/build\/lib.linux-x86_64-2.7\/Captcha\/Base.py","language":"python","identifier":"Factory.new","parameters":"(self, cls, *args, **kwargs)","argument_list":"","return_statement":"return inst","docstring":"Create a new instance of our assigned BaseCaptcha subclass, passing\n it any extra arguments we're given. This stores the result for\n later testing.","docstring_summary":"Create a new instance of our assigned BaseCaptcha subclass, passing\n it any extra arguments we're given. This stores the result for\n later testing.","docstring_tokens":["Create","a","new","instance","of","our","assigned","BaseCaptcha","subclass","passing","it","any","extra","arguments","we","re","given",".","This","stores","the","result","for","later","testing","."],"function":"def new(self, cls, *args, **kwargs):\n \"\"\"Create a new instance of our assigned BaseCaptcha subclass, passing\n it any extra arguments we're given. This stores the result for\n later testing.\n \"\"\"\n self.clean()\n inst = cls(*args, **kwargs)\n self.storedInstances[inst.id] = inst\n return inst","function_tokens":["def","new","(","self",",","cls",",","*","args",",","*","*","kwargs",")",":","self",".","clean","(",")","inst","=","cls","(","*","args",",","*","*","kwargs",")","self",".","storedInstances","[","inst",".","id","]","=","inst","return","inst"],"url":"https:\/\/github.com\/00nanhai\/captchacker2\/blob\/7609141b51ff0cf3329608b8101df967cb74752f\/pycaptcha\/build\/lib.linux-x86_64-2.7\/Captcha\/Base.py#L76-L84"}
{"nwo":"00nanhai\/captchacker2","sha":"7609141b51ff0cf3329608b8101df967cb74752f","path":"pycaptcha\/build\/lib.linux-x86_64-2.7\/Captcha\/Base.py","language":"python","identifier":"Factory.get","parameters":"(self, id)","argument_list":"","return_statement":"return self.storedInstances.get(id)","docstring":"Retrieve the CAPTCHA with the given ID. If it's expired already,\n this will return None. A typical web application will need to\n new() a CAPTCHA when generating an html page, then get() it later\n when its images or sounds must be rendered.","docstring_summary":"Retrieve the CAPTCHA with the given ID. If it's expired already,\n this will return None. A typical web application will need to\n new() a CAPTCHA when generating an html page, then get() it later\n when its images or sounds must be rendered.","docstring_tokens":["Retrieve","the","CAPTCHA","with","the","given","ID",".","If","it","s","expired","already","this","will","return","None",".","A","typical","web","application","will","need","to","new","()","a","CAPTCHA","when","generating","an","html","page","then","get","()","it","later","when","its","images","or","sounds","must","be","rendered","."],"function":"def get(self, id):\n \"\"\"Retrieve the CAPTCHA with the given ID. If it's expired already,\n this will return None. A typical web application will need to\n new() a CAPTCHA when generating an html page, then get() it later\n when its images or sounds must be rendered.\n \"\"\"\n return self.storedInstances.get(id)","function_tokens":["def","get","(","self",",","id",")",":","return","self",".","storedInstances",".","get","(","id",")"],"url":"https:\/\/github.com\/00nanhai\/captchacker2\/blob\/7609141b51ff0cf3329608b8101df967cb74752f\/pycaptcha\/build\/lib.linux-x86_64-2.7\/Captcha\/Base.py#L86-L92"}
{"nwo":"00nanhai\/captchacker2","sha":"7609141b51ff0cf3329608b8101df967cb74752f","path":"pycaptcha\/build\/lib.linux-x86_64-2.7\/Captcha\/Base.py","language":"python","identifier":"Factory.clean","parameters":"(self)","argument_list":"","return_statement":"","docstring":"Removed expired tests","docstring_summary":"Removed expired tests","docstring_tokens":["Removed","expired","tests"],"function":"def clean(self):\n \"\"\"Removed expired tests\"\"\"\n expiredIds = []\n now = time.time()\n for inst in self.storedInstances.itervalues():\n if inst.creationTime + self.lifetime < now:\n expiredIds.append(inst.id)\n for id in expiredIds:\n del self.storedInstances[id]","function_tokens":["def","clean","(","self",")",":","expiredIds","=","[","]","now","=","time",".","time","(",")","for","inst","in","self",".","storedInstances",".","itervalues","(",")",":","if","inst",".","creationTime","+","self",".","lifetime","<","now",":","expiredIds",".","append","(","inst",".","id",")","for","id","in","expiredIds",":","del","self",".","storedInstances","[","id","]"],"url":"https:\/\/github.com\/00nanhai\/captchacker2\/blob\/7609141b51ff0cf3329608b8101df967cb74752f\/pycaptcha\/build\/lib.linux-x86_64-2.7\/Captcha\/Base.py#L94-L102"}
{"nwo":"00nanhai\/captchacker2","sha":"7609141b51ff0cf3329608b8101df967cb74752f","path":"pycaptcha\/build\/lib.linux-x86_64-2.7\/Captcha\/Base.py","language":"python","identifier":"Factory.test","parameters":"(self, id, solutions)","argument_list":"","return_statement":"return result","docstring":"Test the given list of solutions against the BaseCaptcha instance\n created earlier with the given id. Returns True if the test passed,\n False on failure. In either case, the test is invalidated. Returns\n False in the case of an invalid id.","docstring_summary":"Test the given list of solutions against the BaseCaptcha instance\n created earlier with the given id. Returns True if the test passed,\n False on failure. In either case, the test is invalidated. Returns\n False in the case of an invalid id.","docstring_tokens":["Test","the","given","list","of","solutions","against","the","BaseCaptcha","instance","created","earlier","with","the","given","id",".","Returns","True","if","the","test","passed","False","on","failure",".","In","either","case","the","test","is","invalidated",".","Returns","False","in","the","case","of","an","invalid","id","."],"function":"def test(self, id, solutions):\n \"\"\"Test the given list of solutions against the BaseCaptcha instance\n created earlier with the given id. Returns True if the test passed,\n False on failure. In either case, the test is invalidated. Returns\n False in the case of an invalid id.\n \"\"\"\n self.clean()\n inst = self.storedInstances.get(id)\n if not inst:\n return False\n result = inst.testSolutions(solutions)\n return result","function_tokens":["def","test","(","self",",","id",",","solutions",")",":","self",".","clean","(",")","inst","=","self",".","storedInstances",".","get","(","id",")","if","not","inst",":","return","False","result","=","inst",".","testSolutions","(","solutions",")","return","result"],"url":"https:\/\/github.com\/00nanhai\/captchacker2\/blob\/7609141b51ff0cf3329608b8101df967cb74752f\/pycaptcha\/build\/lib.linux-x86_64-2.7\/Captcha\/Base.py#L104-L115"}
{"nwo":"00nanhai\/captchacker2","sha":"7609141b51ff0cf3329608b8101df967cb74752f","path":"pycaptcha\/build\/lib.linux-x86_64-2.7\/Captcha\/File.py","language":"python","identifier":"RandomFileFactory._checkExtension","parameters":"(self, name)","argument_list":"","return_statement":"return False","docstring":"Check the file against our given list of extensions","docstring_summary":"Check the file against our given list of extensions","docstring_tokens":["Check","the","file","against","our","given","list","of","extensions"],"function":"def _checkExtension(self, name):\n \"\"\"Check the file against our given list of extensions\"\"\"\n for ext in self.extensions:\n if name.endswith(ext):\n return True\n return False","function_tokens":["def","_checkExtension","(","self",",","name",")",":","for","ext","in","self",".","extensions",":","if","name",".","endswith","(","ext",")",":","return","True","return","False"],"url":"https:\/\/github.com\/00nanhai\/captchacker2\/blob\/7609141b51ff0cf3329608b8101df967cb74752f\/pycaptcha\/build\/lib.linux-x86_64-2.7\/Captcha\/File.py#L28-L33"}
{"nwo":"00nanhai\/captchacker2","sha":"7609141b51ff0cf3329608b8101df967cb74752f","path":"pycaptcha\/build\/lib.linux-x86_64-2.7\/Captcha\/File.py","language":"python","identifier":"RandomFileFactory._findFullPaths","parameters":"(self)","argument_list":"","return_statement":"return paths","docstring":"From our given file list, find a list of full paths to files","docstring_summary":"From our given file list, find a list of full paths to files","docstring_tokens":["From","our","given","file","list","find","a","list","of","full","paths","to","files"],"function":"def _findFullPaths(self):\n \"\"\"From our given file list, find a list of full paths to files\"\"\"\n paths = []\n for name in self.fileList:\n path = os.path.join(dataDir, self.basePath, name)\n if os.path.isdir(path):\n for content in os.listdir(path):\n if self._checkExtension(content):\n paths.append(os.path.join(path, content))\n else:\n paths.append(path)\n return paths","function_tokens":["def","_findFullPaths","(","self",")",":","paths","=","[","]","for","name","in","self",".","fileList",":","path","=","os",".","path",".","join","(","dataDir",",","self",".","basePath",",","name",")","if","os",".","path",".","isdir","(","path",")",":","for","content","in","os",".","listdir","(","path",")",":","if","self",".","_checkExtension","(","content",")",":","paths",".","append","(","os",".","path",".","join","(","path",",","content",")",")","else",":","paths",".","append","(","path",")","return","paths"],"url":"https:\/\/github.com\/00nanhai\/captchacker2\/blob\/7609141b51ff0cf3329608b8101df967cb74752f\/pycaptcha\/build\/lib.linux-x86_64-2.7\/Captcha\/File.py#L35-L46"}
{"nwo":"00nanhai\/captchacker2","sha":"7609141b51ff0cf3329608b8101df967cb74752f","path":"pycaptcha\/build\/lib.linux-x86_64-2.7\/Captcha\/Visual\/Base.py","language":"python","identifier":"ImageCaptcha.getImage","parameters":"(self)","argument_list":"","return_statement":"return self._image","docstring":"Get a PIL image representing this CAPTCHA test, creating it if necessary","docstring_summary":"Get a PIL image representing this CAPTCHA test, creating it if necessary","docstring_tokens":["Get","a","PIL","image","representing","this","CAPTCHA","test","creating","it","if","necessary"],"function":"def getImage(self):\n \"\"\"Get a PIL image representing this CAPTCHA test, creating it if necessary\"\"\"\n if not self._image:\n self._image = self.render()\n return self._image","function_tokens":["def","getImage","(","self",")",":","if","not","self",".","_image",":","self",".","_image","=","self",".","render","(",")","return","self",".","_image"],"url":"https:\/\/github.com\/00nanhai\/captchacker2\/blob\/7609141b51ff0cf3329608b8101df967cb74752f\/pycaptcha\/build\/lib.linux-x86_64-2.7\/Captcha\/Visual\/Base.py#L29-L33"}
{"nwo":"00nanhai\/captchacker2","sha":"7609141b51ff0cf3329608b8101df967cb74752f","path":"pycaptcha\/build\/lib.linux-x86_64-2.7\/Captcha\/Visual\/Base.py","language":"python","identifier":"ImageCaptcha.getLayers","parameters":"(self)","argument_list":"","return_statement":"return []","docstring":"Subclasses must override this to return a list of Layer instances to render.\n Lists within the list of layers are recursively rendered.","docstring_summary":"Subclasses must override this to return a list of Layer instances to render.\n Lists within the list of layers are recursively rendered.","docstring_tokens":["Subclasses","must","override","this","to","return","a","list","of","Layer","instances","to","render",".","Lists","within","the","list","of","layers","are","recursively","rendered","."],"function":"def getLayers(self):\n \"\"\"Subclasses must override this to return a list of Layer instances to render.\n Lists within the list of layers are recursively rendered.\n \"\"\"\n return []","function_tokens":["def","getLayers","(","self",")",":","return","[","]"],"url":"https:\/\/github.com\/00nanhai\/captchacker2\/blob\/7609141b51ff0cf3329608b8101df967cb74752f\/pycaptcha\/build\/lib.linux-x86_64-2.7\/Captcha\/Visual\/Base.py#L35-L39"}
{"nwo":"00nanhai\/captchacker2","sha":"7609141b51ff0cf3329608b8101df967cb74752f","path":"pycaptcha\/build\/lib.linux-x86_64-2.7\/Captcha\/Visual\/Base.py","language":"python","identifier":"ImageCaptcha.render","parameters":"(self, size=None)","argument_list":"","return_statement":"return self._renderList(self._layers, Image.new(\"RGB\", size))","docstring":"Render this CAPTCHA, returning a PIL image","docstring_summary":"Render this CAPTCHA, returning a PIL image","docstring_tokens":["Render","this","CAPTCHA","returning","a","PIL","image"],"function":"def render(self, size=None):\n \"\"\"Render this CAPTCHA, returning a PIL image\"\"\"\n if size is None:\n size = self.defaultSize\n img = Image.new(\"RGB\", size)\n return self._renderList(self._layers, Image.new(\"RGB\", size))","function_tokens":["def","render","(","self",",","size","=","None",")",":","if","size","is","None",":","size","=","self",".","defaultSize","img","=","Image",".","new","(","\"RGB\"",",","size",")","return","self",".","_renderList","(","self",".","_layers",",","Image",".","new","(","\"RGB\"",",","size",")",")"],"url":"https:\/\/github.com\/00nanhai\/captchacker2\/blob\/7609141b51ff0cf3329608b8101df967cb74752f\/pycaptcha\/build\/lib.linux-x86_64-2.7\/Captcha\/Visual\/Base.py#L41-L46"}
{"nwo":"00nanhai\/captchacker2","sha":"7609141b51ff0cf3329608b8101df967cb74752f","path":"pycaptcha\/build\/lib.linux-x86_64-2.7\/Captcha\/Visual\/Text.py","language":"python","identifier":"FontFactory.pick","parameters":"(self)","argument_list":"","return_statement":"return (fileName, size)","docstring":"Returns a (fileName, size) tuple that can be passed to ImageFont.truetype()","docstring_summary":"Returns a (fileName, size) tuple that can be passed to ImageFont.truetype()","docstring_tokens":["Returns","a","(","fileName","size",")","tuple","that","can","be","passed","to","ImageFont",".","truetype","()"],"function":"def pick(self):\n \"\"\"Returns a (fileName, size) tuple that can be passed to ImageFont.truetype()\"\"\"\n fileName = File.RandomFileFactory.pick(self)\n size = int(random.uniform(self.minSize, self.maxSize) + 0.5)\n return (fileName, size)","function_tokens":["def","pick","(","self",")",":","fileName","=","File",".","RandomFileFactory",".","pick","(","self",")","size","=","int","(","random",".","uniform","(","self",".","minSize",",","self",".","maxSize",")","+","0.5",")","return","(","fileName",",","size",")"],"url":"https:\/\/github.com\/00nanhai\/captchacker2\/blob\/7609141b51ff0cf3329608b8101df967cb74752f\/pycaptcha\/build\/lib.linux-x86_64-2.7\/Captcha\/Visual\/Text.py#L34-L38"}
{"nwo":"00nanhai\/captchacker2","sha":"7609141b51ff0cf3329608b8101df967cb74752f","path":"pycaptcha\/build\/lib.linux-x86_64-2.7\/Captcha\/Visual\/Distortions.py","language":"python","identifier":"WarpBase.getTransform","parameters":"(self, image)","argument_list":"","return_statement":"return lambda x, y: (x, y)","docstring":"Return a transformation function, subclasses should override this","docstring_summary":"Return a transformation function, subclasses should override this","docstring_tokens":["Return","a","transformation","function","subclasses","should","override","this"],"function":"def getTransform(self, image):\n \"\"\"Return a transformation function, subclasses should override this\"\"\"\n return lambda x, y: (x, y)","function_tokens":["def","getTransform","(","self",",","image",")",":","return","lambda","x",",","y",":","(","x",",","y",")"],"url":"https:\/\/github.com\/00nanhai\/captchacker2\/blob\/7609141b51ff0cf3329608b8101df967cb74752f\/pycaptcha\/build\/lib.linux-x86_64-2.7\/Captcha\/Visual\/Distortions.py#L50-L52"}