本文整理汇总了Python中textblob.classifiers.NaiveBayesClassifier类的典型用法代码示例。如果您正苦于以下问题:Python NaiveBayesClassifier类的具体用法?Python NaiveBayesClassifier怎么用?Python NaiveBayesClassifier使用的例子?那么恭喜您, 这里精选的类代码示例或许可以为您提供帮助。
在下文中一共展示了NaiveBayesClassifier类的20个代码示例,这些例子默认根据受欢迎程度排序。您可以为喜欢或者感觉有用的代码点赞,您的评价将有助于我们的系统推荐出更棒的Python代码示例。
示例1: generateIntentionalityClassifier
def generateIntentionalityClassifier():
db = dbClient()
training = db.training
cursor = training.find()
#Reducir la cantidad de registros
crs = list(cursor)
random.shuffle(crs)
# split into 90% training and 10% test sets
p = int(len(crs) * .01)
cr_test = crs[0:p]
print "Test", len(cr_test)
data = []
t = ""
for td in cr_test:
tgram = td["triGram"]
label = td["label"]
#print tgram
for tg in tgram:
d = '-'.join(tg)
t = t + " " + d
#print t
data.append((t, label))
t = ""
#print data
cl = NaiveBayesClassifier(data)
cl.show_informative_features(30)
path = "/media/University/UniversityDisc/2-Master/MasterThesis/EjecucionTesis/Desarrollo/PythonProjects/QueryAnalyzer/Models/"
saveTrainedClassifier(path, cl, "my_classifier_v6.pickle")
return cl
开发者ID:ljsou,项目名称:QueryAnalyzer,代码行数:32,代码来源:intent_classifier.py
示例2: create_sentiment
def create_sentiment():
"""
Train sentiment model and save.
Input type: None
Output: Model as pickle
"""
random.seed(1)
test = [
("The dude presenting Unravel seems like one of the most genuine game developers Ive ever seen I really hope this game works out for him",'pos'),
("His hands are shaking Dude looks so stoked and scared at the same time",'pos'),
("Right I just felt like I was watching his dream come true It was nice The game looks very well done as well Good for him",'pos'),
("Seriously Unravel looks really good actually and honestly seeing him so happy about what hes made is contagious I want to see more of Unravel ",'pos'),
("He was so nervous shaking all over his voice quivering",'neg'),
("The game looked nice too very cute art style ",'pos'),
("You could tell he genuinely wanted to be there it looked like he was even shaking from the excitement I hope it works out for them aswell",'pos'),
("However following that up with the weird PvZ thing was odd To say the least",'neg'),
("Haha The game did look nice though Im definitely going to keep an eye on it I enjoy supporting such hopeful developers",'pos'),
("Very personable This looks like a buy for me As a dev in a other sector I appreciate this passion",'pos'),
("I want to give him a cookie",'pos'),
("Im getting a copy Im gonna support my indie devs",'pos'),
("The twitch leak was accurate It was like a play by play you start speaking French then switch to English",'neg'),
("yep exactly what i was thinking lol its important to note that the twitch leak never had them saying it was Dishonored 2 but that they were honored to be here very different",'neg'),
("Honored Im 100 sure that was intentional",'neg'),
("oh yea for sure but wasnt solid enough evidence imo to be like dishonored 2 confirmed just based off that",'neg'),
("The confirmation was who was talking not what they were talking about ",'neg'),
("How awkward is it for a pop singer to perform at a video game conference",'neg'),
("Oh god did they warn him that he will get zero reaction",'neg'),
("I really hope so",'pos'),
("Almost as bad as Aisha fucking up her dialogue constantly Shes doing alright though E3 is really becoming a mainstream media event Hollywood has nothing like this ComicCon is the only comparison and they dont dazzle it up like E3",'neg')
]
# Grab review data
reviews = [
(list(movie_reviews.words(fileid)), category)
for category in movie_reviews.categories()
for fileid in movie_reviews.fileids(category)
]
random.shuffle(reviews)
# Divide into 10% train/test splits
new_train, new_test = reviews[:1900], reviews[1900:]
# Train the NB classifier on the train split
cl = NaiveBayesClassifier(new_train)
# Compute accuracy
accuracy = cl.accuracy(test + new_test)
print("Accuracy: {0}".format(accuracy))
# Show 5 most informative features
cl.show_informative_features(5)
# Save model for use in creating social model sentiment
with open('sentiment_clf_full.pkl', 'wb') as pk:
pickle.dump(cl, pk)
print 'done saving model'
开发者ID:mastraut,项目名称:reddit_social_popularity_graph,代码行数:60,代码来源:nlp_extractors.py
示例3: generateClassifier
def generateClassifier():
train = getIntentDataset()
cl = NaiveBayesClassifier(train)
cl.show_informative_features(5)
path = "/media/University/UniversityDisc/2-Master/MasterThesis/EjecucionTesis/Desarrollo/PythonProjects/QueryAnalyzer/Models/"
saveTrainedClassifier(path, cl, "intent_classifier_2.pickle")
开发者ID:ljsou,项目名称:QueryAnalyzer,代码行数:7,代码来源:intent_classifier.py
示例4: generate_model
def generate_model(self):
print("Gathering and processing tweets...")
# Shuffle list of username-label tuples
tuple_list = usermapping.data_tuples.items()
# Split and grab tweets for users
results = utils.flatten([ self.fetch_data(t)
for t in tuple_list ])
# TODO: Cross-validation generation
trn_ratio = int(len(results) * 0.85)
shuffle(results)
print(len(results))
print(trn_ratio)
train = results[:trn_ratio]
test = results[trn_ratio:]
# Instantiate and train classifier
print("Training...")
cl = NaiveBayesClassifier(train)
cl.train()
# Save model
print("Saving model...")
utils.save_model(cl)
# Classify test
print("Testing...")
print("Accuracy: {0}".format(cl.accuracy(test)))
return cl
开发者ID:CarltonShepherd,项目名称:political-tweet-classifier,代码行数:30,代码来源:model.py
示例5: get_analysis
def get_analysis(s):
train = [
('I love this sandwich.', 'pos'),
('This is an amazing place!', 'pos'),
('I feel very good about these beers.', 'pos'),
('This is my best work.', 'pos'),
("What an awesome view", 'pos'),
('I do not like this restaurant', 'neg'),
('I am tired of this stuff.', 'neg'),
("I can't deal with this", 'neg'),
('He is my sworn enemy!', 'neg'),
('My boss is horrible.', 'neg')
]
cl = NaiveBayesClassifier(train)
tweets = Tweet.objects.filter(search_term = s)
result = []
for t in tweets:
d = {}
c = cl.classify(t.tw_text)
d['text'] = t.tw_text
d['res'] = c
result.append(d)
return result
开发者ID:harshvb7,项目名称:twitter_analysis,代码行数:30,代码来源:get_analysis.py
示例6: __init__
def __init__(self):
training_data = self._load_data("data")
self.category_classifier = NaiveBayesClassifier(
[(x[0], x[1]) for x in training_data])
self.avoidability_classifier = NaiveBayesClassifier(
[(x[0], x[2]) for x in training_data])
self.ordinary_classifier = NaiveBayesClassifier(
[(x[0], x[3]) for x in training_data])
开发者ID:giuse88,项目名称:expense_classifier,代码行数:8,代码来源:classifier.py
示例7: train_n_test
def train_n_test(file_path):
documents= load_data(file_path)
random.shuffle(documents)
generate_bigrams(data.wordlist)
train = documents[0:110]
test = documents[110:]
#classifier = NaiveBayesClassifier(train)
#classifier = NaiveBayesClassifier(train,feature_extractor=get_features)
classifier = NaiveBayesClassifier(train,feature_extractor=get_feats)
print classifier.accuracy(test)
开发者ID:suclike,项目名称:FlipkartHackthon,代码行数:10,代码来源:classify.py
示例8: __init__
class NaiveBayesAnalyzer:
cl = None
def __init__(self):
with open("training_data.json", "r") as f:
self.cl = NaiveBayesClassifier(f, format="json")
self.cl.show_informative_features(20)
def analyze(self, text):
return self.cl.classify(text)
开发者ID:ayhun,项目名称:MMDS,代码行数:10,代码来源:sentiment.py
示例9: LanguageDetector
class LanguageDetector(object):
def __init__(self, train=SAMPLE_TRAIN, feature_extractor=FeatureExtractors.last_word_extractor()):
self.train = train
self.classifier = NaiveBayesClassifier(self.train, feature_extractor)
def accuracy(self, test_set=SAMPLE_TEST):
return self.classifier.accuracy(test_set)
def show_features(self):
return self.classifier.show_informative_features(5)
开发者ID:MARS87,项目名称:ieor242,代码行数:10,代码来源:language_detector.py
示例10: main
def main():
json = raw_input("Where is the json training set?")
print "Program start", time.ctime() #debug
with open(json, 'r') as file:
classifier = NaiveBayesClassifier(file, format='json')
print "Classifier done!", time.ctime() #debug
test = raw_input("Where is the test eml_folder?")
print "Testing...", time.ctime()
for emails in dir_list(test):
print classifier.classify(emails)
print "Testing done", time.ctime()
开发者ID:findingnino,项目名称:SentimentAnalyzer,代码行数:11,代码来源:SentimentAnalysis.py
示例11: run_test
def run_test(train, test, name):
print "Training..."
cll = NaiveBayesClassifier(train)
print "Done training\n"
accuracy = cll.accuracy(test)
print "Accuracy: " + str(accuracy)
# get matching lists of predicted and true labels
pred_labels = list()
true_labels = list()
for obj in test:
prob_label = cll.prob_classify(obj[0]).max()
true_label = obj[1]
true_labels.append(true_label)
pred_labels.append(prob_label)
# transform our labels to numbers
labels = cll.labels()
i = 0
label_num = dict()
for label in labels:
label_num[label] = i
i = i + 1
# match our predicted and true labels with the number representations
true_label_nums = list()
pred_label_nums = list()
for true_l, pred_l in zip(true_labels, pred_labels):
true_label_nums.append(label_num[true_l])
pred_label_nums.append(label_num[pred_l])
cm = confusion_matrix(true_label_nums, pred_label_nums)
print cm
print "\n"
with open("test_results.txt", "a") as tr:
tr.write(str(name) + "\n")
tr.write(str(accuracy) + "\n")
tr.write(str(cm))
tr.write("\n\n")
import matplotlib.pyplot as plt
fig = plt.figure()
ax = fig.add_subplot(111)
cax = ax.matshow(cm)
plt.title("Confusion Matrix For "+name)
fig.colorbar(cax)
ax.set_xticklabels(['']+labels)
ax.set_yticklabels(['']+labels)
plt.xlabel("Predicted")
plt.ylabel("True")
plt.savefig('plots/'+name+'.pdf', bbox_inches='tight')
开发者ID:cameronfabbri,项目名称:smartTalk,代码行数:52,代码来源:run_test.py
示例12: main
def main():
print "This is Naive Bayes' Classifier..."
#read training data
#training_data = open("training_data").readlines()
training_data = open("training_data_final").readlines()
#load training data
training_tuples = loadData(training_data)
training_tuples_api = make_api_tuples(training_tuples)
print training_tuples_api
#display tuples
#for t in training_tuples:
# t.show()
#gather classes
classes = filterClasses(training_tuples)
#print "classes = ", classes
#gather vocab
vocab = getVocab(training_tuples)
#print vocab
#generate prior
prior = generatePrior(training_tuples, classes)
#print prior
#generate likelihood
likelihood = generateLikelihood(training_tuples, vocab, classes)
#print likelihood
#read test data
#test_data = open("test_data").readlines()
test_data = open("test_data_final").readlines()
#load test data
test_tuples = loadData(test_data)
test_tuples_api = make_api_tuples(test_tuples)
#calculate C-MAP
posterior = predict(test_tuples, classes, prior, likelihood)
showResults(training_data, test_data, posterior)
#calculate accuracy
evaluateAccuracy(test_tuples, posterior)
#Naive Bayes API
cl = NaiveBayesClassifier(training_tuples_api)
# Compute accuracy
print("Accuracy: {0}".format(cl.accuracy(test_tuples_api)))
开发者ID:dkuldeep11,项目名称:hac,代码行数:50,代码来源:naive_bayes_email_classifier_api.py
示例13: train
def train(pos_examples, neg_examples, train_fraction=0.6):
"""Train a classifier, holding out train_fraction of pos_examples and neg_examples as a test set.
Return the tuple:
(the classifier, accuracy, positive test example list, negative test example list, )
"""
pos_split = int(train_fraction * len(pos_examples))
pos_train, pos_test = pos_examples[0:pos_split], pos_examples[pos_split:]
neg_split = int(train_fraction * len(neg_examples))
neg_train, neg_test = neg_examples[0:neg_split], neg_examples[neg_split:]
cl = NaiveBayesClassifier(pos_train + neg_train)
return cl, cl.accuracy(pos_test + neg_test), pos_test, neg_test
开发者ID:shahin,项目名称:diseases,代码行数:15,代码来源:train.py
示例14: train
def train(self, train_set):
train_data = []
for t in train_set:
train_data.append((self._cvobj_to_string(t[0]),t[1]))
print "Training model..."
#print train_data
self.cl = NaiveBayesClassifier(train_data)
开发者ID:yjlo123,项目名称:CViA,代码行数:7,代码来源:Classifier.py
示例15: TimeLogicAdapter
class TimeLogicAdapter(LogicAdapter):
"""
The TimeLogicAdapter returns the current time.
"""
def __init__(self, **kwargs):
super(TimeLogicAdapter, self).__init__(**kwargs)
training_data = [
('what time is it', 1),
('do you know the time', 1),
('do you know what time it is', 1),
('what is the time', 1),
('it is time to go to sleep', 0),
('what is your favorite color', 0),
('i had a great time', 0),
('what is', 0)
]
self.classifier = NaiveBayesClassifier(training_data)
def process(self, statement):
now = datetime.now()
confidence = self.classifier.classify(statement.text.lower())
response = Statement('The current time is ' + now.strftime('%I:%M %p'))
return confidence, response
开发者ID:AugustoQueiroz,项目名称:ChatterBot,代码行数:28,代码来源:time_adapter.py
示例16: TimeLogicAdapter
class TimeLogicAdapter(LogicAdapter):
def __init__(self, **kwargs):
super(TimeLogicAdapter, self).__init__(**kwargs)
training_data = [
("what time is it", 1),
("do you know the time", 1),
("do you know what time it is", 1),
("what is the time", 1),
("do you know the time", 0),
("it is time to go to sleep", 0),
("what is your favorite color", 0),
("i had a great time", 0),
("what is", 0)
]
self.classifier = NaiveBayesClassifier(training_data)
def process(self, statement):
now = datetime.now()
confidence = self.classifier.classify(statement.text.lower())
response = Statement("The current time is " + now.strftime("%I:%M %p"))
return confidence, response
开发者ID:fmoliveira,项目名称:ChatterBot,代码行数:26,代码来源:time_adapter.py
示例17: __init__
def __init__(self, **kwargs):
super(WikipediaAdapter, self).__init__(**kwargs)
training_data = [
("what do you know about", 1),
('what is', 1),
('who is', 1),
('who was', 1),
('where is',1),
('Could you tell me', 1),
('what can you tell me about', 1),
("what's trending in ",0),
('what is trending in', 0),
('what is going on with', 0),
('how are you', 0),
('how is', 0),
('how are', 0),
('how will', 0),
('how would you', 0),
('what people are talking about', 0),
('what are reviews', 0),
('what the', 0),
('do you know the time', 0),
('it is time to go to sleep', 0),
('what is your favorite color', 0),
('i had a great time', 0),
('what time is it', 0),
('do you know the time', 0),
('do you know what time it is', 0),
('what is the time', 0),
('how are you?', 0),
('any clue about', 1),
('located',1)
]
self.classifier = NaiveBayesClassifier(training_data)
开发者ID:anirudh24,项目名称:self_aware_bot,代码行数:34,代码来源:wiki.py
示例18: HelpLabeler
class HelpLabeler(object):
HELP_DATA = 'help_data.json'
def __init__(self):
with open(self.HELP_DATA, 'r') as fp:
self.c = NaiveBayesClassifier(fp, format="json")
with open(self.HELP_DATA, 'r') as fp:
self.help_json = {}
for i in json.load(fp):
self.help_json[i['text']] = i['label']
def get_label(self, text, lower_placeholders=[]):
text = text.lower()
self.save_help(text)
prob_dist = self.c.prob_classify(text)
label = prob_dist.max()
prob = round(prob_dist.prob(label), 2)
if prob > 0.7:
return(label)
else:
return(None)
def save_help(self, lower_text):
try:
self.help_json[lower_text]
except KeyError:
self.help_json[lower_text] = 'unknown'
with open(self.HELP_DATA, 'w') as fp:
json.dump([{'text': k, 'label': v} for k, v in self.help_json.items()], fp, indent=4)
开发者ID:replive,项目名称:nightfury,代码行数:29,代码来源:labels.py
示例19: __init__
def __init__(self):
with open(self.LABELS_DATA, 'r') as fp:
self.c = NaiveBayesClassifier(fp, format="json")
with open(self.LABELS_DATA, 'r') as fp:
self.labels_json = {}
for i in json.load(fp):
self.labels_json[i['text']] = i['label']
开发者ID:replive,项目名称:nightfury,代码行数:7,代码来源:labels.py
示例20: __init__
def __init__(self, data="AllData.csv"):
"""Load in the previous data (by default from AllData.csv) and initialise the classifier"""
if os.path.exists(data):
self.prev_data = pd.read_csv(data)
else:
self.prev_data = pd.DataFrame(columns=['date', 'desc', 'amount', 'cat'])
self.classifier = NaiveBayesClassifier(self._get_training(self.prev_data), self._extractor)
开发者ID:robintw,项目名称:BankClassify,代码行数:8,代码来源:BankClassify.py
注:本文中的textblob.classifiers.NaiveBayesClassifier类示例由纯净天空整理自Github/MSDocs等源码及文档管理平台,相关代码片段筛选自各路编程大神贡献的开源项目,源码版权归原作者所有,传播和使用请参考对应项目的License;未经允许,请勿转载。 |
请发表评论