এই গেমটিতে বিজয়ী শব্দের একটি সেট খুঁজে পেতে দ্রুততম পাইথন কোড


14

এটি বাচ্চাদের জন্য ক্রিয়াকলাপের সেটগুলির একটি শব্দ গেম। নিয়মের নীচে / usr / শেয়ার / ডিক / শব্দ ব্যবহার করে সেরা ট্রিপলেট সন্ধান করার কোড রয়েছে code আমি ভেবেছিলাম এটি একটি আকর্ষণীয় অপ্টিমাইজেশান সমস্যা ছিল এবং আমি ভাবছি যে লোকেরা উন্নতি পেতে পারে।

বিধি

  1. নীচের প্রতিটি সেট থেকে একটি চিঠি চয়ন করুন।
  2. নির্বাচিত বর্ণগুলি (এবং অন্য কোনও) ব্যবহার করে একটি শব্দ চয়ন করুন।
  3. শব্দটি স্কোর করুন।
    • নির্বাচিত সেট থেকে প্রতিটি অক্ষর সেট সহ প্রদর্শিত নম্বর পায় (অন্তর্ভুক্ত পুনরাবৃত্তি করে)।
    • AEIOU গণনা 0
    • অন্যান্য সমস্ত অক্ষর -2
  4. উপরের ১-২ পদক্ষেপের পুনরাবৃত্তি করুন (পদক্ষেপ 1 এ পুনরায় ব্যবহারের অক্ষর নেই) আরও দু'বার।
  5. ফাইনাল স্কোর তিনটি শব্দ স্কোরের যোগফল।

সেট

(1 স্কোর 1 পয়েন্ট সেট করুন, 2 স্কোর 2 পয়েন্ট সেট করুন)

  1. LTN
  2. যদি RDS
  3. GBM
  4. CHP র
  5. FWV
  6. YKJ
  7. QXZ

কোড:

from itertools import permutations
import numpy as np

points = {'LTN' : 1,
          'RDS' : 2,
          'GBM' : 3,
          'CHP' : 4,
          'FWV' : 5,
          'YKJ' : 6,
          'QXZ' : 7}

def tonum(word):
    word_array = np.zeros(26, dtype=np.int)
    for l in word:
        word_array[ord(l) - ord('A')] += 1
    return word_array.reshape((26, 1))

def to_score_array(letters):
    score_array = np.zeros(26, dtype=np.int) - 2
    for v in 'AEIOU':
        score_array[ord(v) - ord('A')] = 0
    for idx, l in enumerate(letters):
        score_array[ord(l) - ord('A')] = idx + 1
    return np.matrix(score_array.reshape(1, 26))

def find_best_words():
    wlist = [l.strip().upper() for l in open('/usr/share/dict/words') if l[0].lower() == l[0]]
    wlist = [l for l in wlist if len(l) > 4]
    orig = [l for l in wlist]
    for rep in 'AEIOU':
        wlist = [l.replace(rep, '') for l in wlist]
    wlist = np.hstack([tonum(w) for w in wlist])

    best = 0
    ct = 0
    bestwords = ()
    for c1 in ['LTN']:
        for c2 in permutations('RDS'):
            for c3 in permutations('GBM'):
                for c4 in permutations('CHP'):
                    for c5 in permutations('FWV'):
                        for c6 in permutations('YJK'):
                            for c7 in permutations('QZX'):
                                vals = [to_score_array(''.join(s)) for s in zip(c1, c2, c3, c4, c5, c6, c7)]
                                ct += 1
                                print ct, 6**6
                                scores1 = (vals[0] * wlist).A.flatten()
                                scores2 = (vals[1] * wlist).A.flatten()
                                scores3 = (vals[2] * wlist).A.flatten()
                                m1 = max(scores1)
                                m2 = max(scores2)
                                m3 = max(scores3)
                                if m1 + m2 + m3 > best:
                                    print orig[scores1.argmax()], orig[scores2.argmax()], orig[scores3.argmax()], m1 + m2 + m3
                                    best = m1 + m2 + m3
                                    bestwords = (orig[scores1.argmax()], orig[scores2.argmax()], orig[scores3.argmax()])
    return bestwords, best


if __name__ == '__main__':
    import timeit
    print timeit.timeit('print find_best_words()', 'from __main__ import find_best_words', number=1)

ম্যাট্রিক্স সংস্করণটি হ'ল খাঁটি অজগরটিতে একটি লেখার পরে আমি অভিধান নিয়ে এসেছি (অভিধানগুলি ব্যবহার করে এবং প্রতিটি শব্দকে স্বাধীনভাবে স্কোর করে), এবং অন্যটি মায়ারিক্সের পরিবর্তে ম্যাট্রিক্স গুণনের পরিবর্তে সূচক ব্যবহার করি।

পরবর্তী অপ্টিমাইজেশন হ'ল সম্পূর্ণভাবে স্কোরিং থেকে স্বরগুলি সরিয়ে ফেলা (এবং একটি পরিবর্তিত ord()ফাংশন ব্যবহার করুন ) তবে আমি আরও অবাক হই যে আরও দ্রুত পন্থা রয়েছে কিনা।

সম্পাদনা : টাইমাইট.টাইমাইট কোড যুক্ত হয়েছে

সম্পাদনা : আমি একটি অনুগ্রহ যুক্ত করছি, যা আমি সবচেয়ে বেশি পছন্দ করি তার যেকোন উন্নতি করব (বা সম্ভবত একাধিক উত্তর, তবে যদি বিষয়টি হয় তবে আমাকে আরও কিছু খ্যাতি অর্জন করতে হবে)।


3
বিটিডাব্লু, আমি যখন আট বছর বয়সী তিনটি শব্দ তার মায়ের বিরুদ্ধে গেমটি খেলি তখন মনে রাখার জন্য কোডটি লিখেছিলাম। জাইলোপিরোগ্রাফিকির অর্থ এখন আমি জানি।

2
এটি একটি মজার প্রশ্ন। আমি মনে করি আপনি নিম্নলিখিতটি সরবরাহ করলে আপনি প্রতিক্রিয়াগুলি পেতে আরও বেশি সম্ভাবনা তৈরি করতে পারেন: (1) একটি অনলাইন শব্দ তালিকার একটি লিঙ্ক যাতে প্রত্যেকে একই ডেটা সেট নিয়ে কাজ করে। (২) আপনার সমাধানটি একটি ফাংশনে রাখুন। (3) সময় দেখানোর জন্য সময়-মডিউলটি ব্যবহার করে সেই ফাংশনটি চালান। (৪) অভিধানের ডেটা লোড করা ফাংশনের বাইরে রাখার বিষয়টি নিশ্চিত করুন যাতে আমরা ডিস্কের গতি পরীক্ষা না করি। এরপরে লোকেরা তাদের সমাধানগুলির তুলনা করার জন্য বিদ্যমান কোডটিকে কাঠামো হিসাবে ব্যবহার করতে পারে।

আমি টাইমিট ব্যবহার করতে আবার লিখব, তবে ন্যায্য তুলনার জন্য আমাকে নিজের মেশিনটি ব্যবহার করতে হবে (যা সমাধান পোস্ট করার জন্য লোকেদের জন্য আমি খুশি)। একটি শব্দ তালিকা সবচেয়ে সিস্টেমে উপলব্ধ করা উচিত, কিন্তু যদি না, এখানে বিভিন্ন আছেন: wordlist.sourceforge.net

1
প্রতিটি ব্যবহারকারী যদি নিজের সমাধান এবং তাদের নিজস্ব মেশিনে তাদের বিপরীতে অন্য কোনও পোস্ট সমাধানের সময়টি তুলনা করে তবে ন্যায্য তুলনাগুলি হতে পারে। কিছু পার্থক্য ক্রস প্ল্যাটফর্ম থাকবে, তবে সাধারণভাবে এই পদ্ধতিটি কাজ করে।

1
এইচ, এই ক্ষেত্রে আমি ভাবছি যে এটি সঠিক সাইট কিনা correct আমি মনে করি এসও সবচেয়ে ভাল হত।
জোয়

উত্তর:


3

প্রতিটি শব্দের জন্য সর্বোত্তম সম্ভাব্য স্কোরকে প্রাক্কুন করার কীথের ধারণাটি ব্যবহার করে, আমি কম্পিউটারে মৃত্যুদন্ডের সময়টি প্রায় 0.7 সেকেন্ডে কমিয়ে আনতে সক্ষম হয়েছি (75,288 শব্দের একটি তালিকা ব্যবহার করে)।

কৌশলটি হ'ল শব্দের সংমিশ্রণগুলি বাছাই করার জন্য বাছাই করা অক্ষরের সমস্ত সংমিশ্রণের পরিবর্তে খেলতে হবে। আমরা শব্দের কয়েকটি সংমিশ্রণ ব্যতীত সমস্তগুলিকে উপেক্ষা করতে পারি (আমার শব্দ তালিকার সাহায্যে 203) কারণ তারা ইতিমধ্যে আমরা খুঁজে পেয়েছি তার চেয়ে বেশি স্কোর পেতে পারে না। প্রায়শই কার্যকর কার্যকর সময়টি স্কোর স্কোরকে পূর্বেই ব্যয় করে।

পাইথন ২.7:

import collections
import itertools


WORDS_SOURCE = '../word lists/wordsinf.txt'

WORDS_PER_ROUND = 3
LETTER_GROUP_STRS = ['LTN', 'RDS', 'GBM', 'CHP', 'FWV', 'YKJ', 'QXZ']
LETTER_GROUPS = [list(group) for group in LETTER_GROUP_STRS]
GROUP_POINTS = [(group, i+1) for i, group in enumerate(LETTER_GROUPS)]
POINTS_IF_NOT_CHOSEN = -2


def best_word_score(word):
    """Return the best possible score for a given word."""

    word_score = 0

    # Score the letters that are in groups, chosing the best letter for each
    # group of letters.
    total_not_chosen = 0
    for group, points_if_chosen in GROUP_POINTS:
        letter_counts_sum = 0
        max_letter_count = 0
        for letter in group:
            if letter in word:
                count = word.count(letter)
                letter_counts_sum += count
                if count > max_letter_count:
                    max_letter_count = count
        if letter_counts_sum:
            word_score += points_if_chosen * max_letter_count
            total_not_chosen += letter_counts_sum - max_letter_count
    word_score += POINTS_IF_NOT_CHOSEN * total_not_chosen

    return word_score

def best_total_score(words):
    """Return the best score possible for a given list of words.

    It is fine if the number of words provided is not WORDS_PER_ROUND. Only the
    words provided are scored."""

    num_words = len(words)
    total_score = 0

    # Score the letters that are in groups, chosing the best permutation of
    # letters for each group of letters.
    total_not_chosen = 0
    for group, points_if_chosen in GROUP_POINTS:
        letter_counts = []
        # Structure:  letter_counts[word_index][letter] = count
        letter_counts_sum = 0
        for word in words:
            this_word_letter_counts = {}
            for letter in group:
                count = word.count(letter)
                this_word_letter_counts[letter] = count
                letter_counts_sum += count
            letter_counts.append(this_word_letter_counts)

        max_chosen = None
        for letters in itertools.permutations(group, num_words):
            num_chosen = 0
            for word_index, letter in enumerate(letters):
                num_chosen += letter_counts[word_index][letter]
            if num_chosen > max_chosen:
                max_chosen = num_chosen

        total_score += points_if_chosen * max_chosen
        total_not_chosen += letter_counts_sum - max_chosen
    total_score += POINTS_IF_NOT_CHOSEN * total_not_chosen

    return total_score


def get_words():
    """Return the list of valid words."""
    with open(WORDS_SOURCE, 'r') as source:
        return [line.rstrip().upper() for line in source]

def get_words_by_score():
    """Return a dictionary mapping each score to a list of words.

    The key is the best possible score for each word in the corresponding
    list."""

    words = get_words()
    words_by_score = collections.defaultdict(list)
    for word in words:
        words_by_score[best_word_score(word)].append(word)
    return words_by_score


def get_winning_words():
    """Return a list of words for an optimal play."""

    # A word's position is a tuple of its score's index and the index of the
    # word within the list of words with this score.
    # 
    # word played: A word in the context of a combination of words to be played
    # word chosen: A word in the context of the list it was picked from

    words_by_score = get_words_by_score()
    num_word_scores = len(words_by_score)
    word_scores = sorted(words_by_score, reverse=True)
    words_by_position = []
    # Structure:  words_by_position[score_index][word_index] = word
    num_words_for_scores = []
    for score in word_scores:
        words = words_by_score[score]
        words_by_position.append(words)
        num_words_for_scores.append(len(words))

    # Go through the combinations of words in lexicographic order by word
    # position to find the best combination.
    best_score = None
    positions = [(0, 0)] * WORDS_PER_ROUND
    words = [words_by_position[0][0]] * WORDS_PER_ROUND
    scores_before_words = []
    for i in xrange(WORDS_PER_ROUND):
        scores_before_words.append(best_total_score(words[:i]))
    while True:
        # Keep track of the best possible combination of words so far.
        score = best_total_score(words)
        if score > best_score:
            best_score = score
            best_words = words[:]

        # Go to the next combination of words that could get a new best score.
        for word_played_index in reversed(xrange(WORDS_PER_ROUND)):
            # Go to the next valid word position.
            score_index, word_chosen_index = positions[word_played_index]
            word_chosen_index += 1
            if word_chosen_index == num_words_for_scores[score_index]:
                score_index += 1
                if score_index == num_word_scores:
                    continue
                word_chosen_index = 0

            # Check whether the new combination of words could possibly get a
            # new best score.
            num_words_changed = WORDS_PER_ROUND - word_played_index
            score_before_this_word = scores_before_words[word_played_index]
            further_points_limit = word_scores[score_index] * num_words_changed
            score_limit = score_before_this_word + further_points_limit
            if score_limit <= best_score:
                continue

            # Update to the new combination of words.
            position = score_index, word_chosen_index
            positions[word_played_index:] = [position] * num_words_changed
            word = words_by_position[score_index][word_chosen_index]
            words[word_played_index:] = [word] * num_words_changed
            for i in xrange(word_played_index+1, WORDS_PER_ROUND):
                scores_before_words[i] = best_total_score(words[:i])
            break
        else:
            # None of the remaining combinations of words can get a new best
            # score.
            break

    return best_words


def main():
    winning_words = get_winning_words()
    print winning_words
    print best_total_score(winning_words)

if __name__ == '__main__':
    main()

এটি ['KNICKKNACK', 'RAZZMATAZZ', 'POLYSYLLABLES']95 টি স্কোর দিয়ে সমাধানটি দেয়। থাইিসের "জাইলোপিরোগ্রাফি" যুক্ত হওয়ার ['XYLOPYROGRAPHY', 'KNICKKNACKS', 'RAZZMATAZZ']সাথে সাথে আমি 105 এর স্কোর পেয়েছি ।


5

এখানে একটি ধারণা দেওয়া হয়েছে - বেশিরভাগ শব্দের ভয়াবহ স্কোর রয়েছে তা লক্ষ্য করে আপনি প্রচুর শব্দ পরীক্ষা করা এড়াতে পারেন। বলুন যে আপনি একটি খুব ভাল স্কোরিং প্লে পেয়েছেন যা আপনাকে 50 পয়েন্ট দেয়। তারপরে 50 টিরও বেশি পয়েন্টের সাথে যে কোনও খেলায় কমপক্ষে সিল (51/3) = 17 পয়েন্টের শব্দ থাকতে হবে। সুতরাং যে কোনও শব্দ যা সম্ভবত 17 পয়েন্ট উত্পন্ন করতে পারে তা উপেক্ষা করা যায়।

এখানে কিছু কোড রয়েছে যা উপরেরটি করে। আমরা অভিধানের প্রতিটি শব্দের জন্য সর্বোত্তম সম্ভাব্য স্কোর গণনা করি এবং স্কোর অনুসারে এটি একটি অ্যারেতে সঞ্চয় করি। তারপরে আমরা সেই অ্যারেটি কেবলমাত্র এমন শব্দগুলিতে যাচাই করতে ব্যবহার করি যেখানে প্রয়োজনীয় সর্বনিম্ন স্কোর থাকে।

from itertools import permutations
import time

S={'A':0,'E':0,'I':0,'O':0,'U':0,
   'L':1,'T':1,'N':1,
   'R':2,'D':2,'S':2,
   'G':3,'B':3,'M':3,
   'C':4,'H':4,'P':4,
   'F':5,'W':5,'V':5,
   'Y':6,'K':6,'J':6,
   'Q':7,'X':7,'Z':7,
   }

def best_word(min, s):
    global score_to_words
    best_score = 0
    best_word = ''
    for i in xrange(min, 100):
        for w in score_to_words[i]:
            score = (-2*len(w)+2*(w.count('A')+w.count('E')+w.count('I')+w.count('O')+w.count('U')) +
                      3*w.count(s[0])+4*w.count(s[1])+5*w.count(s[2])+6*w.count(s[3])+7*w.count(s[4])+
                      8*w.count(s[5])+9*w.count(s[6]))
            if score > best_score:
                best_score = score
                best_word = w
    return (best_score, best_word)

def load_words():
    global score_to_words
    wlist = [l.strip().upper() for l in open('/usr/share/dict/words') if l[0].lower() == l[0]]
    score_to_words = [[] for i in xrange(100)]
    for w in wlist: score_to_words[sum(S[c] for c in w)].append(w)
    for i in xrange(100):
        if score_to_words[i]: print i, len(score_to_words[i])

def find_best_words():
    load_words()
    best = 0
    bestwords = ()
    for c1 in permutations('LTN'):
        for c2 in permutations('RDS'):
            for c3 in permutations('GBM'):
            print time.ctime(),c1,c2,c3
                for c4 in permutations('CHP'):
                    for c5 in permutations('FWV'):
                        for c6 in permutations('YJK'):
                            for c7 in permutations('QZX'):
                                sets = zip(c1, c2, c3, c4, c5, c6, c7)
                                (s1, w1) = best_word((best + 3) / 3, sets[0])
                                (s2, w2) = best_word((best - s1 + 2) / 2, sets[1])
                                (s3, w3) = best_word(best - s1 - s2 + 1, sets[2])
                                score = s1 + s2 + s3
                                if score > best:
                                    best = score
                                    bestwords = (w1, w2, w3)
                                    print score, w1, w2, w3
    return bestwords, best


if __name__ == '__main__':
    import timeit
    print timeit.timeit('print find_best_words()', 'from __main__ import find_best_words', number=1)

সর্বনিম্ন স্কোরটি দ্রুত 100 পর্যন্ত পৌঁছে যায় যার অর্থ আমাদের কেবলমাত্র 33+ পয়েন্ট শব্দের বিবেচনা করা দরকার, যা সামগ্রিক মোটের খুব ছোট একটি ভগ্নাংশ (আমার /usr/share/dict/words208662 টি বৈধ শব্দ রয়েছে যার মধ্যে কেবল 1723 টি 33+ পয়েন্ট = 0.8%)। আমার মেশিনে প্রায় আধ ঘন্টা চালায় এবং উত্পন্ন করে:

(('MAXILLOPREMAXILLARY', 'KNICKKNACKED', 'ZIGZAGWISE'), 101)

খুশী হলাম। আমি এটিকে ম্যাট্রিক্স সমাধানে যুক্ত করব (শব্দগুলি অপসারণের ফলে তাদের সংখ্যা খুব কম হ'ল), তবে আমি যে শুদ্ধ পাইথন সমাধান নিয়ে এসেছি তার চেয়ে এটি বেশ ভাল।
thyis

1
আমি নিশ্চিত নই যে আমি এর আগে অনেকে লুপের জন্য নেস্ট করে দেখেছি।
পিটার ওলসন

1
আপনার ধারণাকে ম্যাট্রিক্স স্কোরিংয়ের সাথে সংমিশ্রণ করা (এবং সর্বোত্তম সম্ভাব্য স্কোরের উপরের একটি শক্ত উচ্চতর আবদ্ধ) সময়টি আমার মেশিনে (প্রায় এক ঘন্টা থেকে) প্রায় 80 সেকেন্ডে নেমে যায়। এখানে কোড করুন
থুইস

সেই সময়ের একটি ভাল অংশটি সর্বাধিক সম্ভাব্য স্কোরগুলির পূর্বাভাসে থাকে, যা আরও দ্রুত তৈরি করা যায়।
thyis
আমাদের সাইট ব্যবহার করে, আপনি স্বীকার করেছেন যে আপনি আমাদের কুকি নীতি এবং গোপনীয়তা নীতিটি পড়েছেন এবং বুঝতে পেরেছেন ।
Licensed under cc by-sa 3.0 with attribution required.